diff --git a/Hedging with Real Estate/Melbourn Real Estate/.ipynb_checkpoints/melbourn-checkpoint.ipynb b/Hedging with Real Estate/Melbourn Real Estate/.ipynb_checkpoints/melbourn-checkpoint.ipynb new file mode 100644 index 00000000..e380d1e4 --- /dev/null +++ b/Hedging with Real Estate/Melbourn Real Estate/.ipynb_checkpoints/melbourn-checkpoint.ipynb @@ -0,0 +1,767 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [], + "source": [ + "from mpl_toolkits.mplot3d import Axes3D\n", + "from sklearn.preprocessing import StandardScaler\n", + "import matplotlib.pyplot as plt # plotting\n", + "import numpy as np # linear algebra\n", + "import os # accessing directory structure\n", + "import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "_kg_hide-input": true, + "collapsed": true + }, + "outputs": [], + "source": [ + "# Distribution graphs (histogram/bar graph) of column data\n", + "def plotPerColumnDistribution(df, nGraphShown, nGraphPerRow):\n", + " nunique = df.nunique()\n", + " df = df[[col for col in df if nunique[col] > 1 and nunique[col] < 50]] # For displaying purposes, pick columns that have between 1 and 50 unique values\n", + " nRow, nCol = df.shape\n", + " columnNames = list(df)\n", + " nGraphRow = (nCol + nGraphPerRow - 1) / nGraphPerRow\n", + " plt.figure(num = None, figsize = (6 * nGraphPerRow, 8 * nGraphRow), dpi = 80, facecolor = 'w', edgecolor = 'k')\n", + " for i in range(min(nCol, nGraphShown)):\n", + " plt.subplot(nGraphRow, nGraphPerRow, i + 1)\n", + " columnDf = df.iloc[:, i]\n", + " if (not np.issubdtype(type(columnDf.iloc[0]), np.number)):\n", + " valueCounts = columnDf.value_counts()\n", + " valueCounts.plot.bar()\n", + " else:\n", + " columnDf.hist()\n", + " plt.ylabel('counts')\n", + " plt.xticks(rotation = 90)\n", + " plt.title(f'{columnNames[i]} (column {i})')\n", + " plt.tight_layout(pad = 1.0, w_pad = 1.0, h_pad = 1.0)\n", + " plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "_kg_hide-input": true, + "collapsed": true + }, + "outputs": [], + "source": [ + "# Correlation matrix\n", + "def plotCorrelationMatrix(df, graphWidth):\n", + " filename = df.dataframeName\n", + " df = df.dropna('columns') # drop columns with NaN\n", + " df = df[[col for col in df if df[col].nunique() > 1]] # keep columns where there are more than 1 unique values\n", + " if df.shape[1] < 2:\n", + " print(f'No correlation plots shown: The number of non-NaN or constant columns ({df.shape[1]}) is less than 2')\n", + " return\n", + " corr = df.corr()\n", + " plt.figure(num=None, figsize=(graphWidth, graphWidth), dpi=80, facecolor='w', edgecolor='k')\n", + " corrMat = plt.matshow(corr, fignum = 1)\n", + " plt.xticks(range(len(corr.columns)), corr.columns, rotation=90)\n", + " plt.yticks(range(len(corr.columns)), corr.columns)\n", + " plt.gca().xaxis.tick_bottom()\n", + " plt.colorbar(corrMat)\n", + " plt.title(f'Correlation Matrix for {filename}', fontsize=15)\n", + " plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "_kg_hide-input": true, + "collapsed": true + }, + "outputs": [], + "source": [ + "# Scatter and density plots\n", + "def plotScatterMatrix(df, plotSize, textSize):\n", + " df = df.select_dtypes(include =[np.number]) # keep only numerical columns\n", + " # Remove rows and columns that would lead to df being singular\n", + " df = df.dropna('columns')\n", + " df = df[[col for col in df if df[col].nunique() > 1]] # keep columns where there are more than 1 unique values\n", + " columnNames = list(df)\n", + " if len(columnNames) > 10: # reduce the number of columns for matrix inversion of kernel density plots\n", + " columnNames = columnNames[:10]\n", + " df = df[columnNames]\n", + " ax = pd.plotting.scatter_matrix(df, alpha=0.75, figsize=[plotSize, plotSize], diagonal='kde')\n", + " corrs = df.corr().values\n", + " for i, j in zip(*plt.np.triu_indices_from(ax, k = 1)):\n", + " ax[i, j].annotate('Corr. coef = %.3f' % corrs[i, j], (0.8, 0.2), xycoords='axes fraction', ha='center', va='center', size=textSize)\n", + " plt.suptitle('Scatter and Density Plot')\n", + " plt.show()\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now you're ready to read in the data and use the plotting functions to visualize the data." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Let's check 1st file: /kaggle/input/MELBOURNE_HOUSE_PRICES_LESS.csv" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "There are 1000 rows and 13 columns\n" + ] + } + ], + "source": [ + "nRowsRead = 1000 # specify 'None' if want to read whole file\n", + "# MELBOURNE_HOUSE_PRICES_LESS.csv may have more rows in reality, but we are only loading/previewing the first 1000 rows\n", + "df1 = pd.read_csv('MELBOURNE_HOUSE_PRICES_LESS.csv', delimiter=',', nrows = nRowsRead)\n", + "df1.dataframeName = 'MELBOURNE_HOUSE_PRICES_LESS.csv'\n", + "nRow, nCol = df1.shape\n", + "print(f'There are {nRow} rows and {nCol} columns')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's take a quick look at what the data looks like:" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SuburbAddressRoomsTypePriceMethodSellerGDatePostcodeRegionnamePropertycountDistanceCouncilArea
0Abbotsford49 Lithgow St3h1490000.0SJellis1/04/20173067Northern Metropolitan40193.0Yarra City Council
1Abbotsford59A Turner St3h1220000.0SMarshall1/04/20173067Northern Metropolitan40193.0Yarra City Council
2Abbotsford119B Yarra St3h1420000.0SNelson1/04/20173067Northern Metropolitan40193.0Yarra City Council
3Aberfeldie68 Vida St3h1515000.0SBarry1/04/20173040Western Metropolitan15437.5Moonee Valley City Council
4Airport West92 Clydesdale Rd2h670000.0SNelson1/04/20173042Western Metropolitan346410.4Moonee Valley City Council
\n", + "
" + ], + "text/plain": [ + " Suburb Address Rooms Type Price Method SellerG \\\n", + "0 Abbotsford 49 Lithgow St 3 h 1490000.0 S Jellis \n", + "1 Abbotsford 59A Turner St 3 h 1220000.0 S Marshall \n", + "2 Abbotsford 119B Yarra St 3 h 1420000.0 S Nelson \n", + "3 Aberfeldie 68 Vida St 3 h 1515000.0 S Barry \n", + "4 Airport West 92 Clydesdale Rd 2 h 670000.0 S Nelson \n", + "\n", + " Date Postcode Regionname Propertycount Distance \\\n", + "0 1/04/2017 3067 Northern Metropolitan 4019 3.0 \n", + "1 1/04/2017 3067 Northern Metropolitan 4019 3.0 \n", + "2 1/04/2017 3067 Northern Metropolitan 4019 3.0 \n", + "3 1/04/2017 3040 Western Metropolitan 1543 7.5 \n", + "4 1/04/2017 3042 Western Metropolitan 3464 10.4 \n", + "\n", + " CouncilArea \n", + "0 Yarra City Council \n", + "1 Yarra City Council \n", + "2 Yarra City Council \n", + "3 Moonee Valley City Council \n", + "4 Moonee Valley City Council " + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df1.head(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Distribution graphs (histogram/bar graph) of sampled columns:" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAACVkAAAT5CAYAAADDFYPXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xl0T9f+//FXCJrJFKQhkghJ1JRok0iRoqpmPxUt1xgUV8Wl3KLVW+WiplKtueapRWlLr17UPJWYh1SSRiLSUqTloqQi5/eHlfP1yfAhEUnwfKz1WcvnvM/ZZ+9P1+o7+5z32cfGMAxDAAAAAAAAAAAAAAAAAIBMFcrvDgAAAAAAAAAAAAAAAABAQUaRFQAAAAAAAAAAAAAAAABYQZEVAAAAAAAAAAAAAAAAAFhBkRUAAAAAAAAAAAAAAAAAWEGRFQAAAAAAAAAAAAAAAABYQZEVAAAAAAAAAAAAAAAAAFhBkRUAAAAAAAAAAAAAAAAAWEGRFfAUCQ8P15gxY3KlrQ8//FD169fPlbby0rVr11S+fHklJCTkd1cAAE+AuLg4ubm56c8//3zotm7duiUbGxvt3r07F3qWt+bPn6/XXnstv7sBACggGjZsqPfffz9X25w3b548PT2t7pOamqpatWpp165duXLORzGOvHD27FlVqFBB169fz++uAAAeUwcPHpSvr6/u3Lnz0G3Fx8fLxsZGP//8cy70LG+NHTtW/fr1y+9uAABykaenp+bNm5ff3cg3rVq10rJly3KlrbCwMHXp0iVX2spLzJnxsCiyAu6jYcOGsrGxkY2NjRwcHOTv76/Vq1fnd7eyLSEhQStWrNCAAQPyuyuP3P79+xUQEKBnnnlGVatW1XfffWfGnJyc9Oabb2r06NH52EMAQHak5eGsPtu3b8+3vo0aNUr9+vWTvb19vvUhL0yfPl316tWTvb29qlSpkiHerVs3RUREKCIiIh96BwDIjrQ57oIFCyy237x5UyVKlMjWTdCUlJR8z8X3WrVqlUqUKKGQkJD87soj9fnnn6tu3boqUaKEypYtq9DQUJ05c8aMe3h4qHHjxvrkk0/ysZcAgAd17/VnOzs7Va5cWWFhYTp27Fi22nn//ffVsGHDXOnT+++/r6FDh6pw4cK50l5B1aFDB7m7u+uZZ56Rm5ub+vfvb3HDNTw8XCtXrlRcXFw+9hIAng55dT82IiJCnTt3zvV2Hwc//vijTp06pb/97W/53ZU8M3XqVNnY2Fg8QMWcGQ+LIivgAQwaNEjnz5/XyZMn1alTJ/3tb3/L9iQ3v82bN0/NmzdXiRIl8rsrj1RSUpKaN2+u4OBgHT58WN27d1doaKhOnz5t7tOlSxetWLFCV69ezceeAgAe1Pnz583PoEGD9OKLL1psq1u3br70648//tCqVasey6d1sis5OVnt2rXTm2++mWm8SJEieuONNzR79uw87hkAICfc3Ny0dOlSi21ff/21ihcvnk89yh0zZ85Ut27d8rsbj9yOHTvUvXt37dq1S1u2bNGtW7fUvHlz3b5929ynS5cumjt3rlJTU/OxpwCAB5V2/TkqKkrz58/X7du3FRgYqPXr1+d5X2JjY7Vz5069/vrreX7uvBYSEqJVq1YpKipKy5Yt07Zt2zRo0CAzXqJECTVr1uypXvEEAPJSXtyPLVu2rOzs7HK1zcfFzJkz1alTpye+iDrNTz/9pM8++0w1a9bMEGPOjIdBkRXwABwcHPTss8+qUqVKGjp0qEqUKGHxpG5KSoqGDh2qcuXKyc7OTk2aNFFMTIxFG5MmTVLFihVVrFgxBQcH68CBA2Zs0aJFcnNz05dffqlKlSrJ0dFRAwYM0J07d/Svf/1Lzs7OcnNzs1i+MSkpSa+//rpKly4tBwcH+fn5ad++fVmOYfXq1WrRooXFtosXL6pLly4qXbq0HB0dVa9ePcXGxj7wmO6V2fKaNjY2+uGHHyRJ27dvl42NjTZt2qRq1arJ3t5eb7zxhm7duqXp06erfPnyKleunCZOnGgen7aU9DfffKOgoCA5ODioYcOGVl/1t3z5ctnb2+uzzz5TtWrV9O6776pOnToWN319fHxUoUIF/ec//8myHQBAwfHss8+aHwcHBxUtWtRi2969e+Xg4JBhed/AwECNHz9ektSxY0f17NlT//jHP1S8eHG5urpmKAiKjo5WixYt5ODgoAoVKujtt9/WrVu3suzXunXrVLlyZXl4eFhsX7JkiapVq6ZixYqpYsWKFrlt7969CgoKUrFixeTu7m71aZnZs2dnWDVq+PDheuWVV8zvwcHBGjFihMLCwuTo6CgvLy9t3rxZ8fHxatSokRwcHNSgQQMlJiaax3Ts2FG9evXSsGHDVKpUKbm5uWnGjBlZ9kOShgwZoiFDhqhatWpZ7tOyZUutWbOGiSkAPAbatWuniIgIi7nV4sWLMy0cPnz4sBo2bCg7Ozt5enpq5MiRSklJkSQzTzVq1Eg2NjYKCwszj/vrr7/Ut29fOTk5ydPTU19++aVFu99//71q1qypYsWKqUqVKlqyZIlFfPv27XruuedkZ2enVq1aKSkpyeqYLly4oF27dmWY9x46dEgvv/yy7O3tVbp0abVt29aM/fbbb2rfvr0cHR1VqlQp9erVSzdu3Mi0/cxedZQ2z037PT788EPVr19f06ZNk6urq0qWLKlx48YpOTlZf//731W8eHFVqVJFmzdvNttIux7w1VdfqVKlSipZsqR69uyp5OTkLMe6bNky9e3bV7Vq1VKtWrU0b948RUdH66effjL3efnll3X58mX9+OOPVn83AEDBkHb92d3dXQ0bNtTy5cvVrVs39evXzyyiXbdunYKDg+Xk5KTy5cvrrbfeMvPWokWLNHbsWO3YscNcBSQ+Pl6S9Vyema+++kr16tXLUHz96aefqkqVKipWrJi8vLwsrgXfL6/fKy1f3iv964Y8PT01adIktWvXTvb29qpWrZoiIiJ04sQJ1alTR46OjmrZsqV+//1385iGDRtq6NChVv/+SC88PFzBwcHy8PBQw4YN1a9fP+3Zs8din5YtWz6Wb7YAgMfR/e7HSnfzkZeXl+zt7RUYGJgh/vHHH8vFxUUlSpTQkCFD1LlzZ4u5avr7mQcOHNCLL76Y6bVc6e69zkWLFumVV16Rvb29XnjhBR0/ftyMp+W16dOny9XVVWXKlNHQoUNlGIa5z6BBg8w+V69eXStXrrQ4R07yXto9ZDc3Nzk5Oalhw4YW/Urvzp07+vrrrzPMmWNjY/X//t//U/HixVWiRAm98sor+uOPPyRJN27c0JtvvqlSpUrJ0dFRoaGh+u2337I8x733haWM8+ic3A9Pm3dv2bJF1apVk5OTk9q2bWv2MSspKSnq2rWrpk2bptKlS2eIM2fGw6DICsiG1NRUrV27Vn/88YeKFi1qbp84caIWL16shQsXKiIiQnZ2dmrTpo35zvoVK1boww8/1Pjx43X06FHVqlVLLVq00P/+9z+zjaSkJK1YsULr16/XypUrNXfuXDVv3lypqanat2+f+vXrp969e+vSpUuSpH/961+6du2adu7cqePHj2vkyJEWfbpXUlKSTp8+reeff95ie7t27RQbG6v169fryJEj6tu3rznBvt+Ycuqjjz7SkiVLtGnTJm3dulVt2rTRkSNHtHXrVk2cOFHDhg3L8EfAhx9+qAkTJujAgQP6888/9fbbb2fZ/oEDB8wL/GkaN26s/fv3W+wXEBCQYcIMAHg8NWjQQC4uLlqzZo257fTp0zp8+LDFRdrVq1erUKFCOnDggN5//32Fh4ebk6hbt26pSZMm8vPz05EjR7R27Vrt2LFD7777bpbn3bNnT4bcun79evXp00d///vfdfLkSX355ZcqV66cpLsrX7Vo0UIBAQE6duyYxowZo3fffVdr1659qPHPmDFDQUFBOnLkiF5++WV17dpVffr00bBhwxQREaEbN25o2LBhFsesXr1aRYsW1YEDBzRs2DANGDBAUVFRD9WPgIAAXb16VadOnXqodgAAj56Tk5PatGljXrj89ddftXv3bnXo0MFiv6SkJDVp0kQtWrTQiRMntGjRIq1YsUIff/yxJJl5dM2aNTp//rymTZtmHjtnzhxVrVpVR44cUVhYmHr06KGLFy9KunuhtW3btmrbtq2OHz+uQYMGqWfPnuYc7erVq3rttdfUqFEjHTlyRK1atTILp7Oyd+9elStXThUqVDC3Xbp0SY0bN5aXl5f279+vHTt26MUXXzTjXbt21blz57Rjxw6tX79eO3futDrffBDHjx/X0aNHtW3bNn3yyScaMWKE2rRpo+rVq+vQoUNq2rSpunXrpr/++svid168eLHWrVunr7/+Wt9++63mzp37wOe8fPmyJFlcOLa1tZWfnx/zXgB4jA0YMEC//PKLDh8+LOnuvHXEiBE6duyYvvzyS23btk2jRo2SdPe1d+lXfq5YseJ9c3lmMpvrfv7553r//fc1YsQIRUZGav78+WYR1v3yek5NnjxZ7dq109GjR+Xr66uuXbtq4MCBmjhxonbv3q3o6GiNHTvW4hhrf3/cz4ULF7R27doMBWABAQGKiYl54HYAAA8vq/uxCxYs0LRp0zRz5kydPHlS3bp1U4sWLczC4h9++EHvvvuuxo4dqwMHDuivv/6yuirktWvX1KJFC1WvXl1Hjx7VxIkTNWrUKK1YscJiv9GjR2vAgAE6evSoypcvrx49eljEjx8/roiICG3dulXz5s3TJ598ou+++86MOzs768svv9TJkyc1YMAAde3aVSdOnLBoI7t5b9SoUdqwYYO++OILHTlyRPXq1VOTJk0s7j3f69ixY7px44Zq165tbktOTtarr76q1NRUbdu2Tfv371e7du3Me8Fvv/22duzYoW+//VY7d+7UL7/8oq5du2b5ez6I7N4PTzNmzBgtWrRI27Zt04kTJzRmzBir5xk9erSqV6+u1q1bZxpnzoyHYgCwqkGDBkaRIkUMBwcHw9bW1pBkVKxY0bh06ZK5j4uLizFjxgzze1JSkmFnZ2d89913hmEYRp06dYx33nnHjN++fdtwc3Mzpk+fbhiGYSxcuNCwsbExLly4YO7TtGlTo3r16ub3lJQUw8HBwVi3bp1hGIbRqlUrY/To0Q80hsOHDxuSjD/++MPctnXrVqNo0aJGYmJipsfcb0wjR4406tWrZ8Y9PDyMzz//3KINScbmzZsNwzCMbdu2GZKM/fv3m/G+ffsapUuXNm7dumVu8/X1NT799FPDMAwjLi7OkGSsXLnSjK9YscJwdnbOcqxNmjQxBg8ebLFtxowZhpeXl8W2t99+22jZsmWW7QAACqYRI0YYDRo0yLB95MiRxssvv2x+f/fdd43GjRub3zt06GB4eXkZd+7cMbeFhoYanTt3NgzDMObMmWOR1wzDMLZs2WI4Ojpm2ZdXX33VGDZsmMW2oKAgY8iQIZnuP3XqVMPT09OiDwMHDjTq169vGIZh3Lx505Bk7Nq1yzAMw5g1a5ZRuXJlizaGDRtmMa46deoYr732mvk9LXd+9tln5raFCxca5cuXt/gtateubdGuu7t7hjyemcz6dC87Oztj/fr1920HAJB/GjRoYIwYMcL4/vvvjapVqxqGYRgTJkww2rdvb+aRmJgYwzAMY9SoUUZoaKjF8cuXLzdzwe3btw1JxrZt2zKco3nz5ub327dvG/b29maOGDZsmBEYGGhxTIcOHYz27dsbhmEYM2fONCpUqGDcvn3bIu7h4ZHluKZMmWL4+flZbPvggw+MGjVqGKmpqRn2/+mnnwxJxqlTp8xt33//vWFra2tcuXLF4rcyDCPDb2MY/zfPTevnyJEjjVKlSmWY49479zx//rwhyTh+/LhhGJlfD+jTp0+G3z0rqampRps2bYymTZtmiL322mtG//79H6gdAED+uTff3OvWrVuGJOPLL7/M9LgvvvjCqFSpkvk9s/ny/XJ5ZmrVqmVMnTrVYpu7u7sxadKkTPe/X15Pn0PTX1c2DMPo3r27OT83jLvXmvv162d+37dvnyHJWL16tbnto48+Mp5//nnz+/3+/sjK0KFDDXt7e0OS0bp1ayM5OdkifvXqVUOSERERYbUdAMDDeZD7sZUqVcrw//UmTZoY//73vw3DMIz27dtb5JOUlBSjYsWKRvfu3c1t997PnDVrllG+fHmLueewYcOMgIAA87skY8KECeb3vXv3GpKMa9euGYbxf/PAmzdvmvu8+uqrWV4jNoy794BHjRpl0afs5L2bN28adnZ2xokTJyza9fb2NpYuXZrpOdeuXWuUKFHCYtuCBQuMsmXLGjdu3Miw///+9z/D1tbW+M9//mNuS5tHnzx50jCMjPn73vvChpHxb4Cc3A/P7P7yuHHjjBdeeCHTcRqGYezfv9/w8PAw74tn9bcWc2bkFCtZAQ+gd+/eOnr0qLZs2aKAgADNmTNHZcqUkXT3CdvffvtNwcHB5v6lS5eWr6+vuSJEVFSURdzW1lYBAQEWK0aULVtWLi4u5ncXFxdVr17d/F64cGE5Ozublbu9e/fWuHHjFBISotGjR1tdfSLtVUfFihUzt508eVLe3t4WT/mmeZAx5dS97711cXExl5i+d1v66uR7j3n22WeVlJSU5Ypaxj3Lb1pjZ2enmzdvZqfrAIACrHv37tqxY4cSExNlGIb5aoV7vfDCCypU6P/+/A0KCjLz2okTJ7R//345Ojqan9atW+v69etZPq1669YtixwmSadOnVLDhg0z3T8qKkqBgYEWfXjxxRdzPbdKsvgb4n65VbqbX3PjqVzyKwA8Ppo0aaIrV64oIiJCS5cuzZA3pbv5cd26dRb5sVevXoqPj7/v62HvzTW2trYqU6aMmWvSz5Ely5wYFRWl559/Xra2tmY8KCjI6vkyy8snT55UgwYNLFY6ThMVFSUnJyeLV+G++OKLSklJUWxsrNVzWePt7Z1hjps+L0uyyM3prwdkJy8PGTJEJ06c0MKFCzPEyMsA8HhLu86ZlsciIyP12muvyd3dXU5OTurRo4fOnTtntY2c5PL0OfXatWtKSEiwOte1ltdz6mHnuun//sjKO++8oyNHjmj9+vU6c+aMhg8fbhG3s7OTJHIqAOQBa/djr1+/rri4OHXo0MEir23btk1nzpyRJMXExOiFF14w2ytcuLD8/f2zPF9UVJReeOEFi7lnZjks/X1KSRb5xdvbW88884zFPvfGFy9erICAAJUpU0aOjo7asmVLhhyenbwXGxurmzdvKjg42OK3iI2NNX+L9LKaMwcFBcne3j7D/mfOnFFKSopFjq9atapKliz5UDk+u/fD06T/b5BVfk9OTla3bt00a9YslSxZ0mpfmDMjp2zvvwuAUqVKqUqVKqpSpYqWL1+uevXq6cSJE2YizQ1FihSx+G5jY5PptrTJb5s2bXTmzBmtX79eGzZs0NixY7VkyZIMr3eQ7i5DKUlXrlwxJ4UPWoz0oAoVKmTR5u3btzPd794x3W+MWR0jZd1/FxeXDIn10qVL5qua0vz+++/mH2YAgMdfpUqVVL9+fS1btkx16tRRUlKSQkNDLfbJ7AZrmuvXr6tJkyb69NNPM8TS8mhm269cufLAfcxu7k2fW6XM82tmeTL9Nmu5Nat9sis1NVVXr14lvwLAY6Jw4cLq1KmThgwZot9++03NmjXTL7/8YrHP9evX1bFjR33wwQcZji9UqJDV3GEt19wvJxqGYTVvZyazvGztPJnFrJ0zrUj6fvPe+83t085x72+X07z83nvvadWqVdq1a5dcXV0zxH///XfVqlXrvu0AAAqm06dPS5I8PT0l3b0eXKtWLS1fvlzlypXTzp071adPH6tt3C+XZyZ9Tn2QvJ0dWc110+fhvJrrlilTRmXKlJGPj49KlSqlkJAQjRw5UiVKlJB0N5+m7QcAeLSs3Y+9ceOGJGnFihUWRTmS5OTkJCn7c8kHzWE5mdOlLRaxa9cu9e7dW5MmTdJLL70kJycnDRgwIMN8Mjt57/r165Kk7du3Zygkuvc18vdydnbW1atXLbZld858PzY2Ng89Z07bdr97xVnl9/PnzysqKsriNYF37tzRzp07tWjRIiUmJprbmTMjp1jJCsgmHx8fNWzY0HzXa4kSJeTi4qIff/zR3Of3339XVFSUqlatKkny9fW1iKekpOjgwYNmPKdcXV3Vp08fffPNN+rVq5cWL16c6X6VK1eWo6OjOTGX7lb8xsTE6Ndff82w/4OMKb2yZcvqwoUL5vf07xLOK0FBQdq+fbtFEt+6davq1KljsV9kZKT8/PzyunsAgEeoR48eWrp0qZYuXarQ0FA5ODhYxA8ePGiRHyIiIuTr6ytJ8vPz008//SQPDw9zIp/2KVy4cKbn8/Pzs8it0t2ni7Zv357p/lWrVlVERITFBHDfvn1Wc+ulS5cs9s+v/PogoqKilJqaysQUAB4j3bt3165du9SxY8cMFzWlu7kuMjIyQ26sUqWKpLuFWoUKFcpypeGsVK1a1WK+KVnmRF9fXx0+fNii3YiICKtt+vn5KS4uTsnJyea2mjVraufOnZleHK5ataquXbumyMhIc9vevXtla2urypUrZ9i/bNmyklQg5r2SNGrUKM2bN0+bN29WpUqVMt2HeS8APN4+++wzVaxYUc8//7wuX76s2NhYffDBBwoJCZGvr69FTpLu3nxMn5Pvl8szk36uW7x4cbm7u1ud61rL6+mlv44sFZy5btr8+97rAJGRkbK3t5e3t3d+dQsAnkrp78eWK1dOzz77rBISEjLktLSVkXx8fHTo0CGzjTt37ujo0aNZnqNq1ao6dOiQUlJSzG3WclhO7N+/X9WqVdPAgQNVu3ZteXl5PdTqyZL03HPPqWjRojp//nyG3yKrIis/Pz8lJycrLi7O3FazZk1FRETozz//zLB/5cqVZWtra5HjT58+rStXrhToe8UVKlTQiRMndPToUfMTEBCg3r17a8uWLRb7MmdGTlFkBeRAeHi45s+fr/Pnz0uSBg4cqFGjRmnDhg06deqUwsLC5OHhoaZNm5rxmTNnasWKFTp9+rTeeust3bx5U126dMlxH0aOHKnvvvtOZ86c0cGDB7Vnzx7zRnF6hQsXVqNGjbRnzx5zW6NGjRQYGKjQ0FDt2bNHsbGxWr58ubnE4/3GlN5LL72kBQsWKCIiQgcPHtTQoUNzPLaH0blzZ924cUMDBw7UTz/9pAkTJujHH3/U3//+d3OfW7du6dChQ3rllVfypY8AgEejffv2SkhI0LJlyzJ95dHFixc1ZMgQRUVFadasWfrmm2/01ltvSbp7k/n27dvq1KmTDh06pJ9//lnffvtthtcE3KtJkyY6cOCAxST8/fff1/Tp0/XZZ5/p559/1v79+7VkyRLzHH/88YcGDBigqKgoLV26VHPmzNGgQYMybT84OFjJyckaO3asfv75Z3388cfav3//w/xEOXb+/HkdPXpUiYmJ+uuvv8wJ6r1j37Nnj/z9/bNc+QsAUPDUqlVLly9f1qRJkzKN9+/fX7Gxserdu7eOHTumqKgorVq1yrzIbWNjo4oVK2rr1q26ePGi+TTt/fTr10/Hjh3TBx98oOjoaE2fPl1fffWVmRM7deqk//3vfxo4cKCioqI0d+5cbdy40Wqbzz//vJycnCyKscLDw5WQkKDevXvrxIkTioyM1OTJkyXdvZj+6quvqmfPnjp06JD27Nmjf/zjH+rRo4e5csW97OzsFBAQoI8++khRUVFav369Zs6c+UDjzW3jx4/XhAkTtGTJEpUqVUoXLlzQhQsX9Ndff5n7JCYm6pdfflGjRo3ypY8AgOy5ceOGLly4oISEBG3fvl2dO3fWsmXLNHv2bNna2qpUqVIqVaqUPv/8c505c0YrV67UnDlzLNrw8PBQVFSUTp8+rcuXLys1NfW+uTwzTZo0sbiOLN2d644ePVqLFi3SmTNntGvXLq1evVrS/fN6eiEhITpz5oxmzZqlmJgYvffee4qPj3+4HzAHIiMjNXXqVB09elRnz57Vxo0b9dZbb6l169ZydHQ099uzZ48aNGhg8SopAEDeuPd+rI2Njd577z3961//0sKFCxUbG6uDBw9q/Pjx2rp1qySpb9++WrVqlRYsWKCoqCgNHjxYV65cyXJ1q86dOys5OVn9+vXT6dOn9cUXX+izzz7LMoflROXKlRUVFaXvvvtOUVFRGjBgQIZi4+wqXry4wsPD1a9fP61Zs0ZxcXHat2+f3nvvPZ06dSrTY1xcXFSzZk2LHN+pUyc5OjqqQ4cOOnTokKKjozVnzhxdvnxZTk5O6tmzpwYNGqRdu3bp8OHDCgsLU5MmTVStWrVMz/HSSy9p2rRpOnnypHbs2GH1741HpUiRIqpRo4bFx8HBQWXLlrW4j86cGQ+DIisgBxo0aCAfHx/z4uw777yj7t27KywsTAEBAfrzzz+1bt0684mXv/3tbxo5cqSGDh0qPz8/HT9+XBs2bFDx4sVz3AdbW1v985//VLVq1dSyZUsFBQVZTVZhYWHmxDfN2rVr5enpqRYtWsjf31+zZ882n16+35jSe++99+Tv76+XX35ZnTt31nvvvZfjsT0MZ2dnbdiwQXv37pW/v78WLlyor776yqKq+vvvv5eHh4eCgoLypY8AgEfDwcFBoaGhcnFxyXRy1L59e926dUsBAQEaNWqUpk2bprp160q6uxT1zp07defOHb388svy9/fXyJEjVb58+SzPV7duXZUrV06bN282t7Vu3VqzZs3S9OnTVa1aNb3xxhvm++NLlSqlDRs26MCBA6pVq5ZGjBihjz76SO3atcu0fVdXV82bN0/z5s1T7dq1FRMTozfffPNhfqIcmzZtmmrXrq2xY8fq3Llzql27tmrXrq3Lly+b+6xevVo9evTIl/4BAHLO2dlZxYoVyzRWsWJF7dy5U+fOnVO9evUUGBioyZMny93d3dxn4sSJWr58uVxdXRUeHv5A5/Tw8NA333yjr7/+WjVq1NAnn3yi+fPnm3m5ZMmS+vrrr7V582b5+fnp66+/vu+DPEWKFFHnzp0t5r1ly5bVDz/8oOjoaAUGBiokJESdkR3vAAAgAElEQVR79+4140uWLFGFChXUoEEDtWzZUiEhIZo6dWqW55g/f74uXryo2rVr6+OPP8701Ut5Yfbs2bp586aaN28uV1dX83Pv2FavXq2mTZtm+hpBAEDB88knn8jV1VU+Pj7q2bOnihQpooiICLVo0ULS3Ydoly9frk2bNql69eqaM2eORo8ebdFG+/btFRQUpMDAQJUtW1YJCQkPlMvTa9Wqla5evaojR46Y23r37q1Ro0Zp1KhReu6559SjRw9du3ZN0v3zeno1atTQ1KlT9e9//1uBgYFKTU3Va6+99rA/YbbZ2dlpw4YNaty4sXx9fdW/f381a9bMfFAqDXNdAMg/6e/HDhgwQBMnTtTEiRP13HPPqXXr1jpw4IAqVKggSXrllVc0btw4DR8+XEFBQbK1tdUrr7yS5ZzXyclJGzZs0IkTJ+Tn56d33nlHI0eOVKdOnXJtDG3btlXv3r3VtWtX1a1bV05OThavssupSZMm6a233tI///lP+fr66o033tC5c+esPgCb/l5xsWLFtHHjRqWmpuqll15SYGCg1q5daxYWf/zxxwoJCVHr1q310ksvqUKFClq6dGmW7X/88cdycnJSnTp1NHjwYH344YcPPc5HhTkzHoaNkZMXagJ47Ny5c0e1atXSrFmz9NJLL+V3d/JV48aN1aNHj4daSQwAUDC9+uqrCggI0Lhx4yy2d+zYUY6Ojpo3b16unm/hwoVavXq1NmzYkKvtPm6ioqLUqFEjRUdHWzzxCwBAXoqPj1dwcLCio6Mf6qGmx11qaqqee+45zZ8/X/Xr18/v7gAAHkMfffSRYmJitGDBgvzuSr7atWuXevfurZMnT7KSFQA8hgzDkK+vr3r37q133nknv7uT765duyYfHx/t2bNHXl5e+d2dfMOcGQ+LlayAp0ThwoU1b948XblyJb+7kq+uX7+uJk2a5GoVOgAg/129elVr167Vtm3b1Lt37zw7b7du3RQSEpLpe+ufJufPn9fChQspsAIA5CtPT09NnTo1X145VJD8+uuv+sc//sHFYgBAjg0cOFBVqlTRnTt38rsr+erq1auaP38+BVYA8BiZPHmyTp06pcjISA0YMEAJCQl6/fXX87tbBYKTk5MWLFigxMTE/O5KvmLOjIfFSlYAAAB47AUHBysyMlIjR47UkCFDMsQf1UpWAAAAAAAAAICCoU2bNtqzZ4+Sk5NVo0YNTZo0SSEhIfndLQBPEIqsAAAAAAAAAAAAAAAAAMAKXhcIAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAKLCuXLkif39/8+Pj4yNbW1v9/vvvunjxopo1ayZvb2/VqFFDu3fvNo+zFgMAAAAAILts87sDualYsWIqW7ZsrrSVnJysYsWK5UpbjyPG//SO/2keu/R0j/9pHruUu+O/dOmSkpOTc6Wtgiw38y4AADlF3gUAIO/kV94tWbKkjh49an6fPHmyduzYodKlS6tnz54KDg7Wf//7X0VERKh9+/aKjY2Vra2thg8fnmXMGvIuAKAgeBrmu+RcAEBBkJ2c+0QVWZUtW1aJiYm50tbGjRvVtGnTXGnrccT4n97xP81jl57u8T/NY5dyd/xubm650k5Bl5t5FwCAnCLvAgCQdwpK3l24cKHGjh0rSVq1apXi4uIkSYGBgXJxcdHu3bvVsGFDqzFryLsAgIKgoOTdR4mcCwAoCLKTc3ldIAAAAAAAAADgsbBv3z4lJSWpVatWSkpKUmpqqsUKGJ6enkpISLAaS2/KlClyc3MzP9evX8+TsQAAAAAAHi8UWQEAAAAAAAAAHgsLFixQt27dzFf+2djYWMQNwzD/bS12r8GDBysxMdH8ODo65nKvAQAAAABPgifqdYEAAAAAAAAAgCfTjRs3tHLlSh04cECS5OzsLEm6dOmSuWLV2bNn5e7ubjUGAAAAAEBOsJIVAAAAAAAAAKDAW716tWrVqqWqVaua215//XXNmDFDkhQREaELFy6ofv36940BAAAAAJBdrGQFAAAAAAAAACjw5s+fr169ellsmzBhgrp27Spvb28VLVpUS5cuNV8laC0GAAAAAEB2MaMEAAAAAAAAABR4u3btyrDNxcVFmzZtynR/azEAAAAAALKL1wUCAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBW2+d0B4FHzHP6fbB8z6vmUHB2XHfHjWz7S9gHgafKo/5/9uCLXAMDT61HmRvILAACPF+bMBR9/XwFA9uRVbuP/zwCA9FjJCgAAAACAHEhOTlZ4eLi8vb1VvXp1denSRZIUExOjunXrysfHR0FBQYqMjDSPsRYDAAAAAAAAABRcFFkBAAAAAJADw4cPV6FChRQdHa1Tp05p0qRJkqS+ffuqT58+io6O1tChQ9WrVy/zGGsxAAAAAAAAAEDBRZEVAAAAAADZdOPGDS1cuFDjxo2TjY2NJMnV1VUXL17U4cOHzVWtQkNDFRcXp/j4eKsxAAAAAAAAAEDBRpEVAAAAAADZFBsbK2dnZ40ZM0YBAQEKCQnRli1bdO7cOZUvX162traSJBsbG7m7uyshIcFqDAAAAAAAAABQsFFkBQDAE+LKlSvy9/c3Pz4+PrK1tdXvv/+uixcvqlmzZvL29laNGjW0e/du8zhrMQAAkLnbt2/rzJkzqlatmg4ePKjp06erY8eOSklJMVe2SmMYhvlva7F7TZkyRW5ububn+vXruT8IAAAAAAAAAMADs83vDgAAgNxRsmRJHT161Pw+efJk7dixQ6VLl1bPnj0VHBys//73v4qIiFD79u0VGxsrW1tbDR8+PMsYAADInIeHhwoVKqTOnTtLkvz8/FSpUiWdPXtWiYmJSklJka2trQzD0Llz5+Tu7i57e/ssY+kNHjxYgwcPNr+7ubnl2dgAAAAAAAAAABmxkhUAAE+ohQsXqlevXpKkVatWqX///pKkwMBAubi4mCtWWYsBAIDMlSlTRo0bN9bGjRslSWfPnlVcXJxCQkJUu3ZtLVu2TJK0Zs0aeXp6ytPTU+XKlcsyBgAAAAAAAAAo2FiiAgCAJ9C+ffuUlJSkVq1aKSkpSampqSpbtqwZ9/T0VEJCgtVYelOmTNGUKVPM77y2CADwtJs9e7Z69uypYcOGqXDhwpo7d65cXV01Z84chYWFady4cSpevLgWL15sHmMtBgAAAAAAAAAouCiyAgDgCbRgwQJ169bNfOWfjY2NRdwwDPPf1mL34rVFAABY8vLy0vbt2zNs9/X11b59+zI9xloMAAAAAAA8fTyH/ydPzhM/vmWenAcAnmQUWQEA8IS5ceOGVq5cqQMHDkiSnJ2dJUmXLl0yV6w6e/as3N3drcYAAAAAAAAAAAAAAHcVyu8OAACA3LV69WrVqlVLVatWNbe9/vrrmjFjhiQpIiJCFy5cUP369e8bAwAAAAAAAAAAAACwkhUAAE+c+fPnq1evXhbbJkyYoK5du8rb21tFixbV0qVLzVcJWosBAAAAAAAAAAAAACiyAgDgibNr164M21xcXLRp06ZM97cWAwAAAAAAAAAAAADwukAAAAAAAAAAAAAAAAAAsIoiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAeMrdunVLbdu2lY+Pj/z9/dWsWTPFx8dLkho2bCgvLy/5+/vL399fU6dONY+7ePGimjVrJm9vb9WoUUO7d+/OpxEAAPBo2eZ3BwAAAAAAAAAAAAAA+a9Pnz5q3ry5bGxsNH36dPXp00ebNm2SJH366adq1apVhmOGDx+u4OBg/fe//1VERITat2+v2NhY2dpyKxoA8GRhJSsAAAAAAAAAAAAAeMo988wzatGihWxsbCRJwcHBOnPmzH2PW7Vqlfr37y9JCgwMlIuLC6tZAQCeSBRZAQAAAAAAAAAAAAAsfPrpp2rdurX5/Z133lHNmjXVoUMHs/gqKSlJqampKlu2rLmfp6enEhIS8ry/AAA8ahRZAQAAAAAAAAAAAABM48aNU0xMjMaOHStJWrp0qX766ScdP35cISEhFq8NTFv5Ko1hGJm2OWXKFLm5uZmf69evP7oBAADwCFBkBQAAAAAAAAAAAACQJE2ePFlr167V999/L3t7e0lSxYoVJd0tqAoPD9eZM2eUlJQkZ2dnSdKlS5fM48+ePSt3d/cM7Q4ePFiJiYnmx9HRMQ9GAwBA7qHICgAAAAAAAAAAAACgKVOm6IsvvtDmzZtVsmRJSVJKSop+++03c581a9bIxcXFLLB6/fXXNWPGDElSRESELly4oPr16+d95wEAeMRs87sDAAAAAAAAAAAAAID8lZiYqCFDhsjLy0uNGjWSJBUrVkxbt25Vy5YtlZycrEKFCqlMmTJat26dedyECRPUtWtXeXt7q2jRolq6dKlsbbkNDQB48pDdAAAAAAAAAAAAAOAp5+bmJsMwMo0dPHgwy+NcXFy0adOmR9UtAAAKDF4XCAAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABW5FmR1ahRo2RjY6OTJ09KkmJiYlS3bl35+PgoKChIkZGR5r7WYgAAAAAAAAAAAAAAAACQl/KkyOrw4cP68ccf5e7ubm7r27ev+vTpo+joaA0dOlS9evV6oBgAAAAAAAAA4OmSnJys8PBweXt7q3r16urSpYskHuYFAAAAAOSdR15klZycrP79+2vmzJmysbGRJF28eFGHDx82J8KhoaGKi4tTfHy81RgAAAAAAAAA4OkzfPhwFSpUSNHR0Tp16pQmTZokiYd5AQAAAAB5x/ZRn+CDDz5Qly5dVKlSJXPbuXPnVL58edna3j29jY2N3N3dlZCQIAcHhyxjnp6eFm1PmTJFU6ZMMb9fuXJFGzduzJV+37p1K9faehw9SeMf9XxKto8pXjRnx2VHQf19n6T/9jnxNI//aR67xPgBAAAAACiobty4oYULFyoxMdF8kNfV1dV8YHfTpk2S7j6wGx4ervj4eNnb22cZS3+dGQAAAACAB/FIi6z27duniIgIjR8/PkMsbTKcxjCMB4rda/DgwRo8eLD53c3NTU2bNn2YLps2btyYa209jp6k8XsO/0+2jxn1fIpGHn60NYjx4wvm7/sk/bfPiad5/E/z2CXGDwAAAABAQRUbGytnZ2eNGTNGP/zwg+zs7PThhx+qZMmSufIwLwAAAAAAD+KRvi5wx44dOn36tCpVqiRPT08lJiaqadOmOnnypBITE5WScnelIMMwdO7cObm7u6tixYpZxgAAAAAAAAAAT5fbt2/rzJkzqlatmg4ePKjp06erY8eOSklJyZWHeadMmSI3Nzfzc/369dwfBAAAAADgsfdIi6yGDx+uX3/9VfHx8YqPj5ebm5s2btyo7t27q3bt2lq2bJkkac2aNfL09JSnp6fKlSuXZQwAAAAAAAAA8HTx8PBQoUKF1LlzZ0mSn5+fKlWqpLNnz+bKw7yDBw9WYmKi+XF0dMy7wQEAAAAAHhuPtMjKmjlz5mjOnDny8fHR+PHjNX/+/AeKAQAAAAAAAACeHmXKlFHjxo21ceNGSdLZs2cVFxenkJAQHuYFAAAAAOQZ27w8WXx8vPlvX19f7du3L9P9rMUAAAAAAAAAAE+X2bNnq2fPnho2bJgKFy6suXPnytXVVXPmzFFYWJjGjRun4sWLa/HixeYx1mIAAAAAAGRXnhZZAQAAAAAAAACQXV5eXtq+fXuG7TzMCwAAAADIK/n2ukAAAAAAAAAAAAAAAAAAeBxQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAMATJDk5WeHh4fL29lb16tXVpUsXSVJMTIzq1q0rHx8fBQUFKTIy0jzGWgwAAAAAAAAAAAAAQJEVAABPlOHDh6tQoUKKjo7WqVOnNGnSJElS37591adPH0VHR2vo0KHq1auXeYy1GAAAAAAAAAAAAACAIisAAJ4YN27c0MKFCzVu3DjZ2NhIklxdXXXx4kUdPnzYXNUqNDRUcXFxio+PtxoDAAAAAAAAAAAAANxFkRUAAE+I2NhYOTs7a8yYMQoICFBISIi2bNmic+fOqXz58rK1tZUk2djYyN3dXQkJCVZj6U2ZMkVubm7m5/r163k6PgAAAAAAAAAAAADILxRZAQDwhLh9+7bOnDmjatWq6eDBg5o+fbo6duyolJQUc2WrNIZhmP+2FrvX4MGDlZiYaH4cHR1zfxAAAAAAAAAAAAAAUADZ5ncHAABA7vDw8FChQoXUuXNnSZKfn58qVaqks2fPKjExUSkpKbK1tZVhGDp37pzc3d1lb2+fZQwAAAAAAAAAAAAAcBcrWQEA8IQoU6aMGjdurI0bN0qSzp49q7i4OIWEhKh27dpatmyZJGnNmjXy9PSUp6enypUrl2UMAABY5+npqapVq8rf31/+/v5auXKlJCkmJkZ169aVj4+PgoKCFBkZaR5jLQYAAAAAAAAAKLhYyQoAgCfI7Nmz1bNnTw0bNkyFCxfW3Llz5erqqjlz5igsLEzjxo1T8eLFtXjxYvMYazEAAGDdV199pRo1alhs69u3r/r06aOwsDB99dVX6tWrl/bt23ffGAAAAAAAAACg4KLICgCAJ4iXl5e2b9+eYbuvr2+WN3CtxQAAQPZcvHhRhw8f1qZNmyRJoaGhCg8PV3x8vOzt7bOMsYokAAAAAAAAABRsvC4QAAAAAIAc6ty5s2rWrKk333xTly5d0rlz51S+fHnZ2t59psnGxkbu7u5KSEiwGgMAAAAAAAAAFGwUWQEAAAAAkAM7d+7UsWPHdPjwYTk7O6t79+6S7hZP3cswDPPf1mL3mjJlitzc3MzP9evXc7n3AAAAAAAAAIDsoMgKAAAAAIAccHd3lyQVKVJEgwYN0q5du1SxYkUlJiYqJSVF0t0iqnPnzsnd3d1qLL3BgwcrMTHR/Dg6OubdwAAAAAAAAAAAGVBkBQAAAABANt24cUNXrlwxv3/xxReqXbu2ypUrp9q1a2vZsmWSpDVr1sjT01Oenp5WYwAAAAAAAACAgs02vzsAAAAAAMDj5rffflNoaKju3LkjwzDk5eWlJUuWSJLmzJmjsLAwjRs3TsWLF9fixYvN46zFAAAAAAAAAAAFF0VWAAAAAABkk5eXl44cOZJpzNfXV/v27ct2DAAAAAAAAABQcPG6QAAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAeMrdunVLbdu2lY+Pj/z9/dWsWTPFx8dLki5evKhmzZrJ29tbNWrU0O7du83jrMUAAHiSUGQFAAAAAAAAACjQPD09VbVqVfn7+8vf318rV66UJMXExKhu3bry8fFRUFCQIiMjzWOsxQAA/5+9+4+tq77vBv6+mWlRyPJkSpNUkX25RIvDVELtSqRpBpWQOsgoSKgG9Y+4xCLI2RqNMkdEkSa6MYoFErImtlTzHxVKyBQ1TUDVQBColEEjTEllDIrSEnfE2HdRcMaUsDBCZ+Lnjzzchx/JxQ72jbFfL+lI957PPfd+zg3Wh+O88z1wdu3t7XnttdfS19eXG2+8Me3t7UmSzZs3Z+XKlenv788jjzySNWvWZGRk5FNrADCdCFkBAAAAADDl7dq1K319fenr68t3v/vdJMn69evT3t6eQ4cOZdOmTVm3bl3l9dVqAMAnXXzxxbnhhhtSKBSSJCtXrszrr7+eJNm5c2c2bNiQJLnqqquyaNGiyopV1WoAMJ0IWQEAAAAA8LkzPDyc3t7etLa2JklaWlpy+PDhDAwMVK0BAGPz8MMP56abbspbb72V06dPZ8GCBZVaqVTK4OBg1drHdXV1pb6+vrKdPHmyJucBABNFyAoAAAAAgClvzZo1Wb58ee64444cO3YsQ0NDWbx4cerq6pIkhUIhxWIxg4ODVWsf5y98AeCTOjs709/fn/vvvz9JKqtbfWB0dLTyuFrtwzo6OlIulyvbnDlzJrhrAJhcQlYAAAAAAExpzz//fF555ZX09vZm/vz5Wbt2bRJ/4QsAk+Ghhx7KY489lqeeeiqzZ8/O/PnzkyTHjh2rvOaNN95IsVisWgOA6UbICgAAAACAKe2Dv6i96KKLctddd+WXv/xlGhoaUi6XMzIykuRMiGpoaCjFYrFqDQA4t66uruzYsSPPPvts5s2bV9l/6623ZsuWLUmS/fv35+jRo7n66qs/tQYA04mQFQAAAAAAU9Y777yT48ePV57v2LEjzc3NWbhwYZqbm7N9+/Ykye7du1MqlVIqlarWAICzK5fL2bhxY44fP55rr702TU1N+frXv54kefDBB/PCCy9k6dKlaWtry6OPPlq5LW+1GgBMJ6YbAAAAAABT1ptvvpmWlpa8//77GR0dzZIlS7Jt27YkSXd3d9ra2tLZ2Zm5c+dm69atleOq1QCAT6qvrz/n7XUXLVqUZ555Ztw1AJhOhKwAAAAAAJiylixZkpdffvmstWXLlqWnp2fcNQAAABgvtwsEAAAAAAAAAACoQsgKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAAAAqELICgAAAAAAAAAAoAohKwAAAAAAAAAAgCqErAAAAAAAAAAAAKoQsgIAAAAAAAAAAKhCyAoAAAAAAAAAAKAKISsAmEZKpVIuv/zyNDU1pampKT/96U+TJP39/Vm1alUaGxuzYsWKHDx4sHJMtRoAAAAAAAAAQlYAMO3s2rUrfX196evry3e/+90kyfr169Pe3p5Dhw5l06ZNWbduXeX11WoAAAAAAAAACFkBwLQ3PDyc3t7etLa2JklaWlpy+PDhDAwMVK0BAAAAAAAAcIaQFQBMM2vWrMny5ctzxx135NixYxkaGsrixYtTV1eXJCkUCikWixkcHKxa+7iurq7U19dXtpMnT9b0vAAAAAAAAAAuFCErAJhGnn/++bzyyivp7e3N/Pnzs3bt2iRnwlMfNjo6WnlcrfZhHR0dKZfLlW3OnDkT3D0AAAAAAADA1FR3oRsAACZOsVhMklx00UW566670tjYmIaGhpTL5YyMjKSuri6jo6MZGhpKsVjM7Nmzz1kDAAAAAAAA4AwrWQHANPHOO+/k+PHjlec7duxIc3NzFi5cmObm5mzfvj1Jsnv37pRKpZRKpao1AAAAAAAAAM6wkhUATBNvvvlmWlpa8v7772d0dDRLlizJtm3bkiTd3d1pa2tLZ2dn5s6dm61bt1aOq1YDAAAAAAAYj9LmJ2vyOQMPfLsmnwPwASErAJgmlixZkpdffvmstWXLlqWnp2fcNQAAAAAAAADcLhAAAAAAAAAAAKAqISsAAAAAAAAAAIAqJj1kdd111+XKK69MU1NTrrnmmvT19SVJ+vv7s2rVqjQ2NmbFihU5ePBg5ZhqNQAAAAAAAAAAgFqa9JDVzp078+qrr6avry8bN27M7bffniRZv3592tvbc+jQoWzatCnr1q2rHFOtBgAAAAAAAAAAUEuTHrKaN29e5fGJEycya9asDA8Pp7e3N62trUmSlpaWHD58OAMDA1VrAAAAAAAAAAAAtVZXiw+57bbbsnfv3iTJ008/naGhoSxevDh1dWc+vlAopFgsZnBwMJdccsk5a6VS6SPv29XVla6ursrz48ePZ8+ePRPS86lTpybsvT6PptP531S1+wMAACAASURBVPu1kXEfM/cL53fceEzV73c6/dmfj5l8/jP53BPnDwAAAAAAAMC51SRktW3btiTJ1q1bc/fdd+e+++5LoVD4yGtGR0crj6vVPqyjoyMdHR2V5/X19bn++usnpOc9e/ZM2Ht9Hk2n8y9tfnLcx9z7tZH8be/k/ngMPDA1v9/p9Gd/Pmby+c/kc0+cPwAAAAAAAADnNum3C/ywtWvXZu/evamvr0+5XM7IyJmVgkZHRzM0NJRisZiGhoZz1gAAAAAAAAAAAGptUkNWb7/9do4cOVJ5/vjjj2f+/PlZuHBhmpubs3379iTJ7t27UyqVUiqVqtYAAAAAAAAAAABqbVJDVidOnMjNN9+c5cuX56tf/Wq2bNmSJ554IoVCId3d3enu7k5jY2MeeOCB/OQnP6kcV60GAAAAU8m9996bQqGQAwcOJEn6+/uzatWqNDY2ZsWKFTl48GDltdVqAAAAAABMXXWT+eYNDQ156aWXzlpbtmxZenp6xl0DAACAqaK3tzcvvvjiR25xv379+rS3t6etrS27du3KunXrKte41WoAAAAAAExdk7qSFQAAAExX7733XjZs2JAf//jHKRQKSZLh4eH09vamtbU1SdLS0pLDhw9nYGCgag0AAAAAgKlNyAoAAADOww9/+MO0trbmsssuq+wbGhrK4sWLU1d3ZuHoQqGQYrGYwcHBqrWP6+rqSn19fWU7efJkbU4KAAAAAICzErICAACAcerp6cn+/fvz/e9//xO1D1a1+sDo6OiYah/W0dGRcrlc2ebMmTMBXQMAAAAAcL6ErAAAAGCcnnvuufz2t7/NZZddllKplHK5nOuvvz4HDhxIuVzOyMhIkjMhqqGhoRSLxTQ0NJyzBgAAAADA1CZkBQAAAOO0efPmHDlyJAMDAxkYGEh9fX327NmTtWvXprm5Odu3b0+S7N69O6VSKaVSKQsXLjxnDQAAAACAqa3uQjcAAAAA00l3d3fa2trS2dmZuXPnZuvWrWOqAQAAAAAwdQlZAQAAwGc0MDBQebxs2bL09PSc9XXVagAAAAAATF1CVgAAAAAAAAAAZ1Ha/GRNPmfggW/X5HOA8zfrQjcAAAAAAAAAAAAwlQlZAQAAAAAAAAAAVCFkBQAAAAAAAAAAUIWQFQAAAAAAAAAAQBVCVgAAAAAAAAAAAFUIWQEAAAAAAAAAAFQhZAUAAAAAAAAAAFCFkBUAAAAAAAAAAEAVQlYAAAAAAAAAAABVCFkBAAAAAAAAAABUIWQFAAAAAAAAAABQhZAVAAAAAAAAAABAFUJWAAAAAAAAAAAAVQhZAQAAAAAAAAAAVCFkBQAAAAAAAAAAUIWQFQAAAAAAU969996bQqGQAwcOJEn6+/uzatWqNDY2ZsWKFTl48GDltdVqAAAAcD6ErAAAAAAAmNJ6e3vz4osvplgsVvatX78+7e3tOXToUDZt2pR169aNqQYAAADnQ8gKAAAAAIAp67333suGDRvy4x//OIVCIUkyPDyc3t7etLa2JklaWlpy+PDhDAwMVK0BAADA+RKyAgAAAABgyvrhD3+Y1tbWXHbZZZV9Q0NDWbx4cerq6pIkhUIhxWIxg4ODVWsAAABwvoSsAAAAAACYknp6erJ///58//vf/0Ttg1WtPjA6Ojqm2sd1dXWlvr6+sp08efIzdg0AAMB0JGQFAAAAAMCU9Nxzz+W3v/1tLrvsspRKpZTL5Vx//fU5cOBAyuVyRkZGkpwJUQ0NDaVYLKahoeGctbPp6OhIuVyubHPmzKnZ+QEAAPD5IWQFAAAAAMCUtHnz5hw5ciQDAwMZGBhIfX199uzZk7Vr16a5uTnbt29PkuzevTulUimlUikLFy48Zw0AAADOV92FbgAAAAAAAMaru7s7bW1t6ezszNy5c7N169Yx1QAAAOB8CFkBAAAAAPC5MDAwUHm8bNmy9PT0nPV11WoAAABwPtwuEAAAAAAAAAAAoAohKwAAAAAAAAAAgCqErAAAAAAAAAAAAKoQsgIAAAAAAAAAAKhCyAoAAAAAAAAAAKAKISsAAAAAAAAAAIAqhKwAAAAAAAAAyJ133plSqZRCoZADBw5U9pdKpVx++eVpampKU1NTfvrTn1Zq/f39WbVqVRobG7NixYocPHjwQrQOAJNOyAoApqF77733IxfB1S5yXQADAAAAAJAkt9xyS/bt25dLL730E7Vdu3alr68vfX19+e53v1vZv379+rS3t+fQoUPZtGlT1q1bV8uWAaBmhKwAYJrp7e3Niy++mGKxWNlX7SLXBTAAAAAAAEnyzW9+M/X19WN+/fDwcHp7e9Pa2pokaWlpyeHDhzMwMDBJHQLAhTPmkNW//uu/5u23306SPPTQQ7nllls+skQkADAxPsvMfe+997Jhw4b8+Mc/TqFQSFL9ItcFMAAznWtdAKgdcxcAamcy5u6aNWuyfPny3HHHHTl27FiSZGhoKIsXL05dXV2SpFAopFgsZnBw8BPHd3V1pb6+vrKdPHnyM/UDALU25pDV3/zN32Tu3Ll55ZVXsn379vzZn/1Z/vIv/3IyewOAGemzzNwf/vCHaW1tzWWXXVbZV+0i1wUwADOda10AqB1zFwBqZ6Ln7vPPP59XXnklvb29mT9/ftauXVupffAPfj8wOjp61vfo6OhIuVyubHPmzDnvfgDgQhhzyOqDv3x95pln0t7envXr1+edd96ZtMYAYKY635nb09OT/fv35/vf//4natUucl0AAzCTudYFgNoxdwGgdiZ67haLxSTJRRddlLvuuiu//OUvkyQNDQ0pl8sZGRlJcub3y0NDQ5XXA8B0MuaQ1fvvv58XX3wxu3fvzrXXXpsk+d///d9JawwAZqrznbnPPfdcfvvb3+ayyy5LqVRKuVzO9ddfnwMHDpzzItcFMAAznWtdAKgdcxcAamci5+4777yT48ePV57v2LEjzc3NSZKFCxemubk527dvT5Ls3r07pVIppVLps50AAExBYw5Z/ehHP8pf/MVf5Oqrr86f/Mmf5LXXXsvSpUsnszcAmJHOd+Zu3rw5R44cycDAQAYGBlJfX589e/Zk7dq157zIdQEMwEznWhcAasfcBYDaOd+5u2HDhtTX16dcLudb3/pW/viP/zhvvvlmrr322lx55ZVZvnx5nnvuuWzbtq1yTHd3d7q7u9PY2JgHHnggP/nJTybz1ADggqkb6wsvvfTS9PX1VZ4vW7Ysf/d3fzcZPQHAjDYZM7e7uzttbW3p7OzM3Llzs3Xr1jHVAGC6c60LALVj7gJA7Zzv3N2yZUu2bNnyif0vv/zyOY9ZtmxZenp6zqtPAPg8GfNKVm1tbWPaBwB8NhM1cwcGBnLFFVck+f8XuYcOHcqvf/3rfOUrX6m8rloNAKY717oAUDvmLgDUjrkLABPvU1ey+s///M8MDw/n1KlT+c1vfpPR0dEkyYkTJ/LOO+9MeoMAMFOYuQBQO+YuANSOuQsAtWPuAsDk+dSQ1b/8y7/kH/7hH3LkyJHccMMNlf3/5//8n2zatGlSmwOAmcTMBYDaMXcBoHbMXQCoHXMXACbPp4asfvCDH+QHP/hB7rvvvtxzzz216AkAZiQzFwBqx9wFgNoxdwGgdsxdAJg8nxqy+sA999yT06dP5+jRoxkZGansLxaLk9IYAMxUZi4A1I65CwC1Y+4CQO2YuwAw8cYcstq6dWv+6q/+KhdddFFmzZqVJCkUChkeHp605oDaO3riVEqbn7zQbXzCwAPfvtAtQM2YuQBQO+YuANSOuQsAtWPuAsDEG3PI6u///u/z0ksv5fLLL5/MfgBgxjNzAaB2zF0AqB1zFwBqx9wFgIk3a6wvXLBggSEMADVg5gJA7Zi7AFA75i4A1I65CwATb8whq+985zv5p3/6p/zXf/1X/ud//qeyAQATy8wFgNoxdwGgdsxdAKgdcxcAJt6Ybxe4efPmJMmdd96ZQqGQ0dHRFAqFvP/++5PWHADMRGYuANSOuQsAtWPuAkDtmLsAMPHGHLI6ffr0ZPYBAPw/Zi4A1I65CwC1Y+4CQO2YuwAw8cZ8u0AAAAAAAAAAAICZaMwrWc2aNSuFQuET+y0pCQATy8wFgNoxdwGgdsxdAKgdcxcAJt6YQ1b//d//XXn87rvvZtu2bfn9738/KU0BwExm5gJA7Zi7AFA75i4A1I65CwATb8y3C7zkkksq25e+9KV0dHTk6aefnszeAGBGMnMBoHbMXQCoHXMXAGrH3AWAiTfmkNXH9ff3Z2hoaCJ7AQDOwswFgNoxdwGgdsxdAKgdcxcAPrsx3y5wwYIFlfv2joyM5P3338/DDz88aY0BwExl5gJA7Zi7AFA75i4A1I65CwATb8whq1//+tf//6C6unz5y1/OH/zBH0xKUwAwk5m5AFA75i4A1I65CwC1Y+4CwMQb8+0CL7300ixcuDBHjx7Nf/zHf+T3v//9ZPYFADOWmQsAtWPuAkDtmLsAUDvmLgBMvDGvZPXCCy/klltuyaJFizI6Oppjx45l165d+cY3vjGZ/QHAjGPmAkDtmLsAUDvmLgDUjrkLABNvzCtZdXR05Gc/+1lefvnl9PX15Wc/+1n++q//ejJ7A4AZycwFgNr5LHP3uuuuy5VXXpmmpqZcc8016evrS5L09/dn1apVaWxszIoVK3Lw4MHKMdVqADDdud4FgNoxdwFg4o05ZHXq1Kn86Z/+aeX5qlWrcurUqUlpCgBmMjMXAGrns8zdnTt35tVXX01fX182btyY22+/PUmyfv36tLe359ChQ9m0aVPWrVtXOaZaDQCmO9e7AFA75i4ATLwxh6xmz56dX/ziF5Xn//Zv/5bZs2dPSlMAMJOZuQBQO59l7s6bN6/y+MSJE5k1a1aGh4fT29ub1tbWJElLS0sOHz6cgYGBqjUAmAlc7wJA7Zi7ADDx6sb6wn/8x3/Md77znXzxi19MoVDIe++9l927d09mbwAwI5m5AFA7n3Xu3nbbbdm7d2+S5Omnn87Q0FAWL16curozl9uFQiHFYjGDg4O55JJLzlkrlUofed+urq50dXVVnp88efIznikAXHiud4HPq9LmJy90C3yKgQe+faFbmHLMXQCYeGMOWR05ciS//vWv8+abb2Z0dDRf/vKX86tf/WoyewOAGcnMBYDa+axzd9u2bUmSrVu35u677859992XQqHwkdeMjo5WHlerfVhHR0c6Ojoqz+vr68fcEwBMVa53AaB2zF0AmHhjvl3gPffckwULFuSKK67I8uXL86UvfSn33HPPZPYGADOSmQsAtTNRc3ft2rXZu3dv6uvrUy6XMzIykuRMiGpoaCjFYjENDQ3nrAHATOB6FwBqx9wFgIk35pDVxxUKhZw+fXoiewEAzsLMBYDaGevcffvtt3PkyJHK88cffzzz58/PwoUL09zcnO3btydJdu/enVKplFKpVLUGADOR610AqB1zFwA+uzGHrObOnfuRJSRffPHF/OEf/uGkNAUAM5mZCwC1c75z98SJE7n55puzfPnyfPWrX82WLVvyxBNPpFAopLu7O93d3WlsbMwDDzyQn/zkJ5XjqtUAYLpzvQsAtWPuAsDEqxvrCx988MHcfPPN+cpXvpIk+c1vfpPHH3980hoDgJnKzAWA2jnfudvQ0JCXXnrprLVly5alp6dn3DUAmO5c7wJA7Zi7ADDxxhyy+sY3vpGDBw9Wfhm8atWqzJs3b9IaA4CZyswFgNoxdwGgdsxdAKgdcxcAJt6YQ1ZJ8kd/9Ee54YYbJqsXAOD/MXMBoHbMXQCoHXMXAGrH3AWAiTXrQjcAAAAAAAAAAAAwlQlZAQAAAAAAAAAAVCFkBQAAAAAAAAAAUIWQFQAAAAAAAAAAQBV1F7oBxq+0+clJ/4x7vzYy7s8ZeODbk9QNAAAAAAAAAABcOFayAgAAAAAAAAAAqELICgAAAAAAAAAAoIpJDVmdOnUqN998cxobG9PU1JTVq1dnYGAgSTI8PJzVq1dn6dKlueKKK7Jv377KcdVqAAAAAAAAAAAAtTTpK1m1t7fntddeS19fX2688ca0t7cnSTZv3pyVK1emv78/jzzySNasWZORkZFPrQEAAAAAMLNcd911ufLKK9PU1JRrrrkmfX19SZL+/v6sWrUqjY2NWbFiRQ4ePFg5ploNAAAAxmtSQ1YXX3xxbrjhhhQKhSTJypUr8/rrrydJdu7cmQ0bNiRJrrrqqixatKiyYlW1GgAAAAAAM8vOnTvz6quvpq+vLxs3bsztt9+eJFm/fn3a29tz6NChbNq0KevWrascU60GAAAA4zXpK1l92MMPP5ybbropb731Vk6fPp0FCxZUaqVSKYODg1VrAAAAAADMPPPmzas8PnHiRGbNmpXh4eH09vamtbU1SdLS0pLDhw9nYGCgag0AAADOR12tPqizszP9/f3553/+57z77ruV1a0+MDo6WnlcrfZhXV1d6erqqjw/fvx49uzZMyH9njp1asLea6Ld+7XJv3Xi3C+M/3Om0/d1Puc/XlP1+6rFuZ+PWn1fU/lnf7LN5HNPnD8AAABMdbfddlv27t2bJHn66aczNDSUxYsXp67uzK+5C4VCisViBgcHc8kll5yzViqVPvK+H/8988mTJ2tzQgAAAHyu1CRk9dBDD+Wxxx7LL37xi8yePTuzZ89Okhw7dqyyYtUbb7yRYrGY+fPnn7P2cR0dHeno6Kg8r6+vz/XXXz8hPe/Zs2fC3muilTY/Oemfce/XRvK3veP7z2PggenzfZ3P+Y/XVP2+tu78+aSf+/mo1fc1lX/2J9tMPvfE+QMAAMBUt23btiTJ1q1bc/fdd+e+++6bkH/Me7bfMwMAAMDHTfrtAru6urJjx448++yzH1nS+dZbb82WLVuSJPv378/Ro0dz9dVXf2oNAAAAAICZa+3atdm7d2/q6+tTLpczMnJmVfbR0dEMDQ2lWCymoaHhnDUAAAA4H5MasiqXy9m4cWOOHz+ea6+9Nk1NTfn617+eJHnwwQfzwgsvZOnSpWlra8ujjz5aWbq5Wg0AAAAAgJnj7bffzpEjRyrPH3/88cyfPz8LFy5Mc3Nztm/fniTZvXt3SqVSSqVS1RoAAACcj0lNLtXX159zCeZFixblmWeeGXcNAAAAAICZ48SJE2lpacm7776bWbNmZcGCBXniiSdSKBTS3d2dtra2dHZ2Zu7cudm6dWvluGo1AAAAGC/LQwEAAAAAMGU1NDTkpZdeOmtt2bJl6enpGXcNAAAAxmtSbxcIAAAAAAAAAADweSdkBQAAAAAAAAAAUIWQFQAAAAAAAAAAQBVCVgAwjVx33XW58sor09TUlGuuuSZ9fX1Jkv7+/qxatSqNjY1ZsWJFDh48WDmmWg0AAAAAAAAAISsAmFZ27tyZV199NX19fdm4cWNuv/32JMn69evT3t6eQ4cOZdOmTVm3bl3lmGo1AAAAAAAAAISsAGBamTdvXuXxiRMnMmvWrAwPD6e3tzetra1JkpaWlhw+fDgDAwNVawAAAAAAAACcUXehGwAAJtZtt92WvXv3JkmefvrpDA0NZfHixamrOzP2C4VCisViBgcHc8kll5yzViqVPvK+XV1d6erqqjw/efJkbU4IAAAAAAAA4AKzkhUATDPbtm3L0NBQfvSjH+Xuu+9OciY89WGjo6OVx9VqH9bR0ZFyuVzZ5syZM8GdAwAAAAAAAExNQlYAME2tXbs2e/fuTX19fcrlckZGRpKcCVENDQ2lWCymoaHhnDUAAAAAAAAAzhCyAoBp4u23386RI0cqzx9//PHMnz8/CxcuTHNzc7Zv354k2b17d0qlUkqlUtUaAAAAAAAAAGfUXegGAICJceLEibS0tOTdd9/NrFmzsmDBgjzxxBMpFArp7u5OW1tbOjs7M3fu3GzdurVyXLUaAAAAAAAAAEJWADBtNDQ05KWXXjprbdmyZenp6Rl3DQAAAAAAAAC3CwQAAAAAAAAAAKhKyAoAAAAAAAAAAKAKISsAAAAAAAAAAIAqhKwAAAAAAAAAAACqELICAAAAAAAAAACoQsgKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAAAAqELICgAAAAAAAAAAoAohKwAAAAAAAABy5513plQqpVAo5MCBA5X9/f39WbVqVRobG7NixYocPHhwTDUAmE6ErAAAAAAAAADILbfckn379uXSSy/9yP7169envb09hw4dyqZNm7Ju3box1QBgOhGyAgAAAAAAACDf/OY3U19f/5F9w8PD6e3tTWtra5KkpaUlhw8fzsDAQNUaAEw3QlYAAAAAAAAAnNXQ0FAWL16curq6JEmhUEixWMzg4GDV2sd1dXWlvr6+sp08ebKm5wEAn5WQFQAAAAAAAADnVCgUPvJ8dHR0TLUP6+joSLlcrmxz5syZ+EYBYBLVXegGAAAAAAAAAJiaGhoaUi6XMzIykrq6uoyOjmZoaCjFYjGzZ88+Zw0AphsrWQEAAAAAAABwVgsXLkxzc3O2b9+eJNm9e3dKpVJKpVLVGgBMN1ayAgAAAAAAACAbNmzIz3/+8xw9ejTf+ta3MmfOnPzud79Ld3d32tra0tnZmblz52br1q2VY6rVAGA6EbICAAAAAAAAIFu2bMmWLVs+sX/ZsmXp6ek56zHVagAwnbhdIAAAAAAAAAAAQBVCVgAAAAAAAAAAAFUIWQEAAAAAAAAAAFQhZAUAAAAAAAAAAFCFkBUAAAAAAAAAAEAVQlYAAAAAAAAAAABVCFkBAAAAAAAAAABUIWQFAAAAAAAAAABQRd2FbgAAAAAAAAAAgMlX2vxkzT5r4IFv1+yzoBasZAUAAAAAAAAAAFCFkBUAAACM06lTp3LzzTensbExTU1NWb16dQYGBpIkw8PDWb16dZYuXZorrrgi+/btqxxXrQYAAAAAwNQlZAUAAADnob29Pa+99lr6+vpy4403pr29PUmyefPmrFy5Mv39/XnkkUeyZs2ajIyMfGoNAAAAAICpS8gKAAAAxuniiy/ODTfckEKhkCRZuXJlXn/99STJzp07s2HDhiTJVVddlUWLFlVWrKpWAwAAAABg6hKyAgAAgM/o4Ycfzk033ZS33norp0+fzoIFCyq1UqmUwcHBqrWP6+rqSn19fWU7efJkTc4DAAAAAICzE7ICAACAz6CzszP9/f25//77k6SyutUHRkdHK4+r1T6so6Mj5XK5ss2ZM2eCuwYAAAAAYDyErAAAAOA8PfTQQ3nsscfy1FNPZfbs2Zk/f36S5NixY5XXvPHGGykWi1VrAAAAAABMbUJWAAAAcB66urqyY8eOPPvss5k3b15l/6233potW7YkSfbv35+jR4/m6quv/tQaAAAAAABTV92FbgAAAAA+b8rlcjZu3JglS5bk2muvTZJ88YtfzK9+9as8+OCD+d73vpelS5fmC1/4Qh599NHU1Z25/K5WAwAAAABg6vKbXAAAABin+vr6jI6OnrW2aNGiPPPMM+OuAQAAAAAwdbldIAAAAAAAAAAAQBVCVgAAAAAAAAAAAFUIWQEAAAAAAAAAAFQhZAUAAAAAAAAAAFCFkBUAAAAAAFPWqVOncvPNN6exsTFNTU1ZvXp1BgYGkiTDw8NZvXp1li5dmiuuuCL79u2rHFetBgAAAOMlZAUAAAAAwJTW3t6e1157LX19fbnxxhvT3t6eJNm8eXNWrlyZ/v7+PPLII1mzZk1GRkY+tQYAAADjJWQFAAAAAMCUdfHFF+eGG25IoVBIkqxcuTKvv/56kmTnzp3ZsGFDkuSqq67KokWLKitWVasBAADAeAlZAQAAAADwufHwww/npptuyltvvZXTp09nwYIFlVqpVMrg4GDV2sd1dXWlvr6+sp08ebIm5wEAAMDni5AVAAAAAACfC52dnenv78/999+fJJXVrT4wOjpaeVyt9mEdHR0pl8uVbc6cORPcNQAAANOBkBUAAAAAAFPeQw89lMceeyxPPfVUZs+enfnz5ydJjh07VnnNG2+8kWKxWLUGAAAA50PICgAAAACAKa2rqys7duzIs88+m3nz5lX233rrrdmyZUuSZP/+/Tl69GiuvvrqT60BAADAeAlZAcA0cerUqdx8881pbGxMU1NTVq9enYGBgSTJ8PBwVq9enaVLl+aKK67Ivn37KsdVqwEAAMCFVi6Xs3Hjxhw/fjzXXnttmpqa8vWvfz1J8uCDD+aFF17I0qVL09bWlkcffTR1dXWfWgMAAIDxckUJANNIe3t7/vzP/zyFQiH/9E//lPb29jzzzDPZvHlzVq5cmaeffjr79+/PLbfckn//939PXV1d1RoAAABcaPX19RkdHT1rbdGiRXnmmWfGXQMAAIDxspIVAEwTF198cW644YYUCoUkycqVK/P6668nSXbu3JkNGzYkSa666qosWrSosmJVtRoAAAAAAAAAQlYAMG09/PDDuemmm/LWW2/l9OnTWbBgQaVWKpUyODhYtfZxXV1dqa+vr2wnT56syXkAAAAAAAAAXGhCVgAwDXV2dqa/vz/3339/klRWt/rAh2+zUK32YR0dHSmXy5Vtzpw5E9w1AAAAAAAAwNQkZAUA08xDDz2Uxx57LE899VRmz56d+fPnJ0mOHTtWec0bb7yRYrFYtQYAAAAAAADAGUJWADCNdHV1ZceOHXn22Wczb968yv5bb701W7ZsSZLs378/R48ezdVXX/2pNQAAAAAAAACSugvdAAAwMcrlcjZu3JglS5bk2muvTZJ88YtfzK9+9as8+OCD+d73vpelS5fmC1/4Qh599NHU1Z3534BqNQAAAAAAAACErABg2qivr8/o6OhZa4sWLcozzzwz7hoAAAAAAAAAbhcIAAAAAAAAAABQlZAVAAAAAAAAAABAFW4XCADAjFLa/OSFbmFKGnjg2xe6BQAAAAAAgCnLSlYAAAAAAAAAAABVCFkBeESKJQAAIABJREFUAAAAAAAAAABUIWQFAAAAAAAAAABQhZAVAAAAAAAAAABAFUJWAAAAAAAAAAAAVdRd6AYAAAAAkqS0+clJff+BB749qe8PAAAAAExfVrICAAAAAAAAAACoQsgKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAAAAqGLSQ1Z33nlnSqVSCoVCDhw4UNnf39+fVatWpbGxMStWrMjBgwfHVAMAAAAAAAAAAKilSQ9Z3XLLLdm3b18uvfTSj+xfv3592tvbc+jQoWzatCnr1q0bUw0AAAAAAAAAAKCWJj1k9c1vfjP19fUf2Tc8PJze3t60trYmSVpaWnL48OEMDAxUrQEAAAAAAAAAANTapIeszmZoaCiLFy9OXV1dkqRQKKRYLGZwcLBqDQAAAAAAAAAAoNbqLtQHFwqFjzwfHR0dU+3Durq60tXVVXl+/Pjx7NmzZ0L6O3Xq1IS910S792sjk/4Zc78w/s+ZTt/X+Zz/eE3V76sW534+avV9TeWf/ck2k889cf4AAAAAAAAAnNsFCVk1NDSkXC5nZGQkdXV1GR0dzdDQUIrFYmbPnn3O2sd1dHSko6Oj8ry+vj7XX3/9hPS4Z8+eCXuviVba/OSkf8a9XxvJ3/aO7z+PgQemz/d1Puc/XlP1+9q68+eTfu7no1bf11T+2Z9sM/ncE+cPAAAAAAAAwLldkNsFLly4MM3Nzdm+fXuSZPfu3SmVSimVSlVrAAAAAAAAAAAAtTbpy9Vs2LAhP//5z3P06NF861vfypw5c/K73/0u3d3daWtrS2dnZ+bOnZutW7dWjqlWAwAAAAAAAAAAqKVJD1lt2bIlW7Zs+cT+ZcuWpaen56zHVKsBAAAAAAAAAADU0gW5XSAAAAAAAAAAAMDnhZAVAAAAAAAAAABAFUJWAAAAAAAAAAAAVdRd6AYAAAAAPu9Km5+ctPceeODbk/beAAAAAMDYWMkKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAKCqUqmUyy+/PE1NTWlqaspPf/rTJEl/f39WrVqVxsbGrFixIgcPHrzAnQLA5Ki70A0AAAAAAAAAMPXt2rUrV1xxxUf2rV+/Pu3t7Wlra8uuXbuybt269PT0XKAOAWDyWMkKAAAAAAAAgHEbHh5Ob29vWltbkyQtLS05fPhwBgYGLmxjADAJhKwAAAAAAAAA+FRr1qzJ8uXLc8cdd+TYsWMZGhrK4sWLU1d35gZKhUIhxWIxg4ODnzi2q6sr9fX1le3kyZO1bh8APhMhKwAAAAAAAACqev755/PKK6+kt7c38+fPz9q1a5OcCVZ92Ojo6FmP7+joSLlcrmxz5syZ9J4BYCLVXegGAAAAAAAAAJjaisVikuSiiy7KXXfdlcbGxjQ0NKRcLmdkZCR1dXUZHR3N0NBQ5bUAMJ1YyQoAAAAAAACAc3rnnXdy/PjxyvMdO3akubk5CxcuTHNzc7Zv354k2b17d0qlUkql0gXqFAAmj5WsAAAAAAAAADinN998My0tLXn//fczOjqaJUuWZNu2bUmS7u7utLW1pbOzM3Pnzs3WrVsvcLcAMDmErAAAAAAAAAA4pyVLluTll18+a23ZsmXp6empcUcAUHtuFwgAAAAAAAAAAFCFkBUAAACM05133plSqZRCoZADBw5U9vf392fVqlVpbGzMihUrcvDgwTHVAAAAAACY2oSsAAAAYJxuueWW7Nu3L5deeulH9q//v+zdeVxVVb/H8e8WHBK0vCaYIWAO9JAiOA+pmZpTep2bzAF8cMisa6VmpY9NTmnXp7I0cUjNssjKNDMH7GqUIaKWFYqoIIpZhCJOwLl/eD03ElEPwzrn+Hm/Xrxe7bUCv4uz91mcfX5nreHDFRkZqcTERI0bN04RERHX1AcAAAAAAAAAcG4UWQEAAAAAcJ3atm0rPz+/fG3Hjx9XfHy8Bg4cKEnq27evkpOTdfDgwUL7AAAAAAAAAADOjyIrAAAAAACKQUpKimrUqCFPT09JkmVZ8vf31+HDhwvtK8js2bPl5+dn/8rKyiq1cQAAAAAAAAAALkeRFQAAAAAAxcSyrHzHNpvtmvr+buzYsUpNTbV/eXt7F29QAAAAAAAAAMB18TQdAAAAAAAAd1CzZk2lpqYqJydHnp6estlsSklJkb+/vypWrHjFPgAAAAAAAACA82MlKwAAAAAAioGPj4/CwsK0bNkySVJ0dLQCAwMVGBhYaB8AACjcmDFjFBgYKMuy9OOPP9rb9+3bp1atWqlevXpq1qyZ9u7de019AAAAAAA4giIrAAAAAACu02OPPSY/Pz+lpqaqY8eOqlOnjiRp3rx5mjdvnurVq6dp06YpKirK/j2F9QEAgCvr16+ftm7dqoCAgHztw4cPV2RkpBITEzVu3DhFRERcUx8AAAAAAI5gu0AAAAAAAK7TW2+9pbfeeuuy9qCgIMXGxhb4PYX1AQCAK2vbtu1lbcePH1d8fLzWr18vSerbt69Gjx6tgwcPqmLFilfsYxVJAAAAAICjWMkKAAAAAAAAAOBSUlJSVKNGDXl6XvwcsWVZ8vf31+HDhwvtK8js2bPl5+dn/8rKyiq1cQAAAAAAXAdFVgAAuJExY8YoMDBQlmXpxx9/tLfv27dPrVq1Ur169dSsWTPt3bv3mvoAAAAAAHBWlmXlO7bZbNfU93djx45Vamqq/cvb27t4gwIAAAAA3AJFVgAAuJF+/fpp69atCggIyNc+fPhwRUZGKjExUePGjVNERMQ19QEAAAAA4Ixq1qyp1NRU5eTkSLpYRJWSkiJ/f/9C+wAAAAAAcBRFVgAAuJG2bdvKz88vX9vx48cVHx+vgQMHSpL69u2r5ORkHTx4sNA+AAAAAACclY+Pj8LCwrRs2TJJUnR0tAIDAxUYGFhoHwAAAAAAjqLICgAAN5eSkqIaNWrI09NT0sUtE/z9/XX48OFC+/5u9uzZ8vPzs39lZWWV6jgAAAAAADemxx57TH5+fkpNTVXHjh1Vp04dSdK8efM0b9481atXT9OmTVNUVJT9ewrrAwAAAADAEZ6mAwAAgJJnWVa+Y5vNdk19fzV27FiNHTvWfvz3FbMAwB0FTlhjOoJTOjitu+kIAADgBvLWW2/prbfeuqw9KChIsbGxBX5PYX0AAAAAADiCIisAANxczZo1lZqaqpycHHl6espmsyklJUX+/v6qWLHiFfsAAAAAAAAAAAAAABexXSAAAG7Ox8dHYWFhWrZsmSQpOjpagYGBCgwMLLQPAAAAAAAAAAAAAHARK1kBAOBGHnvsMX322Wc6duyYOnbsKG9vb+3fv1/z5s3TkCFD9Oqrr6py5cpasmSJ/XsK6wMAAAAAAAAAAAAAUGQFAIBbeeutt/TWW29d1h4UFKTY2NgCv6ewPgAAAAAAAAAAAAAA2wUCAAAAAAAAAAAAAAAAQKFYyQqASwicsKZU/p0pjXKu+986OK17CaUBAAAAAAAAAAAAAADOgJWsAAAAAAAAAAAAAAAAAKAQFFkBAAAAAAAAAAAAAAAAQCEosgIAAAAAAAAAAAAAAACAQlBkBQAAAAAAAAAAAAAAAACFoMgKAAAAAAAAAAAAAAAAAApBkRUAAAAAAAAAAAAAAAAAFIIiKwAAAAAAAAAAAAAAAAAoBEVWAAAAAAAAAAAAAAAAAFAIiqwAAAAAAAAAAAAAAAAAoBAUWQEAAAAAAAAAAAAAAABAISiyAgAAAAAAAAAAAAAAAIBCUGQFAAAAAAAAAAAAAAAAAIXwNB3AWR3LPKvACWtMxwAAAAAAAAAAAAAAAABgGCtZAQAAAAAAAAAAAAAAAEAhKLICAAAAAAAAAAAAAAAAgEJQZAUAAAAAAAAAAAAAAAAAhaDICgAAAAAAAAAAAAAAAAAK4Wk6AAAAAAAAAMwJnLCmxH72wWndS+xnAwAAAAAAAKWJlawAAAAAAAAAAAAAAAAAoBAUWQEAAAAAAAAAAAAAAABAISiyAgAAAAAAAAAAAAAAAIBCUGQFAAAAAAAAAAAAAAAAAIWgyAoAAAAAAAAAAAAAAAAACuFpOgAAAAAAAABwvQInrCmxn31wWvcS+9kAAAAAAABwTaxkBQAAAAAAAAAAAAAAAACFoMgKAAAAAAAAAAAAAAAAAApBkRUAAAAAAAAAAAAAAAAAFIIiKwAAAAAAAAAAAAAAAAAoBEVWAAAAAAAAAAAAAAAAAFAIiqwAAAAAAAAAAAAAAAAAoBAUWQEAAAAAAAAAAAAAAABAISiyAgAAAAAAAAAAAAAAAIBCUGQFAAAAAAAAAAAAAAAAAIWgyAoAAAAAAAAAAAAAAAAACkGRFQAAAAAAAAAAAAAAAAAUwtN0AAAAAAAAAAAAAAAAAMARgRPWlMq/c3Ba91L5d+C8WMkKAAAAAAAAAAAAAAAAAArBSlYAAAAAAAAAAAAAAACAEyitlbkkVue6XqxkBQAAAAAAAAAAAAAAAACFoMgKAAAAAAAAAAAAAAAAAArBdoEAAAAAAABAKSrJZf9Z5h8AAAAAAKBkUGQFAG7qem/aT2mUUyr7+3LDHwAAAAAAAAAAAADgatguEAAAAAAAAAAAAAAAAAAKwUpWAAAAAAAAAAAAAAAAAEpEaeyoJJX8rkqsZAUAAAAAAAAAAAAAAAAAhWAlKwAAAAAAAABXVdKfOi3pT5sCAAAAAAAUBStZAQAAAAAAAAAAAAAAAEAhKLICAAAAAAAAAAAAAAAAgEI47XaB+/bt0+DBg3XixAndcsstWrx4sYKDg03HAgAUUUlvL+Goee2ddkosFcy7AACUHuZdAABKD/MuAAClgzkXAHAjcNp3lIcPH67IyEgNGTJEH3/8sSIiIhQbG2s6FgAAbol5FwCA0sO8CwClryQ/8HNwWvcS+9koOuZdAABKB3MuAOBG4JRFVsePH1d8fLzWr18vSerbt69Gjx6tgwcPKjAw0Gw4AADcDPMuAAClh3kXAHC9KBBzHPMuAAClgzkXAHCjcMoiq5SUFNWoUUOenhfjWZYlf39/HT58ON9EPHv2bM2ePdt+fOzYMfn5+RVLhqysLHl7exfLz3JFT7xz/eP3W1ZCYQxwZPzXy1l/X5z7N+65XxrnvTN7oBjH/9tvvxXLzyktzjDvuhNneh51l+cnd8b5guvB+VIw5t2iu95zy5ke/xslu6vmllw3u6vmlsheXDhfCsa8C2fhTH8bFwdneh7BjYPryPm50rzrCnOuI+e8M59X7jYeyf3G5G7jkdxvTO42Hsn9xlRa47meOdcpi6yki5PvX9lstsv+n7Fjx2rs2LEl8u/7+fkpNTW1RH62K2D8N+74b+SxSzf2+G/ksUuM3/S8605u9HMJ14fzBdeD88V9ONu868rnFtlLn6vmllw3u6vmlshugqvmLknONu+ieHCuA0XHdYTi5uxzrrud8+42Hsn9xuRu45Hcb0zuNh7J/cbkjOMpYzpAQWrWrKnU1FTl5ORIujgJp6SkyN/f33AyAADcD/MuAAClh3kXAIDSw7wLAEDpYM4FANwonLLIysfHR2FhYVq27OI6XtHR0QoMDGTPXgAASgDzLgAApYd5FwCA0sO8CwBA6WDOBQDcKDz+9a9//ct0iIK0bNlSL7zwgmbMmKEffvhBixYtko+PT6lnuJEx/ht3/Dfy2KUbe/w38tilG3v8zjDvupMb+VzC9eN8wfXgfHEPzjjvuvK5RfbS56q5JdfN7qq5JbKb4Kq5S4ozzrsoHpzrQNFxHaE4ucKc627nvLuNR3K/MbnbeCT3G5O7jUdyvzE523gsW0Eb4gIAAAAAAAAAAAAAAAAAJDnpdoEAAAAAAAAAAAAAAAAA4CwosgIAAAAAAAAAAAAAAACAQlBkBQAAAAAAAAAAAAAAAACFoMgK+JuMjAzTEYz66quvTEeAAb///ru++eYbpaenm44CAAD+z4kTJ66pDQAAOO7ll1/Wtm3blJOTYzoKAAAAAABwcpbNZrOZDgGYsmvXLoWHh8vDw0NLlizR008/rc2bN+vWW2/VF198oZCQENMRS9TevXsva+vcubPWr18vm82m4OBgA6lKz0cffaT+/ftLuviG5eDBg7V161aFhYXpvffek7+/v+GEJWfQoEGaOXOmfH19tWnTJj344IOqVauWDh48qHfffVc9e/Y0HbFE/fnnn7rllltMxwAAoFCNGjVSfHz8VduAojhw4IA+//xz1a5dWz169DAd56rWrFmjX3/9VY0bN1a7du1MxwFwDX7//XctXbpUTz75pOkoBRo2bJhiYmJ07NgxtW7dWu3bt1f79u3VpEkTeXh4mI4HAAAAB8XHx2vixIk6cOBAvoL6AwcOGExVNHl5eTp27Fi+8bjye1k5OTmKjo5WUlJSvjFNmjTJYCrH/fnnn5o3b95l41m4cKHBVEWzbt06Pfnkkzpw4IByc3Nls9lkWZZyc3NNR3NIUlKSnnzySe3atUtnz561tx8/ftxgqqL75JNPlJCQkG9MM2bMMJjIcWfPntXcuXMvG8/KlSsNpsrP03QAV1CvXj0lJiaajlFiDh8+rH/+859KTk5Wz5499fLLL6tChQqSpJYtWyo2NtZwwpIzZswYTZo0SX/++ae6dOmil19+WWvWrNGqVav09NNPa/369aYjlqj69esrICAgX9uxY8fUrVs3WZbl0n9oXoupU6fai6wmTpyoBg0aKCoqSu+//76eeOIJrVq1ynDCkrNz5075+vpKkqZMmaINGzYoJCREhw4dUu/evd2+yMrHx0ddu3bVsGHD1L17d5Upw8KOKDp3e4GLknP48OEC2zlfcElOTo7Onz+vvLw8nTlzRpc+F5OZmans7GzD6eDqOnXqpJkzZyo0NFRpaWlq0qSJmjdvruTkZO3du1fjx483HfGKXnjhBS1fvlxNmzbVrFmzNHnyZEVGRpqO5dZOnz6tsmXLqly5ckpISNDGjRsVFBSk+++/33S0q3rvvfcK7R80aFApJblxrV+/XlFRUfryyy/VqVMnpy2yWrBggSQpJSVFMTExiomJ0fz583XixAm1adNGa9asMZzwyn777Td5eXmpYsWKkqRvv/1WK1euVO3atfXYY4/xWhcAANzQBg8erNGjR6tly5ZuUTy/ePFijRkzRmXLlrX/nWdZlksXhzz44IM6duyYmjVr5haPUb9+/VStWjW3Oeeki++lv/HGG24zpmHDhmnEiBE6cOCA1qxZozfeeEOBgYGmYxXJk08+qaSkJO3YsUMPPfSQPvroI3Xq1Ml0LIf985//VKVKlfTNN9/oqaee0uLFi9W2bVvTsfJhJav/U9CKPpd07NhRaWlppZimdHXr1k3du3dXixYt9O9//1v79+/XunXrVKlSJYWFhWnnzp2mI5aYv47P398/35ueoaGhSkhIMBWtVEyZMkXff/+93n77bXuxVa1atZScnGw4Wen46+PfsGFDxcfH2/9AaNiwoXbt2mUyXon6a/Fo06ZN9cMPP9j7QkJCtHv3blPRSkVQUJAiIyO1aNEi/fHHHxo0aJDCw8NVr14909HgotzxBS5KTrVq1WRZlmw2m86ePavs7GxVrVqV8wV2U6ZM0ZQpU+znySWVK1fWU089pRdeeMFgOri64OBg++vf1157Tdu2bdOqVauUkZGhdu3aOfXfgcHBwYqNjdXNN9+s1NRU9e3bV99//73pWNfk0nP/3136BKgzzgELFizQ6NGj5e3trWnTpunll19W8+bNtWPHDg0aNMjpP1l86QM1f2VZluLi4nTo0CGX/dStszt06JAWLlyoxYsXy8fHRwcPHlRiYqKqVKliOto1ycnJ0XfffafNmzdr2bJlysrK0pEjR0zHuqI2bdpo4cKFqlu3rvbt26dGjRpp4MCB+vnnn9W0aVPNnDnTdESgWPTr108DBw5Ujx493OLNPcCEJk2aaODAgRo4cKBuvfVW03GAUuFu7/PVrl1ba9as0Z133mk6SrEJCgrSL7/8UuDrZVd011136aeffjIdo1g1adJEcXFxpmMUm0u7BDRo0EB79uyRzWbTvffeq82bN5uO5rAGDRpo165dCgsL065du5Senq5hw4Zp9erVpqM55NJjc+n96lOnTqlfv3766quvTEezYyWr/1O/fn0FBgaqoJqzEydOGEhUeo4dO6bHHntMkrRkyRK9+uqr6tChg77++mu3mdSu5K+Pd/v27a/Y564mT56snTt36qGHHtKgQYM0YsQIt3/M/+rcuXP6+eefZbPZVKZMmXw3adz999C5c2c9+eSTevXVV9WxY0ctX75cDz/8sNatW6eqVauajlfivLy89NRTT+mpp55SbGysFi1apKZNm6phw4YaNmwYn2rHdXvppZe0fft2t3qBi5Lz22+/5Tu+tJQvcMnkyZM1efJkjRw5Um+//bbpOHAzl1Ytli6ueNKtWzdJUpUqVeTp6dy3CCpUqKCbb75ZkuTn56cLFy4YTnTt4uLidPLkSa1fv169evVy+t+1JM2ZM0fJycnKyMhQ48aNlZSUpBo1aigzM1OtWrVy+iKrjz76KN/xr7/+qmeffVY2m01LliwxlOralClTJt9r0kvFeNLF16p/XTnVmdx3331KSEjQww8/rNWrVyskJES1atVy+gKr2NhYbd68WZs3b9bhw4fVtGlTtW3bVqtXr3b6D+L88ccfqlu3riTpww8/VO/evfX222/rzJkzFFnBrWzZskWJiYkaMWKEHn30UUVERPD6G7hOR48e1caNG/Xcc8+pW7duGjZsmO677z63vw+OG1vr1q21c+dOhYWFmY5SLKpVq+Z285+/v78uXLigcuXKmY5SLGrXrq3MzEz7vQt30L17d33xxRcusaL1tShbtqwkqVKlSjp06JB8fX116NAhw6mKpkKFCvb7CBcuXJCvr69Tf1joam666SZJkqenp7Kzs1WpUiWnG4/z39UrJQEBAdq6datq1KhxWV/NmjUNJCo9f99yZOLEiSpXrpw6dOigU6dOGUpVOnx9fXXy5ElVrlw5303Wo0eP5nvzwZ2FhYUpJiZGkyZNUocOHXT+/HnTkUpNdna2unfvbi+oS01NlZ+fnzIzM91+Sf1Zs2Zp/Pjxuv3221W1alVNnz5dQ4YMUYcOHVx6b2hHtGzZUi1bttR///d/a+XKlYqKiqLICtfNHV/govT06dNHr7/+uukYcEIUWKEklClTRqmpqapSpYq2bNmiadOm2fucfTvKzMxMrV271n588uTJfMeXCsac0Zo1a/T888+rbt26eumll7Ro0SL17t3bdKxCeXp66rbbbtNtt92mO+64w36/5Oabb3apG+DHjh3TpEmT9MUXX2jcuHH64IMPnD5/QfdiPvvsMz3//PO64447DCS6NomJiapRo4aCgoLs2y24whu3rVu3VosWLTRp0iR16dLFdJzrUr58eft/x8bG6oEHHpB08ab0pTcPAHfg5+ennTt3avv27Vq4cKFatmyp4OBgRURE6IEHHpCXl5fpiIDT8/Hx0erVq5WWlqb33ntPY8aM0ZkzZzRkyBCFh4e7/FZJQEG+/fZbLViwQEFBQfne89u+fbvBVI7r06eP3nzzTT388MP5xnNp62hXVK9ePd17773q06dPvjGNGjXKYCrHVapUSU2aNFHXrl3zjWfGjBkGUxXN3Llz9fvvv8vb21sVKlRw6hW5r0W7du30xx9/aPTo0WrSpInKly9f4ErYrqRSpUrKzs7W3XffrcGDB6t69eou/XrwP/7jP5SRkaFu3bqpa9euqlq1qm677TbTsfJhu8D/88QTT6h///66++67L+sbPXq03nzzTQOpSkfv3r01fPjwy24kzZ49W08//bTy8vIMJTPn1KlTyszMlJ+fn+kopeq7777Tli1bNH78eNNRjMrOzlZ6erpq1aplOkqJy87OVlJSki5cuKCAgIAbYhUrSW6/FSpKz6U3o998801VrFjRrV7gouT8tYghNzdX33//vUaNGmXfxhUAStInn3yikSNHqmzZsmrRooU+/vhjSRdvPr/44otat26d4YRXds8991xWsHFpW03LsrRp0yZDya6ufv36Wrdunfz8/LRnzx6NHDlSW7duNR2rUJeW0P/7fxd07IxOnTqlqVOnasGCBYqMjNS4ceNUuXJl07GuW2xsrMaNG6fs7GxNnTpV9913n+lIhdqwYYOioqL01VdfqWvXrtq8ebPS0tJMxypUTEyMtmzZopiYGB05ckTNmzdXu3btdM8996hOnTqm4xWqVatWeuedd1S9enXVqVNHP/30k/3Donfeead++eUXwwmB4vH3eefMmTP6+OOPtXDhQsXHxyszM9NgOsA1FPT32zfffKNFixbpk08+4TqCW9qyZUuB7e3atSvlJMXjr4sD/PW1sCtvhT506NDL2izLctnFAKZMmVJg++TJk0s5SfG50ipPAQEBpZyk+KWkpCgzM1P169c3HaVI0tPTdcsttygvL0+zZ89WRkaGxowZI39/f9PRHJKbmysPDw/ZbDYtX75cf/75pwYNGuRU93QosoLOnTsnKf+n3y45cuSIbr/99tKOBAAlyt2Wa4U5l5Zg/eufU+7yAhcl56/njYeHh+rUqaPXX3/d5VZOAOC60tPTdfToUTVs2NBetJSWlqacnBynvgHz1y3TJCkpKUmff/656tSpox49ehhMdnV/L/J3haJ/Ly8v3XXXXbLZbNq7d6/uuusuSRcfh59//llZWVmGExauWrVqqly5sp599tkCVy135pXPJOmXX37RhAkTtGfPHr344ot65JFHTEe6LhkZGVq2bJkWLlyoEydO6MEHH3SJrevOnz+v2NhYxcTEaMWKFcrKylJqaqrpWFf0zTffqE+fPsrKytLIkSPtq6OuW7dO77zzjj799FPDCYHiUdi8eeDAAade5Q9wFoVdR1lZWfLLE/+NAAAgAElEQVT29i7lRAAAlJ5z586pfPnyV1zFnQ/M43qwXSAKLK66hAIrAO6IAisUlxtxtUcUHecNANN8fX3l6+ubr62gIhRnc99992nmzJkKDQ1VWlqamjZtqubNm2v+/Pnau3evU6/Ie+7cOf3888/2wuy/HwcHB5uMV6Dly5erUqVK8vR0zVtHd911lyzL0vLly+1tfy2Gd+Yiq8jISH3xxReaMGGCPv74Y5d8DKpUqaLu3bsrJydHp06dUnp6uulIV5WWlqbNmzcrJiZGmzZt0vHjx9W6dWvTsQrVtm1bHTt2TFlZWbrlllt04MABff7556pdu3a+cx9wdWPHjr1iHwVWwLV57bXXrthHgRXc1YkTJzRlyhTt2rVLZ8+etbe76naBl+Tk5Oj8+fP2Y1cvDomPj1dCQkK+x8hVtwuULq4g/vfxuPJ2gUlJSXryyScvu45cbbvAli1bKj4+Xt7e3vnuDbjyB+bHjx+v6dOnq3///pet/C5JK1euNJDKcY8++qiWLl2qpk2bFjgeZ3ruZiUrAAAAAADg9IKDg7V3715JF98k2rZtm1atWqWMjAy1a9dOu3fvNpzwygIDAwu8QSRdLPw5cOBAKSe6utDQUKWnp2vQoEEKDw9XUFCQ6UhF4korn5UpU0be3t75tqGW/n81N2e9md2pU6d8hZD169dX8+bNlZycrCFDhmjChAmmIxYoMjJSMTExSktLU4sWLdS+fXu1b99ezZo1c/oCt8J+50OHDnXq4lMAAICS1rNnT7Vu3VpRUVGaNWuW5s2bp7CwML300kumozlk+/btioiIyPeBHUkuWRxyyfTp0/Xhhx/q8OHDateunb7++mt16NBBq1atMh3NIU8++aSSkpK0Y8cOPfTQQ/roo4/UqVMnRUVFmY7msPbt22vEiBF68cUX9cEHH+iNN95QYGCgJk6caDraDW/16tXq0aOHlixZUmD/4MGDSzlR0ezYsUONGzd2ia1eKbICAAAAAABOr1GjRoqPj5ck9enTR127dtU///nPy/pQfOLi4rRo0SJ98MEHCg4OVkREhAYMGOASn5S+UvHJwYMHNWTIEKcuPjl06JBOnjyp9evXq1evXpcV+gQEBBhKVjhXLYScMmWK2rdvrxYtWqhcuXKm41wXV/2dA8Xpueee0yuvvGI6BuDSBg8efMU3aAFXFhoaqoSEBIWEhGj37t06f/68unbtqo0bN5qO5pAWLVpozpw5GjFihL755hv9+9//1k033VToio/Orn79+oqLi1OLFi2UkJCgX3/9VZMmTdKHH35oOppDGjRooF27diksLEy7du1Senq6hg0bptWrV5uO5rBL91saNGigPXv2yGaz6d5779XmzZtNR7tuubm5Cg0N1Z49e0xHKTa5ubmaOHGipk+fbjpKscjNzdWQIUO0dOlS01EKVcZ0AAAAAAAAgKspU6aMUlNTdfr0aW3ZsiXfJ9iys7MNJnNfTZo00VtvvaW0tDSNHDlSy5cv1+23367IyEjT0a7qyJEjCg0NlSS9//77ateunb788kt9++23Tr+N2po1a9SuXTutXLlSjRs3Vnx8vAICAuxfzuqvK299++239i0Zq1SpIg8PD1Oxrmry5Mlq27atyxVYSYX/zp19FS6guDj7GzCAK3DFN8qBa3Hp77vy5cvrjz/+kKenp1JTUw2nctyFCxfUvHlz5eTkqFKlSnruuef0+eefm45VJBUqVFCFChWUl5cnm82moKAgHTx40HQsh1WoUEFlypSRZVm6cOGCfH19deTIEdOxiqRs2bKSpEqVKunQoUM6d+6cDh06ZDiVYzw8POTn56czZ86YjlJsPDw8nGobvaLy8PBwiWuGV9sAAAAAAMDpTZw4UY0bN1bZsmXVvn171atXT9LFwoLAwECz4dxc+fLlNWDAAFWoUEGvvvqqPvjgA82fP990rEK5cvHJ3LlztXv3bvn5+WnPnj0aOXKkevfubTrWVV0qhKxSpYq2bNmiadOm2fvc6Sa2Mynsd07xKdxJs2bNCmy32WxOu4Uq4Gx8fHwKbLfZbPrzzz9LOQ1QOoKCgvTHH39o4MCBatGihW6++WaFhYWZjuWwS69jqlatqoSEBPn5+blsscslFStW1IULFxQaGqrx48fLz8/Ppf+OrVSpkrKzs3X33Xdr8ODBql69ur1IyVW1a9dOf/zxh0aPHq0mTZqofPny6tevn+lYDqtXr57atGmjAQMGyNvb294+atQog6mKpkePHpo+fbqGDh2ab0yusAp5QTp27KiRI0deNp7g4GCDqfJju0AAAAAAAOAS0tPTdfToUTVs2FCWZUmS0tLSlJOTI39/f8Pp3NOePXu0cOFCvf/++6pdu7bCw8P14IMP5rvR5YyaNGmiTz/9VFWqVJG/v79iY2PthXl33nmnfvnlF8MJrywsLEw7d+684rGz+uSTTzRy5EiVLVtWLVq00McffyzpYpHbiy++qHXr1hlO6H74neNGccstt2jFihWXvVFks9n0wAMPKD093VAywHVUq1ZNGzdu1M0335yv3WazqXXr1i6xagRQFNu2bVNGRoa6deumMmVcc6On119/XYMGDdKOHTvUr18/5eTkaMqUKXrmmWdMR3PYjz/+qFq1aik7O1sTJ05URkaGXnjhBTVs2NB0NIekp6erSpUqys3N1ezZs5WRkaEnnnhCNWvWNB2tWKSkpCgzM1P169c3HcVhQ4cOvazNsiwtXLjQQJriUdBzmmVZys3NNZCm6GrVqnVZm2VZOnDggIE0BaPICgAAAAAAAPnMnTtXCxcuVGpqqgYOHKjw8HCn+tTg1bhy8UlwcLCio6N16ZZdv3798h078+NAIWTp43eOG0H79u31yiuvqFWrVpf11axZUykpKQZSAa6lS5cuGj9+vNq3b39ZX+PGjbVjxw4DqYCSNWrUKM2dO/eqba7owoULOnv2rCpVqmQ6SpGsW7dOXbp0uWqbq1i4cKHCw8Ov2uZKevXqpU8//fSqbcCNhCIrAAAAAAAA5NOtWzdFRESoZ8+eLru9gasWnwQGBtrz/p2zfXoTAErDoUOHVLlyZVWpUuWyvvPnz6tcuXIGUgGu5fTp0ypbtizXC24ojRo1Unx8fL42V1kltiDNmjXT9u3br9rmSgp6jApqcxXuNh6p4PwNGjTQnj17DCUqmpycHM2ZM0cbNmyQZVnq1KmTHn/8cft2nK7qyJEj2rp1qyzL0t13360aNWqYjlQkcXFx2rhxoyzLUocOHdS4cWPTkfJx7bMFAAAAAAAAxW7t2rWmIxSZr6+vfH1987W5wo3GgwcPmo4AAE4lICDgin0UjADXxsvLy3QEoNR89NFHWrlypQ4ePKgBAwbY2zMzM136WsjJycl3nJubq6ysLENpimb//v1KTEzUyZMn8732zMzMVHZ2tsFkjomLi9P333+vEydO5FspLTMzU+fPnzeYzHHvvvuu5s+fr8TERDVr1szenpmZqaCgIIPJimbs2LFKSkrS8OHDJUlRUVFKTk7Wv//9b8PJHPfZZ58pIiJCd999tyRp9OjRioqKUo8ePQwnc8y7776rl156SX369JEk9enTRy+88IKGDRtmONn/o8gKAAAAAAAAAAA4pby8PEVFRWnFihU6fPiwJMnf318PPvigIiIi5OHhYTgh4Pyys7P18ssva8WKFUpLS5Mk3X777XrwwQc1ceJEeXt7G04IFJ969eqpe/fu2r59u7p3725vr1y5sjp06GAwmWNmzpypGTNmKDMzUz4+Pvb27OxsPfLIIwaTOW7btm1avHix0tPTNXPmTHt75cqVNWvWLIPJHHPkyBHFxcXp9OnT+uGHH+ztlStX1uLFi80FK4L77rtPdevW1ciRIy97jEJCQgwmK5qYmBglJCSoTJkykqT7779fjRo1MpyqaKZMmaLvvvtOderUkSQlJSWpf//+Lltk9cYbb2jHjh2qVq2aJOm5555Thw4dnKrIiu0CAQAAAAAAAACAUxoxYoSOHj2qESNGKDAwUDabTYcOHdI777yj6tWra968eaYjAk6vf//+ql69ukaNGqXAwEBJUnJyst5++22lpaUpOjrabECgBPz222/2N+ldWWZmpjIyMjRy5Ei988479vYrbaXrSqKiohQREWE6RrH58ssv1bVrV9MxUIgGDRpo586d9u0BL1y4oEaNGrns9oeS1LBhQ+3atStfW2hoqBISEgwlKpqQkBDt3r07X1tBYzSJIisAAAAAAAAAAOCU6tatq3379l3WbrPZVLduXe3fv99AKsC11KtXT4mJidfdB7iiOXPm6IknntC4ceMK7J8xY0YpJ8LfJScnq1atWtq7d2+B/cHBwaWcqGi2bdum1q1b59v68K+6detWyomKbvz48Zo+fbr69+8vy7Iu61+5cqWBVEX39NNPa+fOnYqIiJBlWVq8eLFCQkLyrdblajp16qQHH3xQ4eHhsixLS5Ys0dKlS7VhwwbT0RzSp08f/eMf/9Bjjz0my7I0f/587dq1S5988onpaHZsFwgAAAAAAAAAAJySZVk6ceKEbr311nztJ06cKPBNPwCX8/Dw0L59+1S3bt187YmJiWy5CbdToUIFSZKXl5fhJMXj0Ucf1dKlS9W0adMC573t27cbSFU0jz/+uL744ot82zleYlmWDhw4YCCV4xYvXqzWrVsXWKhjWZZLFlndfffdki5up+dOZsyYofnz5+uTTz6RzWZT7969NXz4cNOxiuTtt9/WwIEDNXr0aEkXV7FatmyZ4VSOe+eddzRmzBiFhITIsix17Ngx3yp+zoCVrAAAAAAAAAAAgFOKiorSpEmT1KdPHwUEBMiyLCUnJ+vTTz/VlClT3GqbIaCkfPHFFxo2bJiaNm2a7zqKi4vTggUL3O5NdMCd7NixQ40bN9aWLVsK7G/Xrl0pJwJc17p169SlS5ertrmirKws2Ww2VapUyXSUIrnShyv+3mYSRVYAAAAAAAAAAMBpJScnKzo6WocPH5Yk+fv7q2/fvqpVq5bhZIDrOH36tL788st811GXLl3k7e1tOBlQvObOnVto/6hRo0opCa4kOzu70P6KFSuWUpLicaVtDy9xte0PJV1xu81LXHXbzUaNGik+Pv6qba6kWbNml61oV1Cbq3CFx4jtAgEAAAAAAAAAgNOqVauWnn76adMxAJfm5eWlfv36mY4BlLgffvjhin2uuM1s//79C829cuXKUkxTPLy9vWVZlgpaC8ayLOXm5hpI5biCtj28xBW3P5TcZ7vNS/bv36/ExESdPHlSa9eutbdnZmZetejP2eXk5OQ7zs3NVVZWlqE0jsvJydH58+eVl5enM2fO2J8fnPExosgKAAAAAAAAAAA4rdjYWCUnJ6tDhw7y9fW1ty9ZskSDBw82mAxwHR988IEOHDig7t27q2HDhvb2qVOn6tlnnzWYDCheixYtMh2hWLnjdp55eXmmIxSr5ORk0xGK3eTJk01HKFbbtm3T4sWLlZ6erpkzZ9rbK1eurFmzZhlM5riZM2dqxowZyszMlI+Pj709OztbjzzyiMFkjnnllVc0ZcoUSfmL/CpXrqynnnrKVKwCsV0gAAAAAAAAAABwSm+++abmzJmjO++8U999953mzZunPn36SHK+rUMAZ/X8889ry5YtCg0N1ccff6wJEyboiSeekMR1BPeVk5OjOXPmaMOGDbIsS506ddLjjz8uT0/WIHEmR44c0datW2VZlu6++27VqFHDdKQiiYuL08aNG2VZljp06KDGjRubjlQkp06d0sSJE/NdRy+//LIqVapkOppDoqKiFBERYTpGscjMzFRGRoZGjhypd955x95euXJlValSxWCyohk5cqTefvtt0zEKVcZ0AAAAAAAAAAAAgIK8++672rFjh1avXq0tW7ZowoQJWrZsmSQVuM0QgMt9/vnn2rhxo9544w3t3LlTy5cv16uvviqJ6wjua+zYsdq0aZOGDx+uyMhIbdq0SWPHjjUdy2FHjx7V/fffLy8vL3l5ealnz546evSo6VhF8tlnn6lhw4ZasWKF3n//fYWGhmr16tWmYzns3XffVZ8+fXT06FGlpaWpT58+WrBggelYRTJq1CidP3/e/hhduHBBo0aNMh3LYbm5ufrjjz/sx7///rveffddg4kcd/PNNyswMFDz5s2Tr6+vAgICFBAQoJtuukkpKSmm4zksPDxcp06dsh+fOnVKcXFxBhNdjpWsAAAAAAAAAACAUwoJCdHu3bvtx6mpqerUqZMmTJigOXPmsAIPcA3q16+vH3/80X588uRJde3aVV26dNGqVau4juCWQkJClJCQoDJlLq45kpOTo0aNGuWbU1xJjx491LJlS3uByzvvvKNt27a5dFFSo0aNtHLlStWpU0eSlJSUpP79+7vsc1JISIg2btyoatWqSZJ+++03dejQwWXPOUlq2LChdu3addU2VxEaGqqEhISrtrmSZs2a6ZtvvlGFChUkSWfOnNE999yj77//3nAyxzRq1Eg//PCDPDw8JF187m7evLl27NhhONn/Yz1EAAAAAAAAAADglDw9PXX8+HH5+PhIkvz8/LRx40Z17NjRpT+lD5Qmb29vHTx4UIGBgZIubiX01VdfqXPnzvrpp5/MhgNKiM1mU15enr3IymazufTKbSkpKfkKqiZMmKDQ0FCDiYouNzfXXmAlSbVr11ZeXp7BREV3qcDq0n9blmUwTdHl5ubq1KlT9u0BT58+7dKPUUHPAa48Hkk6f/68vcBKkm666SadO3fOYKKiycvLsxdYSRdfC+Tk5BhMdDm2CwQAAAAAAAAAAE5pwoQJSkpKytdWo0YNbdy4UQ899JChVIBrmTp1qjIzM/O1eXt7a/369Zo8ebKhVEDJ6ty5szp37qz3339fK1as0P3336+uXbuajuWwvLw8HTt2zH58/Phxly4akyQfHx9FRUXZx7FkyRLdeuuthlM5rk6dOnruueeUlpamo0ePasqUKapdu7bpWEUyaNAgtWjRQq+++qqmTp2qVq1aafDgwaZjOey2225TdHS0/Tg6OlrVq1c3mKjoLMvS8ePH7cfp6eku/dxQrly5fH/779+/X2XLljWY6HJsFwgAAAAAAAAAAJzSRx99pG7dusnLy8t0FMBlzZw5U7169VLdunVNRwFKTV5enubNm6eNGzfKZrOpU6dOioyMtK9s5WqWLl2qcePGqUePHrIsS2vXrtXUqVM1cOBA09EclpSUpEceeUQJCQmyLEuhoaFavny57rjjDtPRHHL8+HGNGTNGGzZskCR16tRJc+bMsa/G6aq+/PLLfNdRly5dTEdy2C+//KL//M//VG5urqSLBT2fffaZS8+PixYt0tSpUzVo0CBJ0nvvvafnn3/efuxq1qxZo2HDhql79+6SLp5/UVFRTnXeUWQFAAAAAAAAAACc0ujRo7Vu3Trdeeed6tWrl3r27Onyb1YCpe21117TZ599pszMTPXs2VO9e/dW48aNTccCcJ1+/PFHxcTEyGazqUOHDgoODjYdqVhkZWXJZrPZt6SD8zl27Jgsy5Kvr6/pKEWWm5urX3/9VZIUFBSUb2s6VxUTE6O1a9dKknr06KE2bdoYTlQ0iYmJ9mLFzp07O92KcBRZAQAAAAAAAAAApxYXF6dVq1bp888/V5UqVdSrVy/16tXLZVe7AEw4fvy4PvvsM3366adKTExU165d1atXL91zzz0uu7oPcCWpqakaPny4YmJiJEn33nuv5s6dq5o1a5oNVgRnzpzRrl27ZFmWQkJCdNNNN5mOVGQff/yxNmzYIMuy1KlTJ/Xp08d0JIdduHBBc+bMyTee0aNHq1y5cqajOWz37t16+OGHlZaWJkm6/fbb9f7776tBgwaGk12fc+fOqXz58srOzi6wv2LFiqWcCK6MIisAAAAAAAAAAOAy9u3bp1WrVunTTz9Vdna2EhISTEcCXE5WVpbWrl2rVatW6fvvv9eBAwdMRwKKVfv27dWtWzdFRkbKZrNpwYIFWrNmjTZv3mw6mkM2b96shx9+WLfddptsNpvS09O1YsUKtWvXznQ0h40bN06bN2+2b3n4/vvvq3379po2bZrhZI4JDw/X77//rvDwcEkXt3GrWrWqoqKiDCdzXLNmzfTMM8+of//+ki4WxU2fPl0//PCD4WTXp1GjRoqPj1eZMmVkWZa93WazybIs+/aBrmT8+PGaPn26+vfvn29Ml6xcudJAKsc9+uijWrp0qZo2bVrgeLZv324gVcEosgIAAAAAAAAAAC4jMzNTN998s6SL29dUr17dcCLAtV24cEFly5Y1HQMoVmFhYdq5c+dV21xFgwYNtGDBAjVv3lzSxYKDiIgI7dmzx3AyxwUFBSkhIcG+IteZM2cUGhpq38rN1QQHB+unn36yF4jk5uaqQYMG2rt3r+FkjmvSpIni4uLytTVt2tTliqzc0erVq9WjRw8tWbKkwP7BgweXcqKi2bFjhxo3bqwtW7YU2O9MBaWepgMAAAAAAAAAAABcq7CwMPuqOxRYAVfXpEkTDRw4UAMHDtStt956WT8FVnBHtWvX1v79+1WnTh1J0v79+3XXXXcZTuU4Ly8ve4GVdHGFIS8vL4OJiq5GjRoqX768/bhcuXKqUaOGwURFU6NGDZ09e9ZeNHb+/Hn5+fkZTlU0ISEh+p//+R+1adNGkrR169Z856Gr6N27t4YNG6auXbu6zfa4eXl5ys3NdbliqivZunWratWq5VTFVFfiHmcQAAAAAAAAAABwOz4+Ppd9HT58WNWqVZOPj4/peIBLOHr0qDZu3KiAgAD1799fX331ldjoBu7u5MmTatiwoTp37qzOnTsrNDRUGRkZGjBggAYMGGA63nVr06aNli1bZj9evny5unbtajBR0YWGhqpbt25asWKFVqxYoR49eqh169Zau3at1q5dazredbvjjjvUsmVLTZ06VVOnTlXr1q0VHBysuXPnau7cuabjOSQ+Pl733HOPgoKCFBQUpHbt2ik2NlbNmjVTs2bNTMe7Zm3atNGzzz6rmjVrauLEidq/f7/pSEU2efJk+fn5afz48UpMTDQdp8g2bdqkgIAAPfDAA/r6669NxykU2wUCAAAAAAAAAACn1KFDB91xxx2aMGGCPD09ZbPZ1KZNG23dulWSFBAQYDgh4PwubZGWlpam9957T4sWLdKZM2c0ZMgQhYeHKzAw0HREoNhdaQutS1xt9Zdq1arp999/t6/8dO7cOVWtWlWSZFmWjh8/bjKeQ9q3b3/FPsuytGnTplJMU3RDhw69Yp9lWVq4cGEppikeV9q67RJXWHXor7Zv365Fixbpww8/VEhIiCIiItS/f39VqFDBdDSHxMXFadGiRfrggw8UHBysiIgIDRgwQBUrVjQdzSHHjx/XkiVLtHjxYmVlZWno0KEaOnSo0/29T5EVAAAAAAAAAABwWm+++aY+/PBDzZ07Vw0aNNAdd9xh3y4QwNU1atRI8fHx+dq++eYbLVq0SJ988okyMzMNJQNwrQ4dOlRov7MVIcC9pKeny7Ist1lF9OzZs4qOjtasWbOUnJysjIwM05GK5Ny5c4qOjtaiRYsUFxen/v37a/78+aZjFcm3336rRYsWKTo6Wk2aNNH69etNR7Jju0AAAAAAAAAAAOC0Ro8erYULF2rMmDH617/+pby8PNORAJdS0HoLbdu21aJFi3TkyBEDiYCSd/ToUd1///3y8vKSl5eXevbsqaNHj5qO5bCAgAD5+Pjo2LFjSk9Pl4+PjwICAuxfrio6OlojR47UqFGjtGrVKtNxiiQnJ0ezZs1S165d1a1bN73++uvKyckxHatIfv75ZzVo0EB33nmngoKCFBISol9++cV0rCLJzc3VunXr9OGHHyopKUk9e/Y0HanIypcvrwEDBmjkyJGqXbu2PvjgA9ORiqxu3br6xz/+IV9fXyUlJZmOkw9FVgAAAAAAAAAAwKnVrVtXmzZtUsWKFdWgQQPTcQCX8tprr12xz9vbuxSTAKUnMjJSrVq10pEjR3TkyBG1atVKkZGRpmM57Ntvv1Xt2rU1YsQIRUZGqk6dOoqNjTUdq0hefPFFvfLKKwoKClK9evX0yiuv6OWXXzYdy2Fjx47Vpk2bNHz4cEVGRmrTpk0aO3as6VhFMmrUKD377LPKyMhQRkaGJk6cqJEjR5qO5ZCffvpJY8eOVY0aNTR16lR1795dKSkpV91a1Nnt2bNH//Vf/6Xbb79dr732mkaMGKG0tDTTsRySl5en1atXq3fv3qpTp47i4uL0xhtvOF2RFdsFAgAAAAAAAAAAAADcRmhoqBISEq7a5ipatGihWbNmqXXr1pIuFl2NHTtW3333neFkjgsJCdF3332nihUrSpJOnz6tli1bavfu3YaTOSYkJEQJCQkqU+biOjc5OTlq1KiRy45HKviaCQsL086dOw0lckzTpk116NAhPfLIIwoPD3eLgv25c+dq4cKFSk1N1cCBAxUeHq7g4GDTsRz2zDPPaPny5fL19VV4eLgGDhyoKlWqmI5VIFayAgAAAAAAAAAATik7O1sTJ05UrVq1VL58eZUvX1533HGHJk6cqKysLNPxAJfAdYQbUV5eno4dO2Y/Pn78eIFbZ7qKs2fP2gusJKlVq1Y6e/aswURFZ7PZ7AVWkuTl5eXSj5HNZsu3pbHNZnPp8UiSh4eH9u7daz/+9ddf7UVkruSZZ55RamqqXn/9dbcosJKkL774Qs8++6xSUlL02muvuXSBlXSxyHL16tXauXOnHn/8cactsJIkT9MBAAAAAAAAAAAACjJ48GBVr15da9euVWBgoCQpOTlZb7/9tgYPHqzo6GizAQEXwHWEG9EzzzyjsLAw9ejRQ5Zlae3atZo6darpWA6rWLGiNmzYoI4dO0qSYmJi8hUouaJmzZpp0KBBGjFihCzL0rvvvqumTZuajuWwzr7TYdcAACAASURBVJ07q3PnzoqIiJBlWVq8eLG6du1qOlaRvPLKK2rXrp3CwsJkWZYSEhK0dOlS07Gu24ABA0xHKHZr1641HaFYzZ0713SEa8Z2gQAAAAAAAAAAwCnVq1dPiYmJ190H4P9xHeFG9dNPP2nz5s2y2Wzq0KGDS6/0EhcXp759+6p8+fKyLEvnzp1TdHS0GjdubDqaw06fPq2XXnpJGzZskM1mU6dOnfTCCy/Iy8vLdDSH5OXlaf78+fnGExkZ6ZIrP/3Vb7/9pu+//142m00tW7bUrbfeajoSYBQrWQEAAAAAAAAAAKfk4eGhffv2qW7duvnaExMT5eHhYSgV4Fq4jnCjyc3NVZcuXfT111/rrrvuMh2nyGw2m26//Xbt379fv/76q2w2m+68806VLVvWdDSH5ebmasGCBZo2bZrpKMUiNzdXEydO1PTp0zVixAjTcYpFbm6uQkNDtWfPHt1///2m4wBOgyIrAAAAAAAAAADglGbOnKk2bdqoadOmCggIkGVZSk5OVlxcnBYsWGA6HuASuI5wo/Hw8JDNZlNubq7bFBJ27dpVCQkJql+/vukoxcLDw0PR0dF64oknTEcpFh4eHtq+fbvpGMXKw8NDfn5+OnPmjG666SbTcQCnwXaBAAAAAAAAAADAaZ0+fVpffvmlDh8+LEny9/dXly5d5O3tbTgZ4Dq4jnCjef7557Vr1y49+uij+c7zbt26GUzluL59+2r+/PmqWrWq6SjF5qWXXlK9evX0wAMPmI5SLGbPnq0LFy5o6NCh+c65ihUrGkxVNE888YS2bdumAQMG5BvTqFGjDKZyXHx8vCZOnKgDBw4oJyfH3n7gwAGDqYomJydH0dHRSkpKyjemSZMmGUzluD///FPz5s27bDwLFy40mCo/iqwAAAAAAAAAAIBTeuyxx9S7d2/dc8898vRkcw7AEVxHuBG1b9/+sjbLsrRp0yYDaYpu0KBBiomJ0f3335+v2GXGjBkGUxVNtWrV9Pvvv+umm26Sl5eXbDabLMvS8ePHTUdzSJkyZez/bVmWfTy5ubkGUxXN0KFDL2uzLMupCl6uR4MGDTR69Gi1bNky3yp3rrytaL9+/XTs2DE1a9Ys35hmzpxpMJXjOnbsqGrVql32GD32v+zde1jUZf7/8dcHUBERtcTDZoFpoG6e8QShqKiJ5pqam0mr2W6llm22m5ulZml5qnXNyyxNM7WDpyw3My3FCjA8okmgcfAEHtCkXEScYX5/9HO+kkrbzKw3Q8/Hdc11zdwfDs8PNPSH7+u+R482WFUaQ1YAAAAAAAAAAKBcWrVqldauXaukpCRFRkbq7rvvVu/evb16VwjgeuN9BHi/yZMnX3V90qRJ17nEcw4dOnTV9ZCQkOtcgmvJz89X7dq1f3HNW7Rq1Up79uwxneFR4eHhSk9Pl2VZplM84ve//732799vOqNMPr/8IQAAAAAAAAAAANffoEGDtGzZMh04cEDDhg3T5s2b1aJFC/Xr10+LFi1Sfn6+6USg3ON9hN+i9u3b/1dr3uLuu+/WpEmTSj3uvvtu01luWbp0qUJCQko9li5dajrLZVc7Qs9bj9W7pGfPnv/VmreIiorS7t27TWd41C233KKLFy+azvCYRo0aqaCgwHRGmdjJCgAAAAAAAAAAeJWUlBR98MEH+ve//619+/aZzgG8Eu8jVGRt2rTRrl27nK/tdruaN2+utLQ0g1Wu+/n9XGvNm1S0e7pae+vWrb1yqMdms6m4uFiRkZFKTk7WpZGSgoICde3aVenp6YYLXdO6dWulpaUpPDxc/v7+zvWUlBSDVe4ZPXq0UlNTNWDAgFL35K0DfkOHDlVKSop69+5d6n7K09GoHLwMAAAAAAAAAAC8Svv27RUfH68DBw6YTgG8Fu8jVEQzZ87UjBkzVFBQoDp16jjXCwsLNXToUINlrsnPz9fJkydVVFSkb7/9ttSwy3/+8x/Dda7ZtGmTNm7cqNzcXD311FPO9fK+e821rFy5UitWrFBOTo4GDx7sXC8oKFC1atUMlrlu6tSpmjx5sizLKnUPQUFBevLJJw2WuWf27NmmEzyusLBQt912W6lhaW8+OjAsLExhYWGmM8rEkBUAAAAAAAAAACiXytpx5Ny5c9exBPBevI/wW/LQQw/pnnvu0ciRIzV//nznelBQkGrVqmWwzDXLly/X7NmzlZubq7i4OOd6jRo1Sg0oeZPKlSsrMDDwigGe+vXr6+mnnzZY5pqwsDD16dNHKSkp6tOnj3M9KChI3bt3N1jmuktHUo4cOVKvvfaa6RyPsNvtWrhwoVcfSflzdrtdffv21cCBA02neITdblfNmjX1+OOPm04pE8cFAgAAAAAAAACAcsnHx0ehoaG62j9lHDt2TMXFxQaqAO/C+wi/VSdPnlRGRoaio6Nls9lUUlKiypUrm85yyQsvvKAJEyaYzvCo1NRUtWzZ0nSGx5w6dUrBwcGy2Wzy86s4e93s2bNHaWlpuu+++3T27FmdP39e9evXN53lkm7dumnz5s2mMzwqKipKiYmJpjM8pkuXLtq6davpjDL5mA4AAAAAAAAAAAC4mpCQEH311VfKzs6+4lG3bl3TeYBX4H2E36IPPvhA7du31/333y9J2r9/v/r372+4ynUTJkzQhx9+qOnTp0uScnNzSx0P5o1q166t/v37q23btpJ+Gubx5uPcTp06pVatWqlhw4aSpJ07d2rcuHGGq9wzf/58DRs2zDngd/r0aa88dvOS2NhYjRw5UikpKUpLS3M+vFlERISSk5NNZ3hMbGys3n//fdMZZWLICgAAAAAAAAAAlEv9+vVTVlbWVa/94Q9/uM41gHfifYTfoqlTp2rnzp3OIwJbtmypQ4cOGa5y3XPPPaf58+frzTfflCRZlqVHHnnEcJV7Hn74YQ0aNEg2m02SdPvttzvvzxuNHj1ac+fOVe3atSVJbdq00ccff2y4yj2vv/66tm3bpqCgIElSo0aNdPLkScNVrluwYIE2bNigP/7xj+rTp4/69Omjvn37ms5yyxdffKHo6Gg1a9ZM7du3dz681Zw5czRkyBBVq1ZNderUUXBwsOrUqWM6q5SKs08dAAAAAAAAAACoUP71r39d89rcuXOvYwngvXgf4bfIx8dHN954Y6k1bz0qUJLWrl2rnTt3KiIiQpJUv359/fjjj4ar3HP8+HHFx8fr5ZdfliT5+fl59TF7P/74o+644w7na8uyVKlSJYNF7qtcubKqVq1aas2bf0fZ2dmmEzzOm3d/u5odO3aYTvhF3vsOAAAAAAAAAAAAAADgZ6pXr64TJ07IsixJ0pYtW5y7Wnkjf39/+fr6ms7wKD8/PzkcDufr77//XiUlJQaL3OPn56eLFy86/5s7evSofHy8+2Cx4OBgHThwwHlPS5cu1c0332y4yj0ffvih0tPTNW7cOOXm5ur06dNq3ry56SyXdenSRXa7XUeOHFFoaKjpHLeFhITo5MmTysjIUHR0tGw2W7n7u+Dd72oAAAAAAAAAAAAAAC4zffp0xcXFKTs7WzExMYqPj9esWbNMZ7ksJCREX331lSzLUklJiaZMmeLVgyGSdM899+iRRx7Rjz/+qLfeeku9evXSgw8+aDrLZY8++qjuvvtu5efn67nnnlPnzp3197//3XSWW2bPnq34+HhlZGQoNDRUL730klfvnFQRj9388ssvFRISos6dO0uStm/frvvvv99wlevWrFmj9u3bO+9h//796t+/v+Gq0izH5eOhAAAAAAAAAAAAAAB4uYKCAiUlJcnhcCgyMlI1a9Y0neSyEydOaNiwYdq8ebN8fHwUHR2t5cuXq06dOqbT3PLuu+9q7dq1cjgc6tevn+Lj400nuSUpKUkffvihHA6H7rrrLkVHR5tOcltJSYkyMjLkcDgUHh7u1TuqtWrVynns5u7duyVJLVq00N69ew2Xua5Tp05atmyZBg0a5Lyn3//+99q/f7/hMtdERETo008/VWxsbLm9H44LBAAAAAAAAAAAAABUKDVq1FDv3r1NZ3hE3bp1tWHDBhUWFqqkpESBgYGmkzxiyJAhGjJkiOkMj4mMjFRkZKTpDLcVFhaWeh0SEiJJunDhgiQpICDgujd5QkU8dtNms6lRo0al1ipXrmyoxn0+Pj668cYbS62Vt/thyAoAAAAAAAAAAAAA4PWutbOTw+GQZVk6efLkdS5yT1paWpnXmzVrdp1KPOepp54q8/qMGTOuU4lnDB48uMzrK1asuE4lnhMYGCjLsiT99N65nGVZstvtJrLc9vNjN1988UWvP3bT399f586dc/6+9u/fL39/f8NVrqtevbpOnDjhvJ8tW7aoVq1ahqtKY8gKAAAAAAAAAAAAAOD1qlWrpuDgYD344IPq0aOH1+9ac/vtt6tBgwby8/O76rBLVlaWoTLXzZo1S+3atdOdd94pHx8f0zluW716tSIiInTfffd59ZGUl4uOjlZRUZFGjBihIUOGKCgoyHSSR8yZM0fDhg3TN998o4CAAOexm95swoQJ6tWrl3JzczV8+HBt2LBBy5YtM53lsmnTpikuLk7Z2dmKiYnRwYMHtW7dOtNZpViOn/81BgAAAAAAAAAAAADAC33++edatGiRduzYocGDB+uBBx7QrbfeajrLJX/605+UnJysQYMGacSIEbrttttMJ7lt8+bNWrx4sbZt26bBgwdrxIgRVxx35k2ys7O1aNEivf/++2rXrp1GjBih7t27m85yW2ZmphYtWqRVq1apffv2evDBBxUTE2M6yyMq2rGb2dnZ2rBhgxwOh3r27KnGjRubTnJLQUGBkpKS5HA4FBkZWe6GFxmyAgAAAAAAAAAAAABUKAUFBVq+fLmef/55TZkyRX/+859NJ7nkxx9/1HvvvadFixapUqVKGjFihAYPHqyAgADTaW754Ycf9O6772rx4sWqWrWqpk2bpg4dOpjOcpnD4dDGjRv15ptvau/evZozZ4569uxpOsttJSUl+uCDDzRq1CiNGzdOY8eONZ3klry8PGVnZ8tmsznXOnfubLDIPVOmTNGzzz77i2veYtSoUZo3b94vrpnEcYEAAAAAAAAAAAAAgArjxIkTWrJkiZYsWaLWrVurTZs2ppNcVr16df3lL3/RX/7yF23cuFHx8fE6efKknnrqKdNpbgkKClK/fv105swZzZkzR+np6V49ZGVZlm644QbVqlVLRUVFKiwsNJ3ktp07d+rNN9/U+vXrNWDAAPXr1890klumTp2qmTNn6tZbb3UeJWpZllJSUgyXuW7NmjVXDFRdbc1bbNu27Yq15ORkAyXXxpAVAAAAAAAAAAAAAMDrffTRR3rzzTd18OBBxcfHa+PGjbrppptMZ7nFZrPpww8/1JtvvqnDhw/rySef1AMPPGA6y2V2u935e8rOztb999+vXbt2qX79+qbTXJKfn6+lS5fqrbfeUt26dTVixAjNmTNHVapUMZ3msjlz5mjx4sW68cYbNWLECL3yyivy9/c3neW2RYsW6bvvvlPt2rVNp7ht06ZN2rhxo3Jzc0sNXBYUFBisct3KlSu1YsUK5eTkaPDgwc71goICVatWzWDZlTguEAAAAAAAAAAAAADg9Xx8fBQREaHOnTvLx8fniuszZswwUOW6sWPHau3aterWrZtGjBihyMhI00luq1evnm655RaNGDHiqse0NWvWzECV66pUqaKWLVvqgQceUEhIyBXX4+LiDFS5x8fHR23atFHDhg1lWdYV11esWGGgyn1RUVFKTEw0neERW7duVUJCgubPn69HHnnEuR4UFKS7775boaGh5uJckJqaqt27d2vSpEl6/vnnnetBQUHq3r27goKCDNaVxpAVAAAAAAAAAAAAAMDrPffcc1cdCrlk0qRJ17HGfT4+PgoPD1dgYOBV78sbjzkLDQ113otlWbp8XMGyLGVlZZlKc0lMTMw1/5uzLEubN2++zkXuW7JkSZnXhw0bdp1KPCMtLU2StGrVKhUUFGjo0KGldubytsG+y6Wmpqply5amMzzm1KlTCg4OliQ5HA6dO3dO1atXN1xVGkNWAAAAAAAAAAAAAACUM1u3bi3zepcuXa5TCeC9GjZseM1r3jjYd7mJEydq7NixqlGjhvr27auvv/5ar7/+ugYOHGg6zSUPPvigXn75ZQUEBKhdu3Y6ePCgZs2apVGjRplOc2LICgAAAAAAAAAAAAAAAPAiLVu2VGpqqjZt2qS5c+dqxowZGjJkiHbt2mU6zSWtWrXSnj17tG7dOq1evVpz5sxRdHS0UlNTTac5XXkQLQAAAAAAAAAAAAAAAFBB9O/f/79a8yY+Pj+N/GzdulX33HOPwsPDDRe559IeUV988YX69u2roKAg5z2WF+WrBgAAAAAAAAAAAAAAAPCgw4cPX7GWmZlpoMRzqlWrpmnTpum9995Tjx49VFJSouLiYtNZLqtXr54eeeQRrVy5UrGxsbp48aLsdrvprFIYsgIAAAAAAAAAAAAAAECFs2DBArVr104HDhxQ+/btnY/w8HA1bNjQdJ5b3nrrLR0/flwzZsxQ3bp1lZWVpaFDh5rOctny5cvVpEkTvffee6pZs6aOHTumsWPHms4qxXJc2m8LAAAAAAAAAAAAAAAvt2vXLo0fP15ZWVmy2WzO9aysLINV7ikpKdHx48dL3c8tt9xisMg9NptNq1evVmZmZql7mjhxosEq1509e1avv/76FfezaNEig1Xu2bBhg/76178qKytLdrtdDodDlmWVu52FfsmhQ4eUnZ2tkSNHav78+c71oKAgtWjRQr6+vgbr8HMnT55URkaGoqOjdfHiRTkcDlWuXNl0lpOf6QAAAAAAAAAAAAAAADxl2LBhevTRR9WpU6cKMUDx1ltvacyYMapUqZJ8fH46rMqyLJ08edJwmevuvfdeHT9+XO3bt68Qv6NBgwYpODi4wvw3J0ljxozRq6++6vX3FBISogYNGigiIkJdunQxneNR+fn5ev7557Vnzx4VFRU511NSUgxWuW7NmjXOnatycnKUlpamp59+WuvXrzdc9n8YsgIAAAAAAAAAAAAAVBi+vr56+OGHTWd4zAsvvKCUlBQ1adLEdIrH7Nu3T+np6bIsy3SKR+Tl5emzzz4zneFRQUFB6tWrl+kMj/D19dWxY8dMZ3jciBEjFBUVpQ0bNujll1/W66+/rtatW5vOctmLL76onTt3KjY2VpLUsmVLHTp0yHBVaT6mAwAAAAAAAAAAAAAA8JSoqCjt3r3bdIbHBAcHV6gBK+mnow4vXrxoOsNjGjVqpIKCAtMZHtWnTx/9+9//Np3hMbGxsRo5cqRSUlKUlpbmfHizw4cPa9y4cfL399ddd92lNWvWKCkpyXSWy3x8fHTjjTeWWitPRwVK7GQFAAAAAAAAAAAAAKhAkpKStHDhQoWHh8vf39+57q1HaA0YMEBz587VfffdV+p+AgICDFa5JywsTN26ddOAAQNK3dOoUaMMVrmuevXqioiIUO/evUvdz4wZMwxWuWfevHk6ffq0AgMD5e/vL4fD4dXHVC5YsECStGHDBueaZVnKysoyleS2SwNIVapU0ZkzZ1SzZk0dPXrUcJXrqlevrhMnTjh3uNuyZYtq1apluKo0hqwAAAAAAAAAAAAAABXG7NmzTSd41D/+8Q9J0pgxY2RZlnPYxW63Gy5zXWFhoW677Tbt27fPuebNRweGhYUpLCzMdIZH7dixw3SCR2VnZ5tO8Ljw8HCdOXNG8fHx6tixo2rUqOHVxwVOnz5dcXFxys7OVkxMjA4ePKh169aZzirFcjgcDtMRAAAAAAAAAAAAAAC4y263a/jw4Vq6dKnpFFyD3W7X2rVrNXDgQNMpHmG32zV37lw9/vjjplM8xm63684779SmTZtMp3jUjh079Pnnn8uyLHXv3l1t27Y1neQxiYmJ+v7779W7d2/5+vqaznFZQUGBkpKS5HA4FBkZqZo1a5pOKsXHdAAAAAAAAAAAAAAAAJ7g6+urY8eOmc7wGLvdrubNm5vO8ChfX1+98sorpjM8xtfXV2vWrDGd4VG+vr5yOBxevVvazy1YsEADBgxQXl6ecnNzNWDAAC1cuNB0lkvS09Odz202myQpKipKffv21bZt20xluWzKlClKTEyUzWZTjRo11Lt3b8XFxZW7ASuJISsAAAAAAAAAAAAAQAUSGxurkSNHKiUlRWlpac6HN/L19VWDBg10/vx50ykeFRERoeTkZNMZHhMbG6v333/fdIZHdezYUf3799eKFSu0fv1658Nbvfrqq9q5c6dmz56t2bNna8eOHZozZ47pLJfcd999zuft27cvde2xxx673jluy8nJ0bBhw1SzZk316tVL06ZN09dff10uh/w4LhAAAAAAAAAAAAAAUGE0bNjwijXLspSVlWWgxn2PP/64EhMTNXjwYAUGBjrXR40aZbDKPa1bt9a+ffsUFhZW6p5SUlIMVrkuODhYp0+fVtWqVVWtWjU5HA5ZlqWTJ0+aTnNZ165dr1izLEubN282UOO+Fi1aaO/evaXWWrZsqdTUVENFrmvdurV27959xfOrvfYmR44cUUJCghISErRlyxbl5+crOjpaH3/8sek0Jz/TAQAAAAAAAAAAAAAAeEp2drbpBI/64Ycf1Lx5c3377bfONcuyDBa5b/bs2aYTPGrHjh2mEzxuy5YtphM8qnHjxnrmmWc0evRoWZalN954Q40aNTKd5ZLL3/8//1vgzX8bbr75Zg0ZMkQNGzZUaGioli1bpj179pjOKoUhKwAAAAAAAAAAAABAhfLhhx8qPT1d48aNU25urk6fPq3mzZubznLJ4sWLTSd4XJcuXWS323XkyBGFhoaaznFbSEiITp48qYyMDEVHR8tms6mkpMR0llvsdrvmzp2r7777Tq+++qoyMzN16NAhdevWzXSaS+bPn68xY8aoRYsWsixLsbGxmj9/vukslxQVFenbb7+Vw+Eo9fzSNW+TnJysLVu2aMuWLTp8+LDatWunzp07a926dQoLCzOdVwrHBQIAAAAAAAAAAAAAKoznnntOX3/9tTIzM3XgwAHl5eVp0KBBSkxMNJ3mkh9++EETJ05UTk6O1q5dq7S0NKWmpmrIkCGm01z25ZdfasiQIfLx8dHhw4e1fft2zZkzR0uXLjWd5pI1a9Zo7NixkqScnBylpqbq6aef1vr16w2XuW7UqFG6ePGivvrqK3377bc6e/asevTooe3bt5tO+80LDQ295o5V3ng0qo+Pjzp27KiJEyfqzjvvNJ1TJoasAAAAAAAAAAAAAAAVRqtWrbRz505FRERo9+7dkqQWLVpo7969hstcc99996lZs2Z677339M033+j8+fPq1KlTuTtG69fo1KmTli1bpkGDBjl/R7///e+1f/9+w2WuiYiI0KeffqrY2NgKcT/ST++jPXv2qHXr1s57atmypVJTUw2X/TpffPFFmdc7d+58nUpwLQkJCdq6dasSEhJ07NgxdejQQV26dFFMTIwaN25sOq8UjgsEAAAAAAAAAAAAAFQY/v7+8vX1NZ3hMenp6XrnnXe0evVqSVLVqlXl7Xup2Gw2NWrUqNRa5cqVDdW4z8fHRzfeeGOpNW++H+mn99Hl7Ha7Vx6B+OSTT16xZlmWcnNzlZeXJ7vdbqAKl4uJiVFMTIwmTZqk4uJiJScnKyEhQX379tW5c+d09OhR04lODFkBAAAAAAAAAAAAACqMkJAQffXVV7IsSyUlJXrxxRfVvHlz01ku+/mwzvnz571+yMrf31/nzp1zHnm2f//+K4Z6vEn16tV14sQJ5/1s2bJFtWrVMlzlnhYtWmj58uVyOBzKycnRSy+95JW7Pv38eMMzZ85oypQpWrZsmSZPnmyoCleTm5urLVu2KCEhQZs3b9bJkycVFRVlOqsUH9MBAAAAAAAAAAAAAAB4ypw5czRlyhR98803CggI0NatW/XPf/7TdJbLunbtqhdffFEXLlxQQkKC/vjHP6p///6ms9wyYcIE9erVS7m5uRo+fLi6d++uF154wXSWy6ZNm6a4uDhlZ2crJiZG8fHxmjVrlukst7zyyiv64osvlJeXpw4dOqikpETTp083neWyoqIivfTSS2ratKlKSkqUlpamZ5991nQWJD300EMKCwtTWFiYFi9erNDQUC1dulTff/+9NmzYYDqvFMvh7SOuAAAAAAAAAAAAAAD8TGFhoUpKShQYGGg6xS02m00zZ87U2rVr5XA41K9fP/3jH/+Qn593H1yVnZ2tDRs2yOFwqGfPnmrcuLHpJLcUFBQoKSlJDodDkZGRqlmzpukkt+Tn56t27dq/uFbelZSUaOHChXrhhRfUpUsXvfDCC2rYsKHpLFxm8uTJ6tq1qzp27Fjuj9lkyAoAAAAAAAAAAAAAUKHk5eUpOztbNpvNueaNR51VVFOmTLliF6GrrXmLUaNGad68eb+45k3atGmjXbt2/eJaedesWTNduHBBkydPVps2ba56HfhvMWQFAAAAAAAAAAAAAKgwpk6dqpkzZ+rWW2+Vr6+vJMmyLKWkpBguc43NZtPq1auVmZlZamhs4sSJBqvcU1EGeC65Wnvr1q21e/duQ0Wus9lsKi4uVmRkpJKTk3VppKSgoEBdu3ZVenq64cJfJzQ0VJZlSfrp78DlIzKWZSkrK8tUGryQd+8fCAAAAAAAAAAAAADAZRYtWqTvvvvO6441u5Z7771Xx48fV/v27Z1DY95q06ZN2rhxo3Jzc/XUU0851wsKCgxWuW7lypVasWKFcnJyNHjwYOd6QUGBqlWrZrDMdVOnTtXkyZNlWVapewgKCtKTTz5psMw1OTk5phNQgTBkBQAAAAAAAAAAAACoMOrVq1dhBqwkad++fUpPT3fuxuPNKleurMDAwCsGeOrXr6+nn37aYJlrwsLC1KdPH6WkpKhPnz7O9aCgnhsnowAAIABJREFUIHXv3t1gmesmTZqkSZMmaeTIkXrttddM5wDlCscFAgAAAAAAAAAAAAC8XlpamiRp1apVKigo0NChQ+Xv7++83qxZM1NpbunRo4c+/vhjVa5c2XSKx6Smpqply5amMzzm1KlTCg4OliQ5HA6dO3dO1atXN1zlniNHjqhu3bqqXLmyEhMTtXv3bg0bNszr7wtwB0NWAAAAAAAAAAAAAACv17Bhw2tesyxLWVlZ17HGffPmzZMk7d+/X6mpqRowYECpobFRo0aZSnPbxIkTNXbsWNWoUUN9+/bV119/rddff10DBw40neaSBx98UC+//LICAgLUrl07HTx4ULNmzfLq31GbNm2UlJSk06dPq2PHjrrjjjtks9m0cuVK02mAMRwXCAAAAAAAAAAAAADwetnZ2aYTPGr79u3O57fddpv27dvnfO3tRwd++OGHev7557Vp0yb5+fkpMTFRQ4YM8dohq507d6pmzZpat26dWrdurS+//FLR0dFePWQlSf7+/vr444/18MMP69lnn61Qu48BrmDICgAAAAAAAAAAAABQYfTv319r1679xbXybvHixZKk/Px81a5du9S1/Px8E0ke4+PjI0naunWr7rnnHoWHhxsucs+lA8S++OIL9e3bV0FBQc579FYXLlzQhQsXtGnTJv31r381nQOUC979rgYAAAAAAAAAAAAA4DKHDx++Yi0zM9NAiWf07Nnzv1rzJtWqVdO0adP03nvvqUePHiopKVFxcbHpLJfVq1dPjzzyiFauXKnY2FhdvHhRdrvddJZbhgwZonr16unw4cOKjIxUXl6eAgICTGcBRjFkBQAAAAAAAAAAAADwegsWLFC7du104MABtW/f3vkIDw9Xw4YNTef9ajabTYWFhSopKdH58+dVWFiowsJC5eXlqbCw0HSeW9566y0dP35cM2bMUN26dZWVlaWhQ4eaznLZ8uXL1aRJE7333nuqWbOmjh07prFjx5rOcsuzzz6r7OxsJScny7IsVa9eXatWrTKdBRhlOS7tWwcAAAAAAAAAAAAAgJc6dOiQsrOzNXLkSM2fP9+5HhQUpBYtWsjX19dg3a83efJkTZ48WZZl6fJ/1g8KCtKTTz6pCRMmGKzDz508eVIZGRmKjo7WxYsX5XA4VLlyZdNZbjlx4oT279+voqIi51pcXJzBIsAshqwAAAAAAAAAAAAAABWC3W7X8OHDtXTpUtMpHjNy5Ei99tprpjM8Kj8/X88//7z27NlTaoAnJSXFYJXr1qxZ49y5KicnR6mpqXr66ae1fv16w2Wue+uttzR58mSdPn1at912m1JTU9WxY0d99dVXptMAYzguEAAAAAAAAAAAAABQIfj6+urYsWOmMzyqog1YSdKIESN000036fjx45owYYLq1KmjXr16mc5y2YsvvqidO3eqVq1akqSWLVvq0KFDhqvc88orr2jXrl1q1KiRdu7cqc2bN6tJkyamswCjGLICAAAAAAAAAAAAAFQYsbGxGjlypFJSUpSWluZ8eCsfHx/5+vpe8fBmhw8f1rhx4+Tv76+77rpLa9asUVJSkuksl/n4+OjGG28stebtRwVWqlRJtWrVks1mkyR17tzZq99HgCf4mQ4AAAAAAAAAAAAAAMBTFixYIEnasGGDc82yLGVlZZlKcsuPP/7ofH7+/Hm9/fbbKi4uNljkvksDSFWqVNGZM2dUs2ZNHT161HCV66pXr64TJ07IsixJ0pYtW5y7WnmrKlWqyOFwKCwsTK+++qpCQkKUn59vOgswiiErAAAAAAAAAAAAAECFkZ2dbTrBo6pVq1bq+dixYxUTE6N//OMfBqvcEx4erjNnzig+Pl4dO3ZUjRo11Lp1a9NZLps+fbri4uKUnZ2tmJgYHTx4UOvWrTOd5ZYpU6bohx9+0IwZM/TII4/o7NmzmjdvnukswCjL4XA4TEcAAAAAAAAAAAAAAOApO3bs0Oeffy7LstS9e3e1bdvWdJLHHDx4UHfeeacyMzNNp3hEYmKivv/+e/Xu3durj0EsKChQUlKSHA6HIiMjVbNmTdNJADzMx3QAAAAAAAAAAAAAAACesmDBAg0YMEB5eXnKzc3VgAEDtHDhQtNZLgsODladOnVUp04d3XDDDYqIiNDEiRNNZ7kkPT3d+dxms0mSoqKi1LdvX23bts1UlsumTJmixMRE2Ww21ahRQ71791ZcXJxXD1j99a9/dT6fO3duqWv333//9c4ByhV2sgIAAAAAAAAAAAAAVBgtWrTQ559/ruDgYEnSqVOn1L17d+3du9dwmWsOHTrkfO7n56d69ep57Y5Pbdq00a5du654frXX3uDPf/6zEhISdPz4cUVFRalr167q2rWrIiIi+B0BFRA7WQEAAAAAAAAAAAAAKpRLA1aXnluWZbDGPSEhIapTp46OHz+uY8eOqbi42HSSyy7fA+bn+8F44/4wCxcu1Hfffadvv/1W8fHxOnjwoIYMGaJatWqpT58+pvNcUtbvCPit8zMdAAAAAAAAAAAAAACApzRu3FjPPPOMRo8eLcuy9MYbb6hRo0ams1yWlJSkQYMGqW7dunI4HDp16pRWrVqlTp06mU771S4fdvv54Js3D8LdfPPNGjJkiBo2bKjQ0FAtW7ZMe/bsMZ3lkrJ+R8BvHUNWAAAAAAAAAAAAAIAKY/78+RozZoxatGghy7IUGxur+fPnm85y2dixY7Vy5UpFRUVJ+mno6oknntC2bdsMl/16RUVF+vbbb+VwOEo9v3TN2yQnJ2vLli3asmWLDh8+rHbt2qlz585at26dwsLCTOe5JDs7W4MHD77iucPhUE5OjsEywDzLwf5uAAAAAAAAAAAAAACUS61atbpiV6SrrXmD0NDQa+6OZFmWsrKyrnORe3x8fNSxY0dNnDhRd955p+kcj1iyZEmZ14cNG3adSoDyh52sAAAAAAAAAAAAAABe74svvijzeufOna9TiWcFBATos88+U2xsrCQpISFBAQEBhqtcU9F2Qtq8ebO2bt2q6dOna8yYMerQoYO6dOmimJgYNW7c2HSeSxiiAq6NnawAAAAAAAAAAAAAAF6vXbt2V6xZlqXc3Fzl5eXJbrcbqHLfjh07NHDgQFWpUkWSVFxcrNWrV6tt27aGy3C54uJiJScnKyEhQe+++67OnTuno0ePms7yiE6dOik5Odl0BmAcO1kBAAAAAAAAAAAAALze9u3bS70+c+aMpkyZomXLlmny5MmGqtwXERGh7777ThkZGXI4HGrSpIkqVapkOguXyc3N1ZYtW5SQkKDNmzfr5MmTioqKMp3lMUVFRaYTgHLBx3QAAAAAAAAAAAAAAACeUlRUpJdeeklNmzZVSUmJ0tLS9Oyzz5rOckulSpUUEBCgzz//XJ9++qnpHPx/Dz30kMLCwhQWFqbFixcrNDRUS5cu1ffff68NGzaYzvMYbz2eEvA0drICAAAAAAAAAAAAAHi9kpISLVy4UC+88IK6dOmibdu2qWHDhqazXNajRw/NnDlTrVq1Um5uriIiItShQwfNnz9f+/fv17hx40wn/ubddNNNWrhwoTp27KjKlSubzvmfSUxMNJ0AlAuWw+FwmI4AAAAAAAAAAAAAAMAdzZo104ULFzR58mS1adPmqte9SbNmzZSWliZJmjVrlhITE/XBBx/o+++/V5cuXbR3717DhajIbDabVq9erczMTNlsNuf6xIkTDVYBZrGTFQAAAAAAAAAAAADA6xUWFsqyLE2YMEGWZeny/UYsy1JWVpbBul/P39/f+TwpKUlxcXGSpFq1asnPj3/qx//Wvffeq+PHj6t9+/by9fU1nQOUC/zlBQAAAAAAAAAAAAB4vZycHNMJHuXj46OjR4+qVq1a2rp1q6ZNm+a8VlhYaLAMvwX79u1Tenq6LMsynQKUGwxZAQAAAAAAAAAAAABQzowfP15t27ZVpUqV1LVrV4WFhUn6aVer0NBQs3Go8G655RZdvHhRlStXNp0ClBuW4/I9EgEAAAAAAAAAAAAAQLlw4sQJ5eXlqWXLls4dhXJzc2Wz2XTLLbcYrkNFNG/ePEnS/v37lZqaqgEDBpQ6unLUqFGm0gDjGLICAAAAAAAAAAAAAACAHnjggWtesyxLixYtuo41QPnCkBUAAAAAAAAAAAAAAACc8vPzVbt27V9cA35LfEwHAAAAAAAAAAAAAAAAoPzo2bPnf7UG/Jb4mQ4AAAAAAAAAAAAAAACAeTabTcXFxSopKdH58+d16XC0goICFRYWGq4DzGInKwAAAAAAAAAAAAAAAGjq1KkKDAzUvn37VK1aNQUGBiowMFBNmzbV0KFDTecBRlmOS2OHAAAAAAAAAAAAAAAA+M0bOXKkXnvtNdMZQLnCkBUAAAAAAAAAAAAAAAAAlMHPdAAAAAAAAAAAAAAAAADKDx8fH1mWdcW63W43UAOUDwxZAQAAAAAAAAAAAAAAwOnHH390Pj9//rzefvttFRcXGywCzOO4QAAAAAAAAAAAAAAAAJQpJiZGCQkJpjMAY3xMBwAAAAAAAAAAAAAAAKD8OnjwoI4cOWI6AzCK4wIBAAAAAAAAAAAAAADgFBwcLMuyJEk2m012u11z5swxXAWYxXGBAAAAAAAAAAAAAAAAcDp06JDzuZ+fn+rVqydfX1+DRYB5HBcIAAAAAAAAAAAAAAAAp5CQENWpU0fHjx/XsWPHVFxcbDoJMI7jAgEAAAAAAAAAAAAAAOCUlJSkQYMGqW7dunI4HDp16pRWrVqlTp06mU4DjOG4QAAAAAAAAAAAAAAAADh17NhRL7/8sqKioiT9NHQ1duxYbdu2zXAZYA7HBQIAAAAAAAAAAAAAAMCpqKjIOWAlSZGRkSoqKjJYBJjHkBUAAAAAAAAAAAAAAACcAgIC9NlnnzlfJyQkKCAgwGARYB7HBQIAAAAAAAAAAAAAAMBpx44dGjhwoKpUqSJJKi4u1urVq9W2bVvDZYA5DFkBAAAAAAAAAAAAAACglIsXLyojI0MOh0NNmjRRpUqVTCcBRnFcIFAOWJbl3GoxISFBlmXJZrMZrrq2Rx99VFOmTPHI13ruued0xx13eORrXU8lJSVq2rSpvv76a9MpAAAAAAAAAAAAAOBxlSpVUkBAgD7//HN9+umnpnMA4xiyQoWXk5Oj4cOH63e/+538/f0VFhamMWPG6OjRo6bTnPLy8tS5c+cyPyYnJ0d+fn7q1q3bdaq6usOHD+udd97RY489ZrTjfy0nJ0eWZV3xOHv2rCTJx8dHf//73/XMM88YLgUAAAAAAAAAAAAAz+jRo4f27NkjScrNzVVERIQ+/fRT/e1vf9P06dMN1wFmMWSFCi0jI0MRERE6ffq03n//fR04cEBLliyRzWbTP//5T9N5TvXq1VPlypXL/Ji3335bw4cP1549e3To0KEyP/bChQuezCtl4cKF6t27t2rUqPE/+x7lSXJysvLy8pyPy+970KBBSkpK0oEDBwwWAgAAAAAAAAAAAIBnHDt2TK1atZIkvfPOO+rSpYs++eQTJScna/ny5YbrALMYskKFNnr0aDVq1EgfffSRoqOjdcstt6hTp06aN2+eJkyY4Py4mTNn6uabb1aVKlXUsWNHpaSkOK9d7Ti74cOHKz4+3vk6NDRUL7/8su655x5Vq1ZNTZs21ebNm0t9zqZNm9ShQwf5+/urbt26GjVqlPPa5ccFXsvbb7+tYcOGqX///lq6dGmpa2+99ZYaNGigd955R40aNVJwcLAkyW63a8KECWrQoIGqV6+umJgY7d271/l5SUlJ6tq1q2rWrKng4GANGTJE+fn5ZXasXLlScXFxpdZOnjyp+Ph43XDDDQoMDFRUVJQyMzMlSTabTU899ZTq1KmjqlWrqkePHjp48OA1v35oaKgWLlxYau1qxylu3LhRzZo1U0BAgAYPHqyioiLNnTtXv/vd71SnTh3NmDHD+fmXdqVau3at2rdvr2rVqikmJkaHDx8u814lqXbt2qpXr57zYVmW81pQUJCioqK0atWqX/w6AAAAAAAAAAAAAFDe+fv7O58nJSU5/224Vq1a8vPzM5UFlAsMWaHCys/P1+bNmzV27NhSgzGX1KxZU9JP07fPPfecpk2bpj179qhFixaKi4vTDz/88Ku+34wZM3TXXXdpz549io6OVnx8vIqLiyVJaWlp6tOnj2JjY7V792598sknatq06X/9tb/66itduHBBd9xxh+699169/fbbV73fxYsXa9WqVUpKSpIkTZ48WevXr9e7776r3bt3KyoqSj169HDe27lz5zRy5Ejt2LFDn3zyiY4cOVJq+OvnTp8+rfT0dLVp06bU+oABA5SZmal169Zp9+7devjhh2Wz2Zw/lyVLlmjx4sXavn27qlatqn79+slut//X9381L730kt5++21t3LhRmzdvVr9+/bR7925t3rxZM2bM0Lhx40oNlEk/DcxNnz5dKSkpKiws1BNPPPGL36dbt26qX7++evTooW3btl1xPSIiQomJiW7dCwAAAAAAAAAAAACUBz4+Pjp69Kj+85//aOvWrerSpYvzWmFhocEywDzGDFFhZWZmyuFwKDw8vMyPmzNnjkaPHq2hQ4dKkubNm6dPPvlES5cu1ejRo//r7zdw4ED96U9/kvTTcNOCBQt04MAB3X777Zo+fbp69uypqVOnOj/+54NKZVmyZIkGDx4sy7LUvXt3nT17VklJSYqMjHR+zIULF7RgwQKFhoZKkoqKijRr1iylpKTo9ttvlyRNnTpVK1eu1EcffaT4+Hj17Nmz1PeZNWuWoqOjZbfb5evre0XHpZ2f6tev71zbsmWLtm/frqysLN10002SpNtuu815fc6cOZo0aZL69Okj6f923dqwYYNzzRXTp09XRESEpJ+O7Vu5cqXWrVunKlWqqEmTJpo2bZq2bt2qFi1aOD9n/Pjx6tq1qyTpiSee0GOPPXbNrx8YGKh//etfioyMlN1u15tvvqkuXbpo9+7datasmfPj6tevr3Xr1rl8HwAAAAAAAAAAAABQXowfP15t27ZVpUqV1LVrV4WFhUn6aVerS/8WDfxWsZMVfvMyMjLUsWNH52s/Pz9FREQoIyPjV32d5s2bO5/Xq1dP0k/H6EnSN998o5iYGJf6ioqKtHLlSt17772SJF9fXw0aNOiK3axq1apV6n9qmZmZOn/+vDp27KjAwEDnIzMzU1lZWZKko0eP6v7779ett96q6tWrq3v37rLZbDp+/Pg1WySpSpUqzrVvvvlGt912m3PA6nIFBQU6ceJEqZ/vDTfcoPDw8F/98/25y3/edevWVePGjUt11a1bV6dOnbrm59SrV0+nT5++5o5atWvX1pgxYxQREaEOHTrojTfeUIcOHTRv3rxSH1e1alWdP3/erXsBAAAAAAAAAAAAgPJgwIAB2rt3r/79739r5cqVzvXQ0FC98cYbBssA89jJChVWo0aNZFmWMjIy1KpVK5e/jo+PjxwOR6m1ixcvXnEEYaVKlZzPL10rKSmRpCs+/9dYu3atCgoK1KlTJ+eaw+FQUFCQZs+e7TwTNyAgoNTnnTt3TpKUkJDgPBrxkhtuuEGSNHz4cBUXF+uNN95QgwYNlJ2drbi4OF28ePGqLTfeeKMk6ezZs6patarb93Y1P/95X6vl5z/vy19fWrv087/W50i/rr9t27Y6cOBAqbUzZ86odu3a//XXAAAAAAAAAAAAAIDyrG7duqpbt26ptd/97neGaoDyg52sUGHVrl1bXbt21ezZs686SFNQUCBJCg8P17Zt25zrNptNO3bsUJMmTSRJwcHBV+zstG/fvl/V0rx5cyUkJPzKO/jJkiVLNHr0aO3Zs8f5SE1NVVBQkD766KNrfl7Tpk1VuXJl5eXlqXHjxqUel4astm3bprFjxyo2NlZNmjRRfn5+mS2NGjVSYGCg0tPTS93bwYMHlZube8XH16hRQ3Xr1i318z1z5owyMjKcP9+f+/nP+9f+rP+X9u7de8UWmGlpaWrZsqWZIAAAAAAAAAAAAAAAcF0wZIUKbe7cucrIyFBsbKw2btyonJwcff3113rsscf0/PPPS5Ief/xxzZs3T++8847S09M1atQonT9/XvHx8ZKk6OhoZWVl6bXXXtPBgwc1fvx45eTk/KqOcePGaePGjXrmmWeUnp6u1NRUzZ079xc/Ly8vT5s2bdLw4cN1++23l3r069dPS5YsuebnBgUF6dFHH9XIkSO1evVqZWdnKzk5WePHj9f+/fsl/TQ0tXTpUh08eFAbNmzQiy++WGaPr6+vunbtqsTEROda165d1a5dOw0cOFCJiYnKzMzU8uXLnccBPv7445o8ebLWr1+v/fv3a/jw4QoJCVGvXr2u+j06d+6sRYsWafv27dqxY4eeeuqpX/w5/S+8/fbbWrFihQ4cOKD9+/dr7Nix+vLLL/XQQw+V+rjExETFxsYaaQQAAAAAAAAAAAAAANcHQ1ao0Jo2baodO3aoQYMGGjZsmJo0aaL4+HhZlqWxY8dKkoYMGaJJkybpqaeeUsuWLbV3716tX79eQUFBkqTbb79d//znP/XCCy+oXbt2Kikp0d133/2rOpo1a6Z169Zpw4YNatmypXr16uUcQirLsmXLVL9+fUVERFxx7Q9/+IM+/fTTK3bZutzMmTM1atQo/e1vf1N4eLgGDx6sI0eOOI/9W7hwob777js1b95cEyZM0JQpU36xafjw4aXO3pWkNWvWKDQ0VHFxcWrVqpXmz5/vPJrv73//u4YNG6bhw4crIiJChYWF+uijj+Tr63vVrz9+/Hi1atVK3bp109ChQzV+/PhfbPpfcDgcmjRpklq1aqXo6Gjt2rVLn332Waldq3bv3q3vv/9ef/jDH4w0AgAAAAAAAAAAAACA68NyXO0cNQC4BrvdrhYtWui1115T586dTecY9eCDD6phw4Z69tlnTacAAAAAAAAAAAAAAID/IXayAvCr+Pr6auHChTp79qzpFKNKSkrUuHFjPfHEE6ZTAAAAAAAAAAAAAADA/xg7WQEAAAAAAAAAAAAAAABAGdjJCgAAAAAAAAAAAAAAAADKwJAVAAAAAAAAAAAAAAAAAJSBISsAAAAAAAAAAAAAAAAAKIOf6QBPqlKlioKDg01nAAB+406dOqULFy6YzgAAAAAAAAAAAAAAeEiFGrIKDg7W0aNHTWcAAH7jGjRoYDoBAAAAAAAAAAAAAOBBHBcIAAAAAAAAAAAAAAAAAGVgyAoAAAAAAAAAAAAAAAAAysCQFQAAAAAAAAAAAAAAAACUgSErAAAAAAAAAAAAAAAAACgDQ1YAAAAAAAAAAAAAAAAAUAaGrAAAAAAAAAAAAAAAAACgDAxZAQAAAAAAAAAAAAAAAEAZGLICAAAAAAAAAAAAAAAAgDIwZAUAAAAAAAAAAAAAAAAAZWDICgAAAAAAAAAAAAAAAADKwJAVAAAAAAAAAAAAAAAAAJSBISsAAAAAAAAAAAAAAAAAKANDVgAAAAAAAAAAAAAAAABQBoasAAAAAAAAAAAAAAAAAKAMDFkBAAAAAAAAAAAAAAAAQBkYsgIAAAAAAAAAAAAAAACAMjBkBQAAAAAAAAAAAAAAAABlYMgKAAAAAAAAAAAAAAAAAMrAkBUAAAAAAAAAAAAAAAAAlMHPdMD/Uug/Pr7qes60Pte5BAAAAAAAAAAAAAAAAIC3YicrAAAAAAAAAAAAAAAAACgDQ1YAAAAAAAAAAAAAAAAAUAaGrAAAAAAAAAAAAAAAAACgDAxZAQAAAAAAAAAAAAAAAEAZGLICAAAAAAAAAAAAAAAAgDIwZAUAAAAAAAAAAAAAAAAAZWDICgAAAAAAAAAAAAAAAADKwJAVAAAAAAAAAAAAAAAAAJSBISsAAAAAAP4fe/cfqvVd93H8dZ1dzXJmhpqb2dnl4Ohq9kNiwzmDRkTiKRjOQTTHpIFWW40M1gVhrBp2hHGItY3ZP8NmBDYXEYemLVog6VLEQlzOnJd6MtN+btp0O3rdf4yd+77z+Lnp3rXz1Z3HAy441+d7XZ/r7V/+8+TzAQAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFFQaWW3atCkf/vCHM3fu3MyZMyfr1q1Lkhw7diwLFy5MT09P5syZky1btlQ5JgAAAAAAAAAAMIbVq/rhdrudz3zmM/nlL3+ZD3zgA2m1Wrn66quzePHiNJvNzJs3L08++WS2b9+eJUuWZP/+/anXKxsXAAAAAAAAAAAYoyqvlv7xj38kSV5qB9XbAAAgAElEQVR44YVMnjw548aNy4YNG3LgwIEkybXXXptp06Zly5Yt+ehHP1rhpAAAAAAAAAAAwFhUWWRVq9WyYcOGLF68OJdddln+/ve/54knnsiLL76Ys2fPZurUqcOfbTQaOXTo0Dl79Pf3p7+/f/j9iRMnRmV2AAAAAAAAAABg7Oiq6oeHhoby7W9/Oz/5yU9y8ODB/OIXv8jtt9+e5NUA639qt9sj7rFy5coMDg4OvyZMmPCGzw0AAAAAAAAAAIwtlUVWu3btypEjR3LDDTckefVawOnTp+d3v/tdkuT48ePDnz148GC6u7srmRMAAAAAAAAAABjbKous3vOe92RwcDB79+5NkvzhD3/I/v37M2vWrNxyyy156KGHkiTbt2/P0aNHs2DBgqpGBQAAAAAAAAAAxrB6VT88bdq0rF27NkuWLElXV1fa7XYefvjhvPvd786aNWty2223paenJ5deemkee+yx1OuVjQoAAAAAAAAAAIxhtXa73a56iE6ZMWNGBgcHh983mgMjfq7V1ztaIwEwBv37/0cAAAAAAAAAXNwquy4QAAAAAAAAAADgYiCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUK96gAtNozkw4nqrr3eUJwEAAAAAAAAAAC4ETrICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFBQr3qAN4NGc2DE9VZf7yhPAgAAAAAAAAAAdJqTrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUGlkdfr06dx1113p6enJNddck6VLlyZJ9u3bl/nz52fWrFm57rrrsmfPnirHBAAAAAAAAAAAxrB6lT/ebDbT1dWV5557LrVaLX/605+SJCtWrMjy5cuzbNmyPP7447njjjuydevWKkcFAAAAAAAAAADGqMoiq5MnT+bRRx/N4OBgarVakuSKK67IsWPHsnPnzmzevDlJcvPNN+euu+5Kq9VKo9GoalwAAAAAAAAAAGCMqiyy2r9/fyZPnpz77rsvTz31VN72trfl3nvvzaRJkzJ9+vTU66+OVqvV0t3dnUOHDp0TWfX396e/v3/4/YkTJ0bzn/C6NJoD533W6uvt2HcAAAAAAAAAAIDXp6uqH37llVfy/PPP533ve1927NiRBx98MJ/+9KczNDQ0fLLVa9rt9oh7rFy5MoODg8OvCRMmjMboAAAAAAAAAADAGFJZZHXllVemq6srt956a5Lkgx/8YGbOnJmDBw9mcHAwQ0NDSV4NrA4fPpzu7u6qRgUAAAAAAAAAAMawyiKrKVOm5GMf+1g2bdqUJDl48GAOHDiQj3zkI5k7d27Wr1+fJNm4cWMajcY5VwUCAAAAAAAAAACMhnqVP/7II4/ks5/9bL761a/mkksuyfe+971cccUVWbt2bZYtW5bVq1dn4sSJWbduXZVjAgAAAAAAAAAAY1ilkdVVV12Vp59++pz12bNnZ+vWraM/EAAAAAAAAAAAwL+p7LpAAAAAAAAAAACAi4HICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAEBBveoBeGM1mgPnfdbq6x3FSQAAAAAAAAAA4OLkJCsAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoKAjkdVPf/rTvPDCC0mS+++/P0uWLMnu3bs7sTUAAAAAAAAAAEClOhJZfe1rX8vEiRPz29/+NuvXr8/HP/7xfP7zn+/E1gAAAAAAAAAAAJXqSGRVr9eTJJs3b87y5cuzYsWKnDx5shNbAwAAAAAAAAAAVKojkdWZM2eybdu2bNy4MTfeeGOS5JVXXunE1gAAAAAAAAAAAJXqSGR133335XOf+1wWLFiQ9773vdm7d296eno6sTUAAAAAAAAAAECl6p3Y5Morr8yuXbuG38+ePTv33ntvJ7YGAAAAAAAAAACoVEciq2XLlmXnzp3/5xoXh0Zz4LzPWn29ozgJAAAAAAAAAABU73VFVn/5y19y7NixnDp1Ks8++2za7XaS5J///GdOnjzZkQEBAAAAAAAAAACq9Loiqx/84Af5zne+kyNHjmTRokXD6+94xztyzz33vO7hAAAAAAAAAAAAqva6Iqu77747d999d771rW9l1apVnZoJAAAAAAAAAADggvG6IqvXrFq1KmfPns3Ro0czNDQ0vN7d3d2J7QEAAAAAAAAAACrTkchq3bp1+eIXv5i3vOUt6erqSpLUarUcO3asE9sDAAAAAAAAAABUpiOR1Te/+c385je/ydVXX92J7QAAAAAAAAAAAC4YXZ3YZOrUqQIrAAAAAAAAAADgTakjkdXixYvz4IMP5m9/+1v+9a9/Db8AAAAAAAAAAAAudh25LrDZbCZJvvSlL6VWq6XdbqdWq+XMmTOd2B4AAAAAAAAAAKAyHYmszp4924ltAAAAAAAAAAAALjgduS4QAAAAAAAAAADgzaojJ1l1dXWlVquds+66QAAAAAAAAAAA4GLXkcjqxRdfHP77pZdeyve///28/PLLndgaAAAAAAAAAACgUh25LvCyyy4bfk2ZMiUrV67Mk08+2YmtAQAAAAAAAAAAKtWRyOrf7du3L4cPH34jtgYAAAAAAAAAABhVHbkucOrUqanVakmSoaGhnDlzJg888EAntgYAAAAAAAAAAKhURyKrHTt2/PeG9Xouv/zyXHLJJZ3YGgAAAAAAAAAAoFIduS7wyiuvzLve9a4cPXo0f/zjH/Pyyy93YlsAAAAAAAAAAIDKdeQkq1//+tdZsmRJpk2blna7nePHj+fxxx/P9ddf34ntAQAAAAAAAAAAKtORyGrlypX50Y9+lBtuuCHJq9HVl7/85Wzbtq0T2wMAAAAAAAAAAFSmI9cFnjp1ajiwSpL58+fn1KlTndgaAAAAAAAAAACgUh2JrMaPH5+nnnpq+P3TTz+d8ePHd2JrAAAAAAAAAACASnXkusDvfve7Wbx4ccaNG5darZbTp09n48aNndgaAAAAAAAAAACgUh2JrI4cOZIdO3bkz3/+c9rtdi6//PI888wzndgaAAAAAAAAAACgUh25LnDVqlWZOnVq5syZk/e///2ZMmVKVq1a1YmtAQAAAAAAAAAAKtWRyOrf1Wq1nD179o3YGgAAAAAAAAAAYFR1JLKaOHHi/7oecNu2bXn729/eia0BAAAAAAAAAAAqVe/EJmvWrMlNN92Ua665Jkny7LPP5sc//nEntgYAAAAAAAAAAKhURyKr66+/Pnv27MnWrVuTJPPnz8+kSZM6sTUAAAAAAAAAAEClOhJZJck73/nOLFq0qFPbAQAAAAAAAAAAXBA6FlkxtjWaA+d91urrHcVJAAAAAAAAAACgs7qqHgAAAAAAAAAAAOBCJrICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAK6lUPwNjWaA6MuN7q6x3lSQAAAAAAAAAAYGROsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUFCvegD4TzWaAyOut/p6R3kSAAAAAAAAAADGggviJKtvfOMbqdVq2b17d5Jk3759mT9/fmbNmpXrrrsue/bsqXhCAAAAAAAAAABgrKo8stq5c2e2bduW7u7u4bUVK1Zk+fLlee6553LPPffkjjvuqHBCAAAAAAAAAABgLKs0sjp9+nTuvPPOPPzww6nVakmSY8eOZefOnVm6dGmS5Oabb86BAwfSarUqnBQAAAAAAAAAABirKo2svv71r2fp0qWZOXPm8Nrhw4czffr01Ov1JEmtVkt3d3cOHTp0zvf7+/szY8aM4deJEydGbXYAAAAAAAAAAGBsqCyy2rp1a7Zv354vfOEL5zx77VSr17Tb7RH3WLlyZQYHB4dfEyZMeENmBQAAAAAAAAAAxq7KIqtf/epX+f3vf5+ZM2em0WhkcHAwn/jEJ7J79+4MDg5maGgoyauB1eHDh9Pd3V3VqAAAAAAAAAAAwBhWWWTVbDZz5MiRtFqttFqtzJgxI5s2bcrtt9+euXPnZv369UmSjRs3ptFopNFoVDUqAAAAAAAAAAAwhtWrHmAka9euzbJly7J69epMnDgx69atq3okAAAAAAAAAABgjLpgIqtWqzX89+zZs7N169bqhuFNp9EcGHG91dc7ypMAAAAAAAAAAHCxqey6QAAAAAAAAAAAgIuByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgIJ61QPAharRHBhxvdXX+x9/p/S9/893AAAAAAAAAAAYPU6yAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUK96AOA/12gOnPdZq693FCcBAAAAAAAAAHjzc5IVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACupVDwCMjkZz4LzPWn29ozgJAAAAAAAAAMDFxUlWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKCgXvUAwIWt0RwYcb3V1zvKkwAAAAAAAAAAVMNJVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUK96AODNp9EcGHG91dc7ypMAAAAAAAAAALx+TrICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAX1qgcASJJGc2DE9VZf7yhPAgAAAAAAAADwv1V2ktWpU6dy0003ZdasWfnQhz6UhQsXptVqJUmOHTuWhQsXpqenJ3PmzMmWLVuqGhMAAAAAAAAAABjjKr0ucPny5dm7d2927dqVT37yk1m+fHmSpNlsZt68edm3b18effTR3HrrrRkaGqpyVAAAAAAAAAAAYIyqLLJ661vfmkWLFqVWqyVJ5s2bl+effz5JsmHDhtx5551JkmuvvTbTpk1zmhUAAAAAAAAAAFCJSk+y+p8eeOCBfOpTn8pf//rXnD17NlOnTh1+1mg0cujQoQqnAwAAAAAAAAAAxqp61QMkyerVq7Nv37488sgjeemll4ZPt3pNu90e8Xv9/f3p7+8ffn/ixIk3dE7gwtJoDoy43urrHeVJAAAAAAAAAIA3s8pPsrr//vvzxBNP5Gc/+1nGjx+fyZMnJ0mOHz8+/JmDBw+mu7v7nO+uXLkyg4ODw68JEyaM2twAAAAAAAAAAMDYUGlk1d/fnx/+8If5+c9/nkmTJg2v33LLLXnooYeSJNu3b8/Ro0ezYMGCqsYEAAAAAAAAAADGsMquCxwcHMxXvvKVXHXVVbnxxhuTJOPGjcszzzyTNWvW5LbbbktPT08uvfTSPPbYY6nXL4ibDQEAAAAAAAAAgDGmsnJpxowZabfbIz6bNm1aNm/ePMoTAQAAAAAAAAAAnKvS6wIBAAAAAAAAAAAudCIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgoF71AACjqdEcOO+zVl/vKE4CAAAAAAAAAFwsnGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKCgXvUAABe6RnPgvM9afb2jOAkAAAAAAAAAUAUnWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAX1qgcAeDNqNAfO+6zV11vpdwAAAAAAAACA/4yTrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgoF71AACMvkZzYMT1Vl/vKE8CAAAAAAAAABc+J1kBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAF9aoHAODi0GgOjLje6usd5UkAAAAAAAAAYHQ5yQoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAD4L/buOzqqam/j+DNJ6AheJUCQKBhq6L1FEUM1gA28oIDKqyBNsVxQFAELiohXRL2igiAIKnJVqgVQFOkgIL33EqRDIKTs9w8Xsxhn5iSzCQeS+/2s5dI5mSe/kyeb7R/sNQcAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA4irvQNAAByrlLPzgx4fefrCSFnMsoBAAAAAAAAAAAAAHC58ElWAAAAAAAAAAAAAAAAAOCAQ1YAAAAAAAAAAAAAAAAA4IBDVgAAAAAAAAAAAAAAAADgIOJK3wAAAJeq1LMzg35t5+sJLt4JAAAAAAAAAAAAACAn4pOsAAAAAAAAAAAAAAAAAMABh6wAAAAAAAAAAAAAAAAAwAGHrAAAAAAAAAAAAAAAAADAAYesAAAAAAAAAAAAAAAAAMBBxJW+AQAAroRSz84M+rWdrye4eCcAAAAAAAAAAAAAgKsdn2QFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOIq70DQAAkF2UenZm0K/tfD3BxTsBAAAAAAAAAAAAALjpqv0kqy1btqhhw4YqV66c6tatq/Xr11/pWwIAAAAAAAAAAAAAAADwP+iqPWTVvXt3devWTZs3b1a/fv30f//3f1f6lgAAAAAAAAAAAAAAAAD8D7oqD1klJiZq5cqV6tSpkyTp3nvv1Y4dO7Rz584re2MAAAAAAAAAAAAAAAAA/udclYes9uzZoxIlSigiIkKS5PF4dOONN2r37t1X+M4AAAAAAAAAAAAAAAAA/K/xGGPMlb6Jv1uxYoW6dOmidevWea/VqVNHI0aM0K233uq99tZbb+mtt97yvj548KCKFy8e8HuePn1aBQsWDOk+clrGzVlk+L2SuTKzyFwdv9fDhw8rOTk55O8HAAAAAAAAAAAAALg6XZWHrBITE1W2bFkdOXJEERERMsYoKipKixcvVqlSpay+Z8mSJbV3797/6Yybs8jweyVzZWaRufp/rwAAAAAAAAAAAACA7OeqfFxg0aJFVaNGDU2cOFGSNHXqVJUqVcr6gBUAAAAAAAAAAAAAAAAA2Iq40jcQzOjRo/XQQw9p6NChKlSokMaPH3+lbwkAAAAAAAAAAAAAAADA/6DwwYMHD77SNxFIkSJF9Mgjj6hPnz7q1q2bihYtesnfs0GDBv/zGTdnkeH3SubKzCJz9f9eAQAAAAAAAAAAAADZi8cYY670TQAAAAAAAAAAAAAAAADA1SrsSt8AAAAAAAAAAAAAAAAAAFzNOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADiKu9A1cDZKSkhy/nj9/fpfuJPtxqzt+RwCuJPYgAAAAAAAAAAAAAPjf5jHGmCt9E1mpffv28ng8Qb/+5Zdf+l0LCwuTx+PRxVVceO3xeJSWluaXWb9+veN9xMbG+l2LjIwMeG8X5iQmJvp9rU6dOo4/z9KlSwNet+nh/fffD/p+SerZs6ffNZvu+vXr5zjnjTfeyJI5bnVgk5k1a5Zj5o477gh43SZn07fNWnWrhw8//NAx061bN79rNmvBpgPbWTY9uNW3zR60efNmxznlypXzu+bWnmozR7LbgwAAAAAAAAAAAAAAOUeO+ySr1q1bh5xJT08POZOQkBD0ax6PR9u3b/e7vnz58pDnvPnmmyFnJLseli1bFvRrwQ5Z2HRXoECBkDM2c9zqwCYzfPhwx0ywQ1Y2OZu+bdaqWz38+uuvjplAh6xs1oJNB7azbHpwq2+bPSg+Pt7vQNLFc3bv3u133a091WaOZLcHAQAAAAAAAAAAAAByjhz3SVYAAAAAAAAAAAAAAAAAkJVy3CdZjRw5Uk888SZ9e7QAACAASURBVETQR6QFejRafHy85s6d6/foKadHTiUnJytPnjxKSkoKOCd//vx+1zp37qwJEyYEffxWoMdu9e/fX8OGDQv6CLJAjx6T7Hr47bff1KhRo6CPFAv0KTc23U2ZMkXt27cP+rizQI85s5njVgc2mR07dqh06dJBH10W7JFlNjmbvm3Wqls9LF68WPXr19cPP/wQMNO8eXO/azZrwaYD21k2PbjVt80elJqaqoiICJ0/fz7gnNy5c/tdc2tPtZkj2e1BAAAAAAAAAAAAAICcI8cdssqbN6+k0B6RNnHiREmhPXqqQYMGWrlypQoWLOj3WCyPx6O0tDS/TN++fSWF9vituLg4SaE/gsymh3HjxqlRo0YBHykW7FFiNt2tXbtW7du3d3zcWVbMcasDm0yfPn00Y8aMgI8uc3pkmU3Opm+btepWDx9++KHq16+vl19+OWAm0CErm7Vg04HtLJse3OrbZg+qW7euVq5cqbx583r3x4v/HWh/dGtPtZkj2e1BAAAAAAAAAAAAAICcg8cFXmT37t0qWrSo95DEuXPndPjwYUVHR2fpnHPnzilPnjzeT0NJT0/X+fPnvXOzI7e6c2sO/pIT12qo6CB06enpCgsLC3pgKTw8PEvnufk7Yg8CAAAAAAAAAAAAgP9NYVf6Bi6XRx55REeOHPG+/vPPP9W9e3fHTLt27XxeG2P8rv3dsmXLdOrUKe/rU6dOZfhJJ7fffrtOnjzpk2natKlj5o477vD7eTLzyTI2PXz44Yc6evSo9/WRI0f00UcfOWZsuhs0aJDfvQ0ZMiTL57jVgU1m+vTpOn78uPf1sWPHNGPGDMeMbc6mb5u16lYPY8aM8ZszduxYx4zNWrDpwHaWTQ9u9R3KHhQW9tf/WlavXq2zZ88qPDxc4eHhOnv2rNasWeM4x6091WaOZLcHAQAAAAAAAAAAAACyvxx7yGrFihW6/vrrva+LFCmS4ePS/v7JJ/ny5VNycrJjpnv37sqfP79PJqODFElJSSpcuLD3deHChXXmzBnHzP79+/1+nv379ztmJLse3n//fV133XXe19dff73ee+89x4xNd99++63fvX3zzTdZPsetDmwyAwcO1LXXXut9fe2112rgwIGOGducTd82a9WtHkaNGuU3Z9SoUY4Zm7Vg04HtLJse3OrbZg969NFHff685smTR48++qhjxq091WaOZLcHAQAAAAAAAAAAAACyvxx7yOrvj6kyxmT4F+Eej0eJiYne14cOHVJGT1NMT0/3efRVRESEUlNTM8xcfADg1KlTSklJyTBz8fc9f/58pv5i36aHQD9zenq6Y8amu0Bfz6gHmzludWCT+TuPxxNyJrM5m75t1qpbPQSaE+zxdMG+npm1YNOB7ay/s+3hcvRtswelpaUpIiLC+zpXrlyZ2h/d2lNDnSPZ7UEAAAAAAAAAAAAAgOwvxx6yqlevnp544gnt27dPe/fuVd++fdWgQQPHzOOPP664uDi98soreuWVV3TLLbfo6aefdszkzp1b27Zt877eunWrcuXK5Zh54IEH1Lx5c02cOFETJ05Uy5Yt9eCDDzpmWrZsqQ4dOmjBggVasGCB7r//fiUkJDhmJLseoqKiNHXqVO/rqVOnqnjx4o4Zm+7KlSunt956S8YYpaena8SIEapQoUKWz3GrA5tMoUKFtGTJEu/rxYsX65prrnHM2OZs+rZZq271UKxYMX377bfe1998842KFSvmmLFZCzYd2M6y6cGtvm32oFy5cmnHjh3e19u3b/c52BSIW3uqzRzJbg8CAAAAAAAAAAAAAGR/HpNDP4Lj5MmT6tu3r2bMmCGPx6O2bdvqrbfeyvAgwc8//6xZs2ZJktq0aaNbbrnF8f0zZ87UI4884j1sMHv2bI0ZM0YtW7Z0zI0fP14zZ86UJLVt21adOnVyfH9KSoqGDh3qk+nfv3+GhwJseti4caPuvPNO7yfx5M6dW99++63Kli3rOCvU7vbv369OnTpp4cKF8ng8iouL06effqqoqKgsneNWBzaZRYsW6Z577lGlSpUkSRs2bNDXX3+tunXrOv5MNjnbvkNdq271sGHDBrVp08b7SUnGGE2bNk3ly5cPmrHdF0LtwHaWTQ9u9W2zB02bNk3du3fXnXfeKUmaPn26PvzwQ8fDWW7tqbZzpND3IAAAAAAAAAAAAABA9pdjD1m5afPmzZozZ44kqUWLFoqJibnCd3Tp0tLStGnTJklS+fLlM/z0mUtx4TFfBQoUuGwzbNh0YJM5duyYFi1aJElq2LChrr322kzdn23Ojb7d6iElJUUbNmyQJMXGxvo8mi67sunBzXUXqg0bNujHH3+U9NenYZUrVy7DjFt7ak7cuwEAAAAAAAAAAAAAl0eOPmS1ZMkSbdu2Tampqd5rXbp0Cfr+nTt3atiwYX6ZefPmZel9HT9+XKNHj/abM3bs2KCZ1NRUTZ061S/z4osvZjgv1B4kKT09XQcPHvTJ3HjjjUHfb9vdgQMHtGPHDp/MrbfemuVz3OjANuOmUPu2WauSuz0kJib6zClRooTj+0NdC7Yd2Myy5Ubfl7IHXW6X8jsKlVv/nwAAAAAAAAAAAAAAXF2y/8e+BNGjRw99//33ql69uvdTXTwej+MBh/vuu0/x8fHq3bt3pj+5aeXKlRowYIC2b9/u8xfu27dvD5pp166dIiMj1aBBg0zP6dChgw4ePKi6deuG9KlSNj2MGzdOjz/+uHLlyqWwsDBvJjExMWjGprtXX31Vw4cP18033+xzb0uXLs3SOW51YJP57rvv1LdvX23fvl1paWkyxsjj8Xgf/ZaVOZu+bdaqWz18+umn6tOnjyT5zDl69GjQjM1asOnAdpZND271bbMHrVq1Si+88ILf/rh58+agGbf2VJs5kt0eBAAAAAAAAAAAAADI/nLsJ1mVLVtWf/zxh/LmzZvpTNWqVbVmzZqQ5lSpUkW9e/f2+8v9SpUqBc1UqlRJ69atC2lO+fLltXHjRnk8npByNj3ExMRo5syZqlChQqYzNt3FxMRoyZIlKlKkyGWd41YHNply5cpp1KhRfusno0f52eRs+rZZq271EBMTo2nTpjn+Wfs7m7Vg04HtLNse3OjbZg+qWrWqunfv7jenWrVqQTNu7ak2cyS7PQgAAAAAAAAAAAAAkP3l2E+yioqKCulwgyRVrlxZe/fuVcmSJTOdCQ8PV/fu3UOaExMToxMnTqhw4cKZztx4441KSUlR7ty5Q5pl00NkZGRIBzYku+6KFy8e0oEf2zludWCTKVSokFq0aBFSxjZn07fNWnWrhyJFioR0wEqyWws2HdjOsunBrb5t9qCwsDD16tUrpDlu7ak2cyS7PQgAAAAAAAAAAAAAkP3l2ENWDRs21H333acOHTr4HHS44447gmaOHj2qqlWrKi4uzifz5ZdfBs00atRIv//+u2rUqJHpe7vmmmtUu3ZttWrVymfOG2+8ETRTrlw53X777brnnnt8Mj179nScZdPDPffco3fffVf333+/TyZ//vxBMzbdtWjRQk8//bQeeOABn0xsbGyWznGrA5tMQkKCZsyYodatWwd9T1blbPq2Watu9dCuXTt98MEHfnOcDgHZrAWbDmxn2fTgVt82e1CDBg20Zs0aVa1aNdNz3NpTbeZIdnsQAAAAAAAAAAAAACD7y7GPC2zSpInfNY/Ho3nz5gXNjB8/PuD1Bx98MGimRo0aWr9+vcqXL+/zF+5Lly4NmhkyZEjA64MGDQqaefjhh/2ueTwejR07NmhGsushLCzM573GGHk8HqWlpQXN2HRXunTpgPe2ffv2LJ3jVgc2mcjISB05ckQFCxZU3rx5vZnExMSgGducTd82a9WtHmzm2KwFmw5sZ7nVg80cmz2odu3aWrt2rWJjY332x4ULFwbNuLWn2syR7PYgAAAAAAAAAAAAAED2l2MPWbll/vz5Aa83btzY5TtBdrRr166A12+66abLkrta2fw8wQ4RhYeHZ8k9XQlu/V7dmjN37tyA1+Pj44Nm3NpT2bsBAAAAAAAAAAAAAKHIsYesfvnll4DXb7311qCZrl27Brye0adFheqll14KeP3FF18Mmvn0008DXu/SpYvjLJsebNh0t3v37oDXb7zxxiyd41YHVzubvm3W6tXMZi3YdpDT1p3tHuQGN9epW/+fAAAAAAAAAAAAAABcXSKu9A1cLk8//bT3v8+dO6dNmzapcuXKWrlyZdBMrVq1fDJTp05VjRo1HOc0adJEHo/H77rTI8FOnTrlM2fWrFmqX7++45zp06f7ZBYsWKD69etneMDBpoewsLCAP5PT48dsuqtVq5b38Wbnzp1TUlKSrr/+esdHltnMcasDm0zp0qUDZpwe4Webs+nbZq261UOuXLkCZs6fPx80Y7MWbDqwnWXTg1t92+xBzZo1Czjnhx9+CJpxa0+1mSPZ7UEAAAAAAAAAAAAAgOwvxx6yWrZsmc/rpUuXavz48Y6ZXr16+bzu0aOH2rVr55h55plnvP997tw5TZo0SWXKlHHMDB8+3Of14MGD9eijjzpmpkyZ4vN6x44dGjhwoGNGsuvh4gMLZ8+e1aeffup4cEWy6+7w4cM+r//73/9q1apVWT7HrQ5sMjNmzPD+97lz5zRhwgT94x//cMzY5mz6tlmrbvXw559/+s1JT093zNisBZsObGfZ9OBW3zZ7UO/evX3mTJ48WeXKlXPMuLWn2syR7PYgAAAAAAAAAAAAAED2l2MfFxhIgwYNtGjRoky/3xijSpUqaf369ZnOpKam6o477nD8pJZAqlWrptWrV4eUqVOnjt9BjswItQdJuu222/Tzzz9n+v023UnSLbfcol9//fWyz3GjA9tMfHy85s6dG1LGNhdq35LdWnWrB5s5NmvBpgPbWW71YDMn1D3IZn90a0+1nWO7BwEAAAAAAAAAAAAAspcc+0lWF/+Fd1pampYsWeLziS+B9OvXzyezfPlyxcbGhjQ3PT1dO3bscHzP+++/73dvRYoUcczMmjXLLxPoUVd/Z9PD323ZskV79uxxfI9Nd0lJSX73dujQoSyf41YHWZE5duxYhuvHNmfTt81a/Tu3eti+fXuGc2zWgm0HWbHubHq4XH3b7kEXM8Zo165dIWUu155qM0fKmv9PAAAAAAAAAAAAAACynxx7yCohIcH73xERESpTpkyGj+oqUKCAT6ZHjx669957HTPt27f3HjRIS0vT6tWr1aJFC8fMxZ/8EhERocqVK2vUqFGOmYsfhxUREaGYmBh98cUXjhnJrofIyEjvz5Samqq0tDS98847jhmb7goWLCiPxyNjjMLDw1WmTJnLMsetDmwyderU8Vk/O3bs8HmMWVbmbPq2Watu9RAVFeUz59y5c3r77bcdMzZrwaYD21k2PbjVt80e1LFjR585q1atUpMmTRwzbu2pNnMkuz0IAAAAAAAAAAAAAJD9/U89LvByuPjQxIWDB/Xr17+Cd3TpLv6kmYiICBUvXlzh4eFX8I7cZ9OBTWb+/Pk+mdKlS6tEiRIZ3p9tzg1u9bBt2zafTFRUlHLnzm1511cHmx7cXHehGjNmjM+cmJgYxcXFOWbc2lNz4t4NAAAAAAAAAAAAALh8cvQhq+XLl2vu3LnyeDyKj49XrVq1HN9/6tQpDRgwQHPmzJHH41HTpk316quv6pprrsnS+0pNTdXIkSO9c5o1a6Y+ffooIsL5g8WmTp3qk7n77rszNS/UHiTp7NmzWrNmjTwej6pUqaJ8+fI5vt+2u3379mnBggXyeDyKi4vL8KCH7Rw3OrDNSNKhQ4fk8XhUtGjRTL3fNhdq37Zr1a0ekpOTtXbtWnk8HlWqVEl58uTJMBPqWrDtwGbWBaH24FbftnvQ5XYpv6NQufX/CQAAAAAAAAAAAADA1SXsSt/A5fLRRx/pnnvu0YEDB7R//37dc889+vjjjx0zPXv21Pnz5zV58mRNmjRJqamp6tmzp2PmwIEDat26tQoUKKACBQqobdu2OnDggGPmqaee0rx589S9e3d169ZN8+bN01NPPeWYeemll/Tqq6+qfPnyKleunF599VW98sorjhnJroeFCxcqJiZGjz32mLp166YyZcpo0aJFjhmb7r799ltVq1bNm6levbqmT5+e5XPc6sAms2HDBlWpUkUVKlRQ+fLlVbVqVW3cuNExY5uz6dtmrbrVw+LFi3XzzTfroYceUpcuXRQTE6OlS5c6ZmzWgk0HtrNsenCrb5s96ODBg7rrrrtUqFAhFSpUSPfcc48OHjzomHFrT7WZI9ntQQAAAAAAAAAAAACAHMDkUFWqVDGJiYne14mJiaZKlSqOmapVq2bq2sVat25tXn31VXPs2DFz7Ngx89prr5nWrVtneG9paWne1ykpKRneW5UqVcyZM2e8r0+fPp1h5kIu1B7q1atnFixY4H3922+/mXr16jlmbLqrUaOG2bJli/f11q1bTY0aNbJ8jlsd2GRuu+0289lnn3lfT5482dx2222OGducTd82a9WtHurXr2/mz5/vff3LL7+Y+vXrO2Zs1oJNB7azbHpwq2+bPaht27ZmyJAh5vDhwyYxMdG8/PLLpm3bto4Zt/ZUmznG2O1BAAAAAAAAAAAAAIDsL8d+kpUkRUZG+vy3x+NxfH9aWppOnTrlfX3mzBmlp6c7Zvbs2aMBAwbo2muv1bXXXqtnn31We/bsccwYY3y+rzFGJoOnNhpjlD9/fu/rAgUKZJi5INQezp07p0aNGnlfN2zYUOfOnXPM2HSXlpamMmXKeF/HxMRkKhPqHMmdDmwyx44d0/333+993aFDBx0/ftwxY5uz6dtmrbrVw9mzZ3Xrrbd6X99yyy06e/asY0YKfS3YdGA7y6YHt/q22YN27dqlF198UUWKFFFkZKReeOEF7dq1yzHj1p5qM0ey34MAAAAAAAAAAAAAANlbjj1kVaZMGT3//PPav3+/Dhw4oCFDhigmJsYx06VLF9WvX19Dhw7Va6+9poYNG+rBBx90zKSnp/s8/ioxMTHDv9xv0aKFWrRooUmTJmny5Mlq3bq1WrVq5ZipW7euunTpooULF2rRokXq2rWr6tSp45iR7HrInz+/5syZ4339888/+xyuCMSmu6JFi2rMmDHevsaPH68iRYpk+Ry3OrDJhIeHa/369d7XmzZtUlhYxn8sbXI2fdusVbd6yJcvn37++Wfv6wULFihfvnyOGZu1YNOB7SybHtzq22YPSk9P16FDh7yvDx8+nOGBJLf2VJs5kt0eBAAAAAAAAAAAAADI/jwmsx/Jks0kJibq8ccf15w5c+TxeNS0aVONHDlSRYsWdcx99913mjNnjowxatasmVq2bOn4/gkTJqhfv35q06aNPB6PZs2apddee02dOnUKmklPT9eHH37oM6dbt26OhxzOnDmjl19+2SczcOBAFShQIMt7WL58ue69917lyZNHHo9HycnJmjp1qmrVquU4K9Tutm3bpgceeECrV6+WJFWvXl0TJ07M8CBKqHPc6sAm891336lz586qUaOGPB6PVq1apQkTJqh58+YZdhBqzqZvm7XqVg9LlixRu3btdM0118jj8ejUqVOaOnWq48Efm7Vg04HtLJse3OrbZg8aN26cnn/+ed15553yeDyaPn26Xn75ZcdDSW7tqTZzLgh1DwIAAAAAAAAAAAAAZH859pBVKE6ePKmjR4+qVKlSPtd37Nih66+/XoUKFXLMr1u3Tj/99JOMMYqPj1dsbGzA96WlpSk5OdnvU2aSkpKUN2/eTH2CkVtSUlK0adMmGWNUoUIF5cqVK+D7LrU7STp9+rSMMbrmmmuCvicr5oQqsx1caubw4cNasmSJjDFq0KBBhp8udam5zPR9qWvVrR6Sk5O1YcMGGWMUGxurPHnyZJjJrCv159WmBzfXXajWrFmjefPmeffHqlWrZphxa0/N7BzpyuxBAAAAAAAAAAAAAICrR/jgwYMHX+mbyEpjx47VsmXL/D7FZeTIkdq4caOqV6/ul3niiSeUL18+v79gnzFjhsaNG6eEhAS/zN69e7V582aVKFFCRYsWVd26dVWvXj3t3LlTkgL+hfuzzz6rvXv3+t3bu+++q2nTpqlp06Z+mddff12///676tWr53N92LBhWrhwoRo1apRlPfz2229avny5KlasqPDwcBUtWlTFihXTV199pZMnTyo6OtovY9PdtGnTtHTpUlWrVk2SlDt3buXJk0cff/yx9u/fr3LlymXJHLc6sMmsW7dOq1evVkxMjAoUKKBy5cqpfPny+vXXX5WSkqLIyEi/jG3Opm+btepWD4sWLfLOiYiIUPHixRUVFaWvv/5ap06dUsmSJf0yNmvBpgPbWTY9uNW3zR60f/9+bdmyRVFRUSpWrJjq16+vBg0aaO/evfJ4PAEP+Lm1p9rMkez2IAAAAAAAAAAAAABADmJymFq1apljx475XT9y5IipXbt2wEzFihWDfr9KlSoFvH7//febefPm+V2fNWuW6dSpU8BMbGysSUlJ8buekpJiKleuHDBTtWpVk5SU5Hf9zJkzplq1akHv26aH+Ph4s2XLFr/rGzZsMM2aNQuYsemuYcOGZv/+/X7X9+7da+Li4rJsjlsd2GTatm1rVq5c6Xd90aJF5s477wyYsc3Z9G2zVt3qoWnTpmbz5s1+19etW2eaN28eMGOzFmw6sJ1l04NbfdvsQZ06dTJz5szxuz59+nTTpUuXgBm39lSbOcbY7UEAAAAAAAAAAAAAgJzj6nk+XRZJSUnRtdde63f9uuuuU0pKSsBMeHh40O/n8XgCXl+1apWaNGnid71Vq1b6/fffg86JiIjwux4RERF0jiTly5fP71r+/PllHJ70aNNDYmKiypQp43e9QoUKOnToUMCMTXenTp1SVFSU3/UbbrhBJ0+ezLI5bnVgk9m2bZtq1Kjhd71+/fratm1bwIxtzrbvUNeqWz0cPHhQZcuW9bseGxurAwcOBMzY7gs2f15tZtn04Oa6C3UPWrFiheLj4/2ut27dWsuXLw+YcWtPtZlzYVYwTusBAAAAAAAAAAAAAJAz5LhDVqdPnw76tVOnTgW8npqaGvCwyYkTJ4IeinAS7ODB2bNnlZyc7Hc9OTlZSUlJATOnT58O+P3S09OD/jwXcsEEy509ezZoJtjXbLoL9rNK0pkzZ7Jsjlsd2GTS0tKCZlJTU4N+zSZn07fNWnWrh0D3dcG5c+cCXrddC6F2YDvLpge3+rbZg7L60FFW7qk2c6Ss//8EAAAAAAAAAAAAACB7yXGHrGrVqqWxY8f6XR8/fnzAT3CRpI4dO6pz5846duyY99qxY8f08MMPq0OHDgEzYWFhAT8158CBAwoLC1xr69at9fjjj/scZkhNTdWTTz6phISEgJnGjRvrlVde8bv+2muvqXHjxgEzkl0PUVFRWrJkid/1pUuXqlixYgEzNt2VLVtWs2bN8rs+e/ZsxcTEZNkctzqwyRQsWFCbNm3yu75p0yYVKFAgYMY2Z9O3zVp1q4dixYpp2bJlftdXrFihokWLBszYrAWbDmxn2fTgVt82e1BYWFjAT9M6ePBg0ANYbu2pNnMkuz0IAAAAAAAAAAAAAJCDXMFHFV4W27ZtM1FRUeaf//ynefvtt83bb79t7rvvPlO8eHGzdevWgJnU1FTTpUsXU6BAAVO9enVTvXp1U6BAAdOlSxeTmpoaMPPuu++ahg0bmo0bN3qvbdiwwcTFxZlRo0YFzJw+fdo0btzYREdHm7vuusvcdddd5sYbbzSNGzc2p0+fDphJTEw0FStWNPXq1TN9+/Y1ffv2NfXr1zcVKlQwhw4dytIefvzxRxMVFWU++OADs2rVKrNq1Srzn//8x9xwww3mhx9+yLLuli9fbooUKWL69+9vvvnmG/PNN9+Yfv36mcjISLN8+fIsm+NWBzaZzz//3JQvX95899135vjx4+b48eNm9uzZpmLFimby5MkBM7Y5m75t1qpbPXz//ffmhhtuMB9//LFZu3atWbt2rfnoo49MdHS0+e677wJmbNaCTQe2s2x6cKtvmz1o5MiRJi4uzufn3bJli7n11lvN22+/HTDj1p5qM8cYuz0IAAAAAAAAAAAAAJBzeIxxeD5SNnXo0CG99957WrFihaS/PlmmZ8+eKl68uGNu27ZtWrlypSSpZs2aQT/l54JBgwZp+PDhypMnjzwej5KTk/XMM89oyJAhjrl58+b53Nvtt9/u+P5z585p0qRJPpmOHTsqX758jjmbHubMmaOXXnrJm6ldu7ZeeOEFNWvWzHFWqN2tW7dOw4YN87m3fv36qXLlylk6x60ObDKffPKJBg8erL1790qSSpYsqUGDBqlr166OP5NNzrbvUNeqWz18//33GjJkiHct1KpVSwMHDlTLli2DZmz3hVA7sJ1l04NbfdvsQc8//7zeeustFSxYUNJfjx186qmn9OqrrwbNuLWn2s6RQt+DAAAAAAAAAAAAAAA5Q448ZOWmpKQkrVu3TpIUGxvr+Kg3IJDDhw9LkiIjI13JXa1y2s9jy60e3Jhz6tQprV27VpJUuXJlXXPNNRlm3NpT2bsBAAAAAAAAAAAAAKHgkBUAAAAAAAAAAAAAAAAAOAi70jcAAAAAAAAAAAAAAAAAAFczDlldJD09/UrfQrblVnf8jgAAAAAAAAAAAAAAAOC2HHvI6rnnntOePXtCypQqVUpDhw7V4cOHM505fvx4qLem+vXra9KkSUpJScl0pmPHjlq4cGHIs2x6+P7770OeY9Pd6NGjlZSUdNnnuNWBTWbjxo0hZ2xzNn3brFW3epg7d27IGZu1YNOB7SybHtzq23YPkiSbp9KmpqZm+r0nT55U3759deedd0qS1q9fr8mTJ2f5HEnat2+f7rrrLtWqVUuStGrVKr399tshfQ8AAAAAAAAAAAAAQPaTB9+mkAAAIABJREFUYw9ZSVLdunV19913Z/owxo8//qiDBw+qUqVK6ty5s5YsWZJhpmzZsnr00Ue1evXqTN/XkCFD9Pnnn6tUqVIaOHCg9u3bl2HmtttuU48ePVSjRg2NGTNG586dy/S8UHsYMmSIypcvr5EjR+rkyZOZyth0N3/+fJUuXVpPPvmktm7detnmSO50YJNp2bKlmjVrpm+//Takgyg2OZu+bdaqWz0MGDBAsbGxeu+993T69OlMZSS7tRBqB7azbHpwq2+bPWjDhg2qXbu2brrpJknSihUrNGDAAMfMunXrVL16dZUuXdqb6d+/v2PmscceU5EiRbRt2zZJUunSpTVs2LAsnyNJ3bt3V7t27byHsypXrqwxY8ZkmAMAAAAAAAAAAAAAZHMmB0tOTjbjxo0zdevWNRUrVjTvvfeeOX36dIa506dPm/fee89ER0eb2rVrm88++8ykp6cHfO/x48fNiBEjTJkyZUxcXJz54osvTGpqaqbub8eOHeZf//qXKVasmGnXrp1ZsGBBhpmff/7ZtG/f3hQrVsz861//Mjt37swwY9PDihUrzMMPP2wiIyNNjx49zLp16zL1M4XSnTHGHDhwwAwePNiULFnStGrVysycOfOyzHGrg1AzaWlp5quvvjJNmjQxpUqVMsOGDTN//vlnhnNsc7Z9h7pW3eph8eLFpnPnziYyMtL06dPHbNy4McOM7b5g8+c11Fm2PbjVtzGh7UFNmjQxP/30k6levboxxpj09HRTqVIlx+9/2223mV9//TWkTI0aNYwxxpsxxpiqVatm+RxjjKlVq5bfrIv/GwAAAAAAAAAAAACQM+XoQ1bGGJOSkmImTZpkoqOjTZUqVUyJEiXMhAkTgr4/PT3dTJs2zTRv3tzExsaaESNGmISEBHP33XdnOGvGjBkmOjralChRwrzyyisZHtxYs2aN6datm4mOjjZ9+vQx1apVM7169XLMHD582AwdOtRER0ebNm3amOjoaPP6669neG+h9nDB77//bqKjo014eLhp2rSpWbNmTdD3Xkp38+fPN9HR0eYf//iHKV++vJkzZ06Wz3Gjg0vJLF261ERHR5t8+fKZRx55xOzbty/DjG0ulL6NsVurxrjXw6pVq7xzWrZsadauXev4fpu1YNuB7bqz6cGNvkPZg2wOJNlk6tWr5/O+pKQkU6VKlSyfc2FWenq6971Hjx7N8EAXAAAAAAAAAAAAACD7y7GHrPbu3WteeOEFEx0dbe6//36zePFiY4wxu3fvNtHR0QEzr732mildurRJSEgw33//vc/XYmJigs46efKkeeedd0yFChVMy5YtzdSpU03Pnj1NXFxcwPd//vnnJi4uzlSuXNl8+OGHJikpyRhjTGpqqrnpppsCZhYvXmw6depkbrjhBjNgwACzd+9eY4wxp06dCvrz2PZgjDFz5841d999t7n55pvN66+/bg4fPmy++OKLoD3YdHf27FkzZswYU7NmTdOwYUPz+eefm9TUVLNkyZKgPdjMcasD28zWrVvNU089ZUqWLGkee+wxs2LFCjNs2LAMD4mEmrPp22atutnD/PnzTfv27U2pUqXMK6+8Yg4ePGg+++wzU7Zs2YDvt1kLth3YrjubHtzo22YPqlevnklJSfF+0tS+fftMzZo1g97Thcz58+e9mT179mSYefbZZ82rr75qKlasaH766SfTpk0bM3DgwCyfY4wxb775punWrZuJiYkxn3zyialTp44ZOXJkhjkAAAAAAAAAAAAAQPaWYw9ZFS9e3LzwwgsBP5XlxRdfDJjp1auX2bx5c8CvLV++POD17t27m+LFi5tevXr5PaqsQoUKATMJCQnmxx9/DPi1adOmBbxepUoV8/HHH5uzZ8/6fe2DDz4ImDHGroeKFSuauLg48+WXX/o9+rBly5YBMzbdFStWzHTq1MksXbrU72uPPPJIls1xqwObTIsWLUzp0qXN8OHDzbFjx3y+5vToMpucTd82a9WtHipXrmzq169vJk2aZFJSUny+1rRp04AZm7Vg04HtLJse3OrbZg8aP368adu2rYmOjjYvv/yyKVOmjJk4cWLA914wYcIEk5CQYKKjo82gQYNM6dKlzeTJkx0zKSkpZujQoaZu3bqmTp065uWXX/ZbE1kx54JJkyaZ++67z7Rv3z5Tn0oGAAAAAAAAAAAAAMj+PMYYoxxoyZIlqlevns+1NWvWqGrVqkEzr7zyil544YUMr13szTff1KOPPqrChQv7fe3AgQOKioryuz527Fh17do1w2sXmz17tlq1auVz7bvvvlPLli2DZiS7HpYvX67atWs7ft+/s+luz549io6O9rn2559/qkiRIlk6x60ObDJfffWV7rnnHoWFhV32nE3fNmvVrR4WL16s+vXrhzTHZi3YdGA7y6YHt/q23YN++eUXffvttzLGqG3btrrtttsynLVw4UJvpk2bNrrllluCvjctLU3vvvuunnjiiUz9HLZzLswaMGCAhg0bFvIsAAAAAAAAAAAAAED2FtrJjmykR48eftceeughx8x///vfTF272Pbt2/0OWPXs2VOSAh6wkqR33303U9cu9vzzz/tdGzBggGNGsuvhwv1frG7duo4Zm+7uvPNOv2vNmzfP8jludWCTmThxot9Bl7vuussxY5uz6dtmrbrVw5NPPul3rUGDBo4Zm7Vg04HtLJse3Oo71D0oLS1NDz30kG699VaNGDFCb731VoYHrNLS0tS5c2c1bNhQw4YN0xtvvJHhwafw8HBNnTrV8T1ZMefCrKVLl4Y0CwAAAAAAAAAAAACQM0Rc6RvIan/++acSExN17tw5bdiwQRc+qOvEiRM6c+ZMwMyPP/6oH374Qfv371e/fv2810+cOJHhvMWLF/tdW7RoUcD3Ll++XEuWLNGff/6p999/32fO+fPnA2a2bt2qzZs36+TJk5o1a5ZPJikpKeh92fRwQWpqqs/r9PR0nT59OuB7bbpLTU3V+fPnlZ6errNnz/rcW7CfyWaOWx1cSmb37t1+17Zv3+6YCTVn07fNWr143sUuVw/Jyck+r40xQdeDzVqw7eBS1p1ND5e7b9s9KDw8POAcJ+Hh4dq3b19IGUlq1qyZvvjiC/3zn/+8rHMkqU2bNho2bJgefvhhFSxY0Hs9f/78Vt8PAAAAAAAAAAAAAJA95LhDVp999pnefvtt7d+/X3fccYf3euHChX0O51wsd+7cKliwoDwejwoUKOC9HhUVpeeeey5gZsqUKfryyy+1c+dO3Xfffd7rJ06c8PkeF9u3b5+WL1+uM2fOaNmyZd7rhQoV0rhx4wJmfvvtN40bN06HDh3S8OHDfTIjRowImJHsehg+fLjeeOMNnThxQkWLFvVeT0pK0gMPPBAwY9Pdq6++qiFDhvhlChUqpKeffjrL5rjVgU3mo48+0ocffqjNmzf7fOrQiRMnVL58+YAZ25xN3zZr1a0eRowYoTfffFNHjx5ViRIlvNfPnDmj9u3bB8zYrAWbDmxn2fTgVt+2e5D01+GnPn36+B1IKleuXNBM06ZN1aNHD79MbGxs0Mw777yjI0eOqGvXripQoICMMfJ4PEpMTMzSOZL0zDPPSJKee+45eTwe76y0tDTHHAAAAAAAAAAAAAAge/OYCx+zksO8/PLLGjhwYEiZ1atXq1q1apl+7++//65BgwbppZde8l4vVKiQ4uPjVahQoaDZ2bNnq1WrViHd25gxY/R///d/IWWk0Ho4ceKEjh07ph49euiDDz7wXi9UqJD+8Y9/OGZD6e6CHj166D//+U9IGZs5l7sDm8yuXbu0Y8eOgJmqVasqPDw8S3OSXd+hrFW3ejh27JiOHDkSMBMZGel4jzb7gs2f11Bn2fTg5rqT7Pag6Ohov2sej8fxE65Kly4dMOP0iV67du0KeP2mm27K0jkAAAAAAAAAAAAAgP9dOe6QVXJysvLkyRP0MVaBHuk0ZcoUtW/f3ueRYBfr2bNn0HmHDx/O8GDHBb/99psaNWrk88iti138qTcX7NixQ6VLl9b69esDZoJ96opNDzYupbvLPcetDnIim7V6NbNZC7Yd5LR1Z7sHAQAAAAAAAAAAAACQk+S4xwU2aNBAK1eu9D5a7uIzZMEe6bR27Vq1b9/e55FgF2cCGTlypJ544gmfx2dd7I033vC7Nm7cODVq1ChgxuPxBDy00adPH82YMUMJCQkBM8E+dcWmh86dO2vChAmqU6dOwJ976dKlftdsuouPj9fcuXMVGRnp8x6nR3zZzHGrA5tM//79NWzYMLVv3z5g5ssvvwz4M9nkbPq2Watu9fDQQw9p3LhxatCgQcDMwoUL/a7ZrAWbDmxn2fTgVt82e1BqaqoiIiJ0/vx5v69Jfz3+8+9sDqfZdGB7CM7mzxEAAAAAAAAAAAAAIOfIcZ9k5ZbRo0ere/fuGjJkSMCvDxo0yOU7unQrVqxQrVq1NH/+/IBfb9y4cZbMOXDggKKioqwe8XW52XRgk5k+fbratGmj8ePHB8w8+OCDAa/b5Nzq260eli5dqrp162ru3LkBM/Hx8SHc9dXBpgc3112oatasqZUrVyosLMx70Ozifwc6aBYoc0GwjE0HNnOkq3vfAgAAAAAAAAAAAABcfjnukNW6deu0f/9+NWvWzOf6999/rxtvvFEVK1b0y4wdO1apqanq1q2bz/WRI0eqcOHCeuihh7Lk3qZNm6YTJ06oc+fOPtc//vhjFS9eXK1bt/bL/Pbbbzp06JDuuecen+tffPGFoqOj1bBhw4CzbHo4efKkjh49qlKlSvlc37Fjh66//noVKlTIL2PT3d69e3Xw4EHVrl3b5/qyZctUokQJ3XDDDVkyx60ObDJpaWlKTk72+9ScpKQk5c2bV2FhYX4Z25xN3zZr1a0eTp06pWPHjunGG2/0ub57925dd911KliwoF/GZi3YdGA7y6YHt/q22YPS09MVFhYW9MBSeHh4wOsAAAAAAAAAAAAAAFytAp/kyMYGDBigIkWK+F0vXLiwnnvuuYCZ999/X/fdd5/f9c6dO+u9994LmHn99dc1atQov+vDhg0L+KjAC19r2rSp3/VWrVpp2LBhATODBg1S1apV/a5Xq1ZNgwcPDpiR7Hro16+fVqxY4Xd9wYIFevbZZwNmbLrr37+/Tp065Xf9zz//zNI5bnVgk3nuuec0ceJEv+ujR4/WgAEDAmZsczZ926xVt3ro37+/lixZ4nf9p59+CjrHZi3YdGA7y6YHt/q22YMuHNYKDw8P+E9W27lzp3r06KHmzZvr9ttv9/5zOaxcuVItW7ZUuXLldPPNN3v/AQAAAAAAAAAAAADkbDnuk6wqV66stWvXBvxalSpV9Mcff/hdr1atmlavXh0wU716da1atSpgZvHixcqXL5/P9aSkJDVs2DBgpmrVqlqzZk3AOcHuwSYj2fUQGxur9evXh/T9bLqrVKmS1q1bd9nnuNWBTaZSpUpavXq1IiIifK6npqaqRo0aAe/NNmfTt826c6uH2NhYrVu3Th6Px+e6MUaVK1cO+LParAU3/+zZ9uBG37Y9SNKPP/6oJ598Utu3b1dqaqr3cYHnz58Pmpk9e7Y3k5aW5viIwQvq1q2r+Ph4NWjQwOcQV0JCQpbOkf76Hfbu3dtvVqVKlRxzAAAAAAAAAAAAAIDsLSLjt2QvTn9BnpqaGvD66dOng2YCfQLQBX8/YCVJ+fPnV7Bza0lJSUG/15kzZwJeP3v2bNCM09dsenD6hJm/H2i5wLa7YIJ1ZzPHrQ5sM38/6CJJERERQTOXkgsmK9eqWz2Eh4cH/JrH43F8zGIwwdaCTQe2s2x7CCYr+7bdgySpd+/eeuutt/wOJDl54oknNGrUqJAy586d02uvvZap917KHOmvDrt37x7SLAAAAAAAAAAAAABA9pfjHhdYsGBBbdq0ye/6pk2bVKBAgYCZWrVqaezYsX7Xx48frxo1agTMnD59OuABlfT09KCHfsqWLatZs2b5XZ89e7ZiYmICZqKiogI+Gm3p0qUqVqxYwIxk10NqaqpOnjzpd/3EiRNKSUkJmLHpLiwsTAcOHPC7fuDAgaCHZGzmuNWBTebs2bNKTk72u56cnOx4uMcmZ9O3zVp1q4eUlJSAf8ZOnjwZ9BOSbNaCTQe2s2x6cKtv2z1I+quLhIQEXXfddSpcuLD3HyeFChVSixYtVKhQIRUoUMD7j5PKlStr7969ju/JijmS1KhRI/3+++8hzQIAAAAAAAAAAAAAZH/hgwcPHnylbyIrFS5cWN27d1fZsmUVGRmp5ORk/fzzz+ratauee+45Va5c2S9Tq1YtderUScuWLdO+ffu0ZMkS/fvf/9aYMWM0efJkXXfddX6Z1atX648//lDjxo19rg8dOlSFChXSXXfd5ZepWLGi2rVrp6NHj+rMmTPatGmTPvnkEw0aNEiffPKJSpQo4ZeJjo5Whw4dVLBgQeXKlUuHDh3SN998o169eunf//530MMeNj0cPXpU7733nlq2bOn9lK5jx46pa9euio+P12233ZYl3RljNHDgQMXFxalIkSKSpI0bN6pLly568MEHVbdu3SyZ41YHNpkdO3Zo2rRpatWqlfegU2pqqvr27asKFSqoVatWfhnbnE3fNmvVrR4OHz6s0aNHq2XLlsqbN6+kvw4WPfLII7rtttvUpEkTv4zNWrDpwHaWTQ9u9W27B0nSnj17dP78eZUpUyboe/5u3759OnPmjMqVK5fhe9u3b6+vvvpKx48f1wsvvKDffvtNX3/9taZMmaIpU6aoffv2WTJHkurUqaOPP/5Yu3bt0muvvaYpU6bok08+0UcffaSPPvpIjz76aKZ/RgAAAAAAAAAAAABA9uMxwZ4Xlo198sknGjx4sPeTTUqWLKlBgwapa9euQTOHDh3Se++9pxUrVkj661BPz549Vbx48YDvP3z4sBo3bqxChQqpQYMGkqTFixfr+PHjmj9/vooWLRowt27dOg0bNsxnTr9+/QIevLhgzpw5eumll7yZ2rVr64UXXlCzZs2ytIe0tDR17dpVU6dOVdmyZSVJW7Zs0b333quxY8cGfaRWqN1J0qBBgzR8+HDlyZNHHo9HycnJeuaZZzRkyJCgGZs5bnRgkzlz5owSEhK0fft21apVS5K0cuVKlS5dWjNnzgz6iTq2OZu+Q12rbvWQmpqqBx98UNOnT1f58uUl/fUpUW3atNH48eMDPg5PstsXbP682syy6cHNdRfqHhQVFSWPxyNjjA4dOqRrr71WefPmlTFGHo9H+/fv98tERkZ6M0eOHFHBggV9MomJiX6Z8ePHB5x/wYMPPpglcyRp/vz5jrP+fuAWAAAAAAAAAAAAAJCz5MhDVhccPnxY0l9/qX45nDt3TpMmTfI5gNGxY0fvp8pcLULtYdu2bVq5cqUkqWbNmo6fVHMpkpKStG7dOklSbGxsph7VZcuNDmwy8+bN81k/t99+e6buzybnVt9u9bB582ZvpmbNmt4DVxm53PvCpcyy6cHNdZdZ27Ztc/x6oHvctWuXY+amm266pHu6HHOOHz+ua6+99lJvCQAAAAAAAAAAAACQDeToQ1YAgCsvPT1d69evV8mSJTN9KCk1NVVr165VdHS0rr/++oDv+fzzz1WnTh3voa0+ffpowoQJiomJ0cSJE1WxYsUsmSNJb7/9tlq0aKGKFSsqPT1dd955p2bOnKnrr79e06ZN836iIQAAAAAAAAAAAAAgZwq70jcAAMhZBgwYoLVr10qSkpOTVb9+fTVs2FAlS5bU7NmzA2b69++vP/74Q9JfnxJYr149NWnSRKVKldKMGTMCZoYOHep9XOjMmTP1zTff6Pvvv1fXrl311FNPZdkcSfr444+9h7mmTJmirVu36sCBAxo3bpz69++fiVYAAAAAAAAAAAAAANkZh6wAAFnqm2++UWxsrCRp8uTJSktL0+HDh/XLL79o8ODBATPTp09XpUqVvJmwsDAdOnRICxYs0EsvvRQw4/F4vI+9/O677/Twww+rXr166tWrlw4cOJBlcyQpIiJCuXPnliTNnTtXnTt3VrFixZSQkKBTp05lXAoAAAAAAAAAAAAAIFvjkNXfpKena//+/dq9e7f3n+wuLS1NO3fuzPT7z50753ft8OHDGea+/fZbDRs2TJK0b98+76fFBHP8+PFM39OlzIGv1NTUK30LV8z58+f9rh09etQxM3r0aCUlJYU8a+PGjSFncoo8efIoLOyv/738/PPP6tixo/LkyaOaNWsqJSUlU5kOHTood+7cqlatWtA1m56e7v3vJUuWqGHDhgG/dqlzpL/+3Fx4uu6iRYt8ZgX7mQAAAAAAAAAAAAAAOUfElb6By+XPP//UkCFDtHr1ap9DQ0uXLg2aGTdunB5//HHlypXL+5fwHo9HiYmJQTNpaWl69913tWXLFr377rvatm2bdu3apdtvvz1o5rvvvlPfvn21fft2paWlyRgjj8ejtLQ0v/dGRkbK4/EE/V5O9yZJv/76qzp27KiwsDDt3r1by5Yt0zvvvKMJEyYEzXTs2FFff/219/Xx48fVsmVLrVixImhm8ODBWrJkibZt26b+/fsrLCxMjz32mH777begmbJly+quu+5S7969Va1aNcef41Lm2KyF1NRUTZ06Vdu2bfM5ePHiiy8GzSQlJWnSpEnavn27T+aNN94Imnn//ff9rhUuXFh169ZV2bJlg+YkaeXKlVq1apXPz9SzZ8+g71+3bp0eeOABHTlyRHv27NGKFSv05Zdfeg+sBRLKWr3ApruUlBSNHDlSc+bMkcfjUdOmTdWnTx/vJwcFM23aNL8Ohg4dGvT9DRo00JQpU3TzzTdLkhYuXKjOnTtr27ZtQTPz58/Xiy++qPvvv1+9evVSmTJlHO/pgpYtW6ps2bLq3bu32rZt6/jn+GJz5szxW0NOv9d+/fr5XStcuLAaNGjguA9d+HN08ZwuXboEff/KlSs1YMAAv3vbvn2733tTUlKUkpKiXLlyacGCBerevbv3a8nJyQG/f2pqqs6fP6/cuXNrwYIF6tGjh/drgQ5+SlL16tX1r3/9SzfccIO2b9+uxo0bS3I+wGkzR5Li4+PVsWNHFS9eXCdOnFBcXJwk6eDBg8qTJ0/QHAAAAAAAAAAAAAAgZ8ixh6y6du2qRo0a6fvvv9eIESM0evRo1ahRwzHz8ssva+nSpapQoUKm5/Tp00cpKSlasGCBJOn6669Xhw4dtGzZsqCZxx9/XKNGjVKDBg0UHh7u+P2XL18uSfr444919OhRdevWTcYYjR07VjfccEOG99evXz/Nnz9f7dq1kyTVqVNHK1eudMyUL19eTzzxhEaOHKnTp0/rjjvu8DmIEMg333yjFStWqHbt2pKkqKioDB+htXXrVo0ZM0bt2rVT8eLF1adPH917772OndjMsVkLHTp00MGDB1W3bt0Mf0cX3H333YqIiFCtWrUyfehi9uzZ+uWXXxQfHy9JmjdvnuLi4vTcc89p8ODB6tq1a8DcsGHD9MUXX2j37t1q3LixfvzxR8XHxzsexundu7feffdd9enTR5JUs2ZNPfjgg46HrEJZqxfYdNe9e3cdOXLEu84++eQTrV+/XmPGjAmaefrpp7VhwwatWrVK7du311dffaXmzZs7znnuuefUpEkTDR8+XLt27dJ//vMfxwOHkjRp0iQdPHhQo0ePVpMmTVSlShX17t1bd9xxh2Nu+/bt+vrrr/X/7N15XI35/z/+x1UhkeWNIaOhd5ShfaGFUmkK5T2WkkhIm7IMMzG2sQ2yL6NhMCJrZBhbTDU0MtFeREaJUpgWhUSdru8f/c717jjnus45jZnPW7/n/Z+pq+t5Xte5zutc/pjH7fnctm0b5s6di+DgYPj5+aFLly68Nd7e3rh9+zaMjY25eycvnPXkyRNcu3YNn3/+OYDGTm9DhgxBdHQ0PD09sXjxYqma4OBgXLp0CSYmJhLrCIWsfH19ERoaqtBeGDduHJydndGtWze0atUKVlZWAIDCwkJoamrKrPHw8ICTkxO6du0KdXV1DB48GEDjfezYsaPMmp07d2LJkiW4cuUKTp48ibZt2wIAUlJSMHXq1Pe2DgBs2rQJ27dvx6NHjxAbGws1tcZ/Pv/44w/MmzdP8H4QQgghhBBCCCGEEEIIIYQQQghpAdgWytjYmGVZljU0NGRZlmXfvHnDOjo6CtYMHjy42euYmJhwx4yMjARrzM3NlV7Hzs5O6tjQoUPl1llYWLAsK3l9TX/mM2HCBHbdunWso6Mju2XLFrnni+9d09cW33tFnDt3jtXW1mZ79uzJrl69mn358uV7W6c5e0FPT49taGhQ+PpZlmUHDBig1Pksy7Jubm7so0ePuN8fPXrEenp6sqWlpezAgQN56wYOHMi+fv2ae293795lPT09BdcS7ztl9kJz9mpz7t2nn34qUVNfX89++umngjUGBgZsfX09930rKSlhR48eLXetlJQUVk1Nje3Zsyf7559/KnWdV69eZbW1tdnOnTuz+vr6bFxcnEJ1N2/eZLW1tdm2bduyM2bMYB8/fizzPH19fba+vl6pa3JycmIrKyu53ysrK9lRo0ax1dXVbP/+/WXW9O3bl339+rVS64j3mqKOHz/ObtiwgS0pKeGOpaSksBcvXuStiYmJYbds2cI+efKEO5aamspeunRJqbXl+afWIYQQQgghhBBCCCGEEEIIIYQQ0nK02E5W4jFjbdq0QUVFBTp16oTi4mKZ59bU1AAAxo4di++++w7e3t5QV1fn/q6hocG7TtPzgMbxgQ0NDYLXNmrUKJw7dw5ubm4KvRcAKCkpQVlZGbp27QqgcQReaWmp3Dp1dXW8fPmS64Zz+/ZtqWsWE98HoLFDzIgRI+Dk5ISAgADU1NQI3ofevXvj2rVrYBgGDQ0NWLNmDQwNDeVe34sXLxAZGYnJsysaAAAgAElEQVSIiAgMHDgQ/v7+iI+Ph6urK3777bf3so4ye0Hsk08+QV1dndxxdU0ZGhqitLQUWlpaCtcUFhZCW1ub+11bWxv37t1Djx49uE45sqirq0NdXR0NDQ1gWRb6+vooLCwUXEtNTQ11dXXcXiguLubGYvJpzl5tzr3r2bMnamtruU5Eb9++Ra9evQRr1NXVoaqqCoZhUFdXBy0tLbmf682bNzFp0iSsXLkSGRkZ8Pb2xpEjR7jvlSy1tbU4cuQIdu7cCXV1dWzYsAHjx49HWloaPD09Be97fn4+IiIiEB0dDTc3N/j7+yMuLg6urq7Izs6WOr9v3754/fo12rdvL/g+miopKUGnTp243zt16sR1jOL7rmtpafH+jY+trS0yMjLkdoET8/T0lDom7kDHZ+zYsVLHzM3NFbtAJfxT6xBCCCGEEEIIIYQQQgghhBBCCGk5WmzISl9fHxUVFZg8eTKsrKzQsWNH3nBA+/btwTAMWJYF0DgiTYxhGIhEIt51jIyMcPjwYbAsi8LCQqxduxZ2dnaC1xYREYHy8nK0b98e6urqYFkWDMPg2bNnvDVz586FiYkJRo0aBQC4cOECFi1aJLgOACxduhQuLi4oKSnB1KlTERsbi0OHDsk8t+l9EP83NTUV4eHhcu/D9u3b4evri1u3bkFDQwNDhw7F4cOHBa8tKCgIZ86cwbhx43D69Gno6+sDaAxAfPrpp+9tHWX2gpienh4cHR0xduxYiTCK0Di+pUuXYvDgwTAxMZGoiY6O5q3p3r071qxZg2nTpoFhGOzfvx//+te/IBKJBMfEaWhooK6uDiYmJliwYAF69eolEZKTJTQ0FGPGjEFZWRmWL1+OgwcPYs2aNYI1yuzViIgIAM27d//+979hbW2NCRMmAABOnDgBOzs77jVl1WpqaqKmpgY2NjaYPn06tLS05I6xmzBhAqKiojBkyBAAwHfffYdBgwahoKCAt6ZPnz5wdnbGrl27YGlpyR0fNGgQnJ2deetcXV1x7949BAcHIycnhwtCmZmZ4eDBgzJr1q9fj6FDh2Lo0KES9279+vW86wwYMAABAQHcHoqMjIS+vj7evHnDez9sbGzg6ekJLy8viXWERiBev34de/fuhb6+vkTNzZs3eWsIIYQQQgghhBBCCCGEEEIIIYSQloJhxcmiFiwpKQmVlZUYMWKE3BCGsl6+fIn58+fj9OnTAIDRo0djy5Ytgp1oHj58KPN47969BdfKzs7G1atXwbIsHBwcFOoUBQAPHjxAbGwsWJbFZ599hr59+ypU1xw1NTVoaGhQqBPPxo0b4e/vj44dO0r9TV5HKGXWaUrRvTBt2jSpYwzD4Mcff+StsbCwgJWVFczMzCRe29fXl7empKQEs2fPxq+//goAcHBwwNatW9G1a1f88ccfvJ/xrVu3oKOjg5qaGixatAiVlZVYsmQJTExMeNcCGoMyZ86cAcuycHd3x9ChQwXPV2avyrpnYvLuXXNqS0pK0KVLF4hEImzYsAGVlZWYO3cu+vTpw/taf/75J7p16yZxTF53JmW7k4mdPHkSY8eOldstrKnhw4ejbdu2MDU1ldhD33zzDW9NdXU1Vq5ciV9//ZV7Nixbtgzt2rVDZWWl1PsFGvfZuxiGQUJCAu86V69elXnc3t5e6C0RQgghhBBCCCGEEEIIIYQQQgghLUKLDFmJRCKYmJggJydHqbqioiJ0794drVu3RlJSEjIyMuDr6wtNTc2/6Upblvv376OgoAD19fXcMaHOOACQmZmJ3NxceHt7o7KyErW1tXIDLaWlpXjw4IHEOnzdw5q7F5rDyMhI5gi4v1N9fb3gWEE+VVVVKCoqgoGBgdxzX79+jezsbDAMA0NDQ26k3/8lkUgEPz8/REZGKl2bmpqK+Ph4MAwDR0dHuSPsACA9PR2ZmZmora3ljgl15hI7c+YM7t69iwULFuDx48eoqKgQDEd++umnuHPnjmJv5P/I06dPwTAMPvroo39szYaGBsGw2j/x7JbXKU5onCohhBBCCCGEEEIIIYQQQgghhJAPX4scF6iqqopevXrh9evXSgVC/vOf/+D69et4/PgxvLy8MGTIEFy9ehUnTpyQOvfChQuCryUrXOTj44OoqChYWlrKHAUnNHYrPT0dixYtkgox8Y0569atm+C4OaHRhBcvXsQXX3yBgoICiEQibkSc0LjA+fPn49ChQ9DX1+c68DAMIxiy2rVrF77//nu8fPkS3t7eqKiogL+/v2A3nW+//RYbNmzAv//9b4l1+O5dc/dCfX09tm3bhri4ODAMA2dnZ8yaNUsw0GRra4ucnByFO4yJ3bhxA/n5+RKf65QpUwRrbt++jUmTJqG8vBxFRUVIS0tDdHQ0wsPDeWtcXV1x7NgxqKmpwdjYmFtn5cqVvDXXr1/H+PHj0b17d7Asiz///BMnT56EtbW14PUpGkpKSkqCra0t7/eJb/+oqqri0aNHgtcgy549e7Bq1SqMHTsWADBu3DgsXboUM2bM4K0JDw/H8ePH8ejRI9jb2+OXX36Bk5OT3JDV8uXLuc92wYIFUFFRQVBQEJKSknhrTExMlO6cVV9fj5iYGKk9tGzZMsG6mJgYif09ZswYwfPv3LkDT09PFBcXAwC0tbURHR2N/v3789ZcuHABQ4cOhaamJrZu3Yrk5GR88803vONAgcbv+OLFi7nfWZbF1KlTeUcsAso9u5t6+vQpbt++LbFP+fbcu2Nlm5L3fCSEEEIIIYQQQgghhBBCCCGEEPLha5GdrABgzpw5SEpKgqenp8RIOaFghJmZGdLT0/HDDz/g2bNnWLJkCYyNjZGVlSV1rqxxW2J8Y7fS0tJgbm7erLFbhoaGCA0NhbW1tcQYsYEDB8o8Xzzmbe/evaioqEBAQABYlsWPP/6Ijz/+GAsWLOBdS09PDzt27JBaq127drw1ffv2RXZ2tlLdXExNTXH9+nXY2NggIyMDAGBgYIBbt27x1ujq6uLGjRvo2rWrwus0Zy/Mnj0b+fn58Pf3BwDs27cPOjo62L59u+D7yc3Nhb6+PtTV1bnjQuG54OBgXLp0CSYmJhKhsejoaMH35ODggFWrVmHWrFnIyMgAy7IwNDQUvHempqbIyMhAdHQ0kpKSsHHjRpibmwt237KyssKmTZtga2sLoDF0NW/ePCQnJ/PW8IWSfvrpJ6lz/f39sWfPnmaNr1u7di1KSkowbdo0ic9VT0+Pt8bIyAjx8fHcCL0///wTTk5OgvfAwMAAqampsLKyQmZmJvLy8rBs2TIcP36ctwZoDEylpaXBwsKC29/yup25uLggNTUVtra2EntIaD+MHz8eT548waBBgyS+rxs2bOCtWblyJU6fPs2F+Q4dOoTPP/8cS5Ys4a1xcHCAv78/vL29AQDHjh3D7t27uVGXsojfb3Z2NiZPnozAwEAcP34ciYmJvDWfffYZpk2bhokTJwJo/J7W1tYKjptU5tktFhkZiRUrVqC8vBz9+vVDVlYWrKyscO3aNd4aQgghhBBCCCGEEEIIIYQQQggh///VIjtZAUB1dTUMDQ0lRm8JdXYCgDdv3uDNmzf45ZdfMHfuXMFzhYIFfMzNzQH8N0z15MkTMAyD7t27y61VVVVFYGCgwmv17t0bAJCYmCgR6tq+fTvs7OwEQ1YdOnSAi4uLwmuJ12vdurVSNa1bt5bqLiVv9F2PHj2UClgBzdsLV65cQWZmJjeizM3NDWZmZoI1W7duVeq6ACAuLg65ubkSgRpFvHjxAkOGDOF+ZxgGrVq1Eqypq6sD0LgnXF1d0apVK8ERbABQW1vLBawAwMbGRqLrjyxRUVFcKCkmJoYLJcmyZ88eAM37PkVERAAATp8+zR1jGEZuhytxwEr8s7y9oK6uDnV1dTQ0NIBlWejr66OwsFDu9amrq0uEnhTh7e3NhZgUlZOTg7t378p9H02dPHkSycnJXCjS398f1tbWgiGryspKiWvz8vIS7JwG/Pf7fPnyZQQGBiIkJAT79u0TrDlx4gScnJzw8ccf4+zZsygrK8OxY8cEa5R5dott3rwZ6enpcHR0RFpaGhITEwW7ZTX1+PFjXLt2DQzDYMiQIejZs6dCdYQQQgghhBBCCCGEEEIIIYQQQj5cLTZktX//fqVrJk6ciB49ekBPTw82NjYoLS2V25mJryOLnZ0db01OTg4mTpyIx48fAwB69eqFo0ePwsDAgLfG1tYWGRkZMDU1VeCd/FdJSQnKysq4YFJZWRlKS0sFa0aNGoVz587Bzc1N4XU2bdoEd3d3ODs7SwSGhLpFdevWDffu3ePCIVFRUdDW1hZcx8XFBfPnz8ekSZMk1hkwYABvTXP2AsuyaGho4EJILMvKHBPWlFAnMj5aWlpKB6yAxvBKXV0dd++Ki4vlBqYMDAzg6uqKu3fvYv369aipqZG7joaGBuLi4jB8+HAAjeEzed8JZUJJubm5gq8l9LmmpaXho48+En4D7+jbty8WL16MkJAQMAyDH374Abq6uoI1GhoaqKurg4mJCRYsWIBevXopdO969+7NBXEaGhqwZs0auaMkfX19lXo/APDJJ5+grq5OqZAjy7ISn2O7du3k7m9VVVXk5uZyn0leXp7cPVdfX4/U1FScOnUKe/fuBfDfsB+fjh074qeffoK9vT0GDhyI06dPy12nOc/uVq1aoXPnztyIRTs7OyxcuFCwBgDOnDkDPz8/LuQYGhqKffv2wd3dXW4tIYQQQgghhBBCCCGEEEIIIYSQD1eLHRcIAOnp6cjMzJTovCMU+gGA58+fo0OHDlBRUcHLly9RVVWFjz/+mPd8S0tL7ufa2lrk5eXBwMAA6enpvDWDBg3CV199BQ8PDwCNXWXCw8ORkpLCW9OcUXQAsHPnTqxduxajRo0CAFy4cAGLFi1CcHAwb023bt1QXl6O9u3bQ11dHSzLgmEYPHv2jLdmwoQJyMvLg5GRkcTYO6ERX/fv34e3tzdu376Nbt26QUNDA2fPnhUMvejo6EgdYxgGBQUFUseTkpJga2uLCxcuyHytkSNH8q7z5ZdfIiMjA35+fmAYBpGRkTAyMhIcwVZWVoYVK1YgKytLYs8JfUYLFy5EQUEBvLy8JD5XoWsDGse7HTt2DNnZ2Zg+fToOHjyINWvWwMvLi7emtrYWsbGxMDY2ho6ODh4/foycnBy4urry1qSmpmLcuHFo06YNGIbBmzdvcPLkSVhYWPDW2NnZIT4+Hn5+fujRowd69eqFPXv2ICcnR+pcWZ+nGN/nCjSGhExMTATHwcny7NkzzJ49G3FxcWAYBsOHD8e2bdsEw1q3bt2Cjo4OampqsGjRIlRWVmLJkiUwMTERXOvp06fw9fVFQkICVFRUMHToUBw+fFhwrdraWkREREg9t4TGBYaEhCArKwtjx45VOODo5+eHuro6BAUFgWEYrqOY0Pc1NjYWPj4+MDU1BcMwyMzMRFRUFD777DPemtOnT2PJkiVwdHTE9u3bkZeXh7CwMJw5c0bqXEtLS4luXCUlJejcuTPX7U7es07ZZ7eNjQ2SkpIwfvx4DBs2DL1798aXX36Je/fuCa5jZmaG6Oho9O3bFwCQn58PDw8PwWc+IYQQQgghhBBCCCGEEEIIIYSQD1+LDVmFh4fj+PHjePToEezt7fHLL7/AyckJP/30k2Dd06dPcfv2bYmAg7zAS1M3b97EgQMHsHPnTt5zLCwskJqaKnHM0tJSMGTVdORfU4p0T8rOzsbVq1fBsiwcHBzkdtN5+PChzOPiEYSy9OvXT6IrlaIaGhqQl5fHdTwSGq/GsixKS0sVHs3l7++PPXv2wMHBQepvDMMgISFB8Lp++OEHxMXFgWVZODs7IzAwUPD9jR49Gra2tti3bx82bdqE3bt3w9TUFKtWreKtac61iV2/fh1nzpwBy7Jwd3fH0KFDec8ViUQwMTGRGXSSp66ujvuM+vfvL3csYXNDScoaM2YM9u3bh3/961/v9XXft5qaGjQ0NKB9+/Zyz/Xx8YGmpiYuXLiA+fPnIzIyEnZ2dtiyZQtvzbRp06SOyQs4vnr1CqtWrZLY30uXLkW7du0Er+/PP//EjRs3wLIsrK2tlR7dKYTvGScm9KwTiUT47rvvcP/+fezYsQP5+fl4+PAhHB0deWsSEhJgbm6OsrIyBAUF4fnz51i7di3XtY2PsbGxVLjPxMQEmZmZgnWEEEIIIYQQQgghhBBCCCGEEEI+bC02ZGVgYIDU1FRYWVkhMzMTeXl5WLZsGY4fP85bExkZiRUrVqC8vBz9+vVDVlYWrKyscO3aNaXWtra2xu+//8779+nTp2PatGlcKObatWs4duwYvvvuO6XW+V/i7u6Oo0ePKhQkkTdqjW/MF8uyMDU1/UfCDLGxsVIdnmQda0octDAyMkJ2djbevn2LESNGID4+/m+91qqqKhQVFQmOmwSAESNG4NSpU1xnIEV8/vnnOH36tNxjzdXcvQAAU6dOxdWrV+Hu7i6x79asWSP4mjdu3EB+fj43Jg4ApkyZInXe69evERkZic6dO8PT0xNhYWG4dOkS+vfvj61btwp2SQKAs2fPwt7eHh06dMDGjRuRnJyM5cuXC35OhoaGyMnJ4fbQixcvMH78eFy6dElwLWVlZ2fDyMhI7rGmZs6ciYiICLnHmiotLcWsWbNQVFSEGzduICsrC4mJiZg1a9ZfewMyrq2urg7Xrl3DnTt38Pz5czg7OwsGV5vL2dkZXl5emD59OhiGwYEDBxAVFYW4uLj3vhYhhBBCCCGEEEIIIYQQQgghhJD/HWr/1xfwd1FXV4e6ujoaGhq4LkmFhYWCNZs3b0Z6ejocHR2RlpaGxMREHDx4ULAmNzeX+1kkEuHGjRt48eKFzHPF47Devn2LyMhI9OvXDwDwxx9/wNTUVHAdZUfR+fj4ICoqSmoEl7w6oHH81dy5c6XWEhoXqKmpCXNzc7i4uEiMLFu/fr3Uue3btwfDMGia7xP/zjAMRCKRzDUYhoGuri7Ky8vRpUsX3msRO3ToECZPngwASE5OhpWVFfe3bdu2Yc6cOby1ixYtkgpUyTrWVOvWrQEAbdq0QUVFBTp16oTi4mK51xkTE8ONr3N2dsaYMWPk1ri6uuLYsWNQU1ODsbExgMag0MqVK3lr9PT0MHToUHh6ekqEkoTGyj169EjqWH5+vsxzPTw8BDt9yRp5J2sviAntBQDQ1tbmPl9FBQcH49KlSzAxMZEYaykrZOXv74+qqiq8evUKe/fuRZ8+fbB+/XokJCQgKCgIZ8+eFVxr8eLFyM7ORlZWFg4dOoTg4GAEBwfjt99+460RB+DU1NRQU1MDTU1NPH78WHCd+vp6bNu2TWIPzZo1C2pq/I/3qVOnSo23k3WsqeTkZKljQmFSAAgICMC4ceO4TlwDBgyAj4+PzJDVggULEB4ezruPhEYmXr9+HZmZmdxztFOnTnj79q3Mc0+cOAEPDw/ecJi8kbK7du3CpEmTEBISAoZhYGJigsOHDwvWEEIIIYQQQgghhBBCCCGEEEII+fC12JCVhoYG6urqYGJiggULFqBXr15yu+a0atUKnTt35jrc2NnZYeHChYI1o0aN4n5WU1ND3759ceDAAZnnbty4Ucl38V/Tp0+Hra0tLl26JDGKjs/cuXObveaMGTMQFBSEgoICnD9/Hjt27ECfPn0Ea/T19aGvr6/Q6zc0NCh9TWLt2rWDqakp3NzcJIJCssJcmzdv5kI4M2fOlAiQHDhwQGbI6v79+7h37x6qq6tx4cIF7nhVVZXc/aOvr4+KigpMnjwZVlZW6Nixo9zw3MqVK3H69Gku5PPtt9/i9u3bWLJkiWDd06dP0alTJ0RHR+M///kPNm7cCHNzc8GQVXV1NQwNDXHnzh3uGF8oas+ePfjhhx9w7949DBo0iDteVVXF+zm7ubkBaOwUlZKSwt37I0eOwM7OTmbNX9kLQmMY+cTFxSE3N1ciCMgnPT0dubm5qK2tRY8ePXD58mWoqKhgxIgRcruGAeBCTpcvX0ZAQAACAwOxe/duwZp//etfqKysxMiRIzFixAh06dIFWlpagjXz5s1Dfn4+AgMDAQD79u3DgwcPsH37dqlzy8rK8OzZM9TW1uLOnTtcuE0cJpPlxIkTiI6ORmFhITw9PbnjVVVVcscLlpaWYurUqdi2bRuAxmcs30jQIUOGAPjvPlLGu5+nSCTi3Vu3bt2Ch4eHzC5Xiow71dXVRXJyMl6+fAmWZaGpqan09RJCCCGEEEIIIYQQQgghhBBCCPnwtNiQVUREBN6+fYtNmzZh0aJFKCgoQFRUlGBNmzZtwLIs9PT0sGPHDvTu3RtlZWWCNQ8ePFD4muzt7bmfRSIRioqK5IaXxB49eoSff/4Zhw8fhru7O1xcXDBixAje883NzaXWVHSsXFVVFSZMmIDVq1fD0NAQu3fvhqOjIxYtWsRb88033yj0Pv4qXV1d6OrqKnRu0+5I73ZK4puSmZSUhMjISDx9+hQbNmzgjnfo0AGbNm0SXE+8v+bMmQNzc3M8f/5c8DMCgJMnTyI5OZkbi+fv7w9ra2u5Iau6ujoAQGJiIlxdXdGqVSuoqKgI1uzfv1/w70199tln6NevH4KDg6XuA99IOV9fXwDAwYMHkZiYyHVlCggIgLu7u8JrK+Pnn39GZmamRMc1oXGBWlpaCgWsgMbnAdAY4NHR0ZG4v+KuZUJEIhGSk5MRExPD3Xvx58bn/PnzUFVVxapVq3D48GE8f/5cZpetpq5cuYLMzEzu+tzc3GBmZibz3MOHD2Pr1q0oKSnByJEjueMdO3ZEWFiYzBo9PT2MGjUKN2/elAiVdujQAU5OToLX9m43refPn/OGn8R7RLyPlGFkZITDhw+DZVkUFhZi7dq1vMG+FStWAFDu+/Cu5nSfI4QQQgghhBBCCCGEEEIIIYQQ8mFrsSErcZCoXbt22LNnj0I1q1evRnV1NdavX4+goCA8f/6cd6SU2Ndff42ZM2dCW1tb4Wv77bffMHHiRKioqODRo0dISUnB9u3bBUNgzR1F15yxcq1atQLQOALw4cOH6N69Ox4+fCi4Dt/rLVu2TOpYt27dZHaMEY8LFBpLqEyYq+ka767H17HG19cXvr6+2LdvH/z8/BRe613irjzysCzLBayAxv3KFwBrysDAAK6urrh79y7Wr18vt8sWoNxYud69e6N3794SXa8UVVxczAWUgMa9W1RUJPNcJycnxMfHS+0JRfbC/PnzcefOHWRmZsLDwwMnT57EZ599JnhtNjY28PT0hJeXl0TYqmngSOzNmzdct6emPwOQCHXxWb16NYKCguDk5IRPP/0UeXl53IhQPk1HGCo6CpFlWTQ0NHAhK5ZleffQnDlzMGfOHKxatQpLly5V6PWNjY1hbGyMUaNGoVu3bgrViI0bNw4hISF48eIFDh06hJ07d2Lq1KmCNcXFxQgMDMSVK1cAAI6OjoiIiBB8xm7evBnz589HaWkpBg8ejNGjRyM8PFzu9d24cQP5+flc90IAckNtze0+RwghhBBCCCGEEEIIIYQQQggh5MPGsIokOj4gHh4egiOfoqOj3+t6X3/9NSIjI2FlZYXQ0FC5nV0AwNraGocOHcL48eORkZEBABg4cCBu377NW+Pj44Nt27YhKioKO3fuRMeOHaGrq4tjx44JrmVqaoqMjAxER0cjKSmJGyuXnZ3NWxMWFoaFCxciNjYWc+bMQZs2beDh4YEtW7bw1nz11Vfcz7W1tbhw4QKsrKxw+PBhqXPlBbZ69+7N+zdlwlza2tr4+uuvAQBr167lfgaAdevW4dGjR7zrnD17Fvb29ujQoQM2btyI5ORkLF++XLALWGxsLObOnYuCggKIRCIuKCQSiXhr/Pz8UFdXh6CgIDAMwwUCf/zxR94aoPEex8bGwtjYGDo6Onj8+DFycnLg6urKWzN79mzk5+fD398fQONYOR0dHZlj5cQsLS2lvk8dO3aEtbU1wsLCJEY2igUGBuLhw4dcR6KoqChoa2vLHJVXWloKLS0t3j0htBcMDQ2RmZkJMzMzZGVlobS0FEFBQThz5gxvjYODg9QxhmGQkJAgdbxPnz68zxKGYVBQUMC7TnOlp6dznfeaBn+E1vryyy+RkZEBPz8/MAyDyMhIGBsbyxyhKZaSkoKBAwdCQ0MD0dHRuHnzJubNm4eePXtKncvX4UpMaB2g8fM/ffo0WJbF6NGj5YasHBwcMHLkSAQEBIBlWezduxfnz5/Hr7/+KlinrODgYFy6dAkmJiYS4TZ5/0YYGRlJdJ979eoVrK2tBZ+phBBCCCGEEEIIIYQQQgghhBBCPnwtLmR14MABAI0dSlJSUrhuMEeOHIGdnZ3E6LN31dfXIyYmRqqziawAT1Nv377F0aNHERERgRcvXiA0NBS+vr5o166dzPMtLS2RkpLCBaAASPwsz7Vr17hRdOJwAB8DAwPcunULoaGhcHV1hZubG0xMTJCZmanQWkVFRaiqqpI7YvBd5eXl8Pf3x6lTp5Sqk0eZMNe0adMEX0toXJiRkRGys7ORlZUFX19fBAcH49ChQ/jtt994a8RjJq2trSU+F759ADQGNFatWoW4uDiwLAtnZ2csXbpUsEYsMzMTubm58Pb2RmVlJWpra6GlpSX4npqOlauvr4eZmZncwF1+fr5EYEpXVxd//vkn3rx5g0OHDknV1NXVYdeuXbhy5QpYloWTkxMCAgK4Dmnvi/h7ZGJigpSUFLRq1Qrm5uZIS0uTOlckEvF+Vx4+fCgY5vorTp06JTXOUCiUZGhoiNDQUKk9NHDgQN6ahoYG7N69G/Hx8dweCggIEBwfaWxsjPT0dBQUFGDkyJEYP3480tPTcenSJalzxeP1+LzvUaGynoXyno+yOg527NgRgwYN4u0e1q9fP+Tk5Cg8PlLM0NAQOTk5co8RQgghhBBCCCGEEPpIy5IAACAASURBVEIIIYQQQghpWVrcuEBxGOTgwYNITExE27ZtAQABAQFwd3cXrPXy8sKTJ08waNAgueGlplq3bo1JkyahdevWWLBgAXbt2oVvv/0W4eHhMkd+qaur4+XLl1yXnNu3byv1P/oVHUUHNG+sHNDY6SY+Ph4MwyjUnetdXbp0QX5+vuA5+fn5mDt3LrKysiRCKEIj4t4NyS1fvpzrzPQuoRCVPOIRepcvX0ZAQAACAwNldmJqqkOHDnBxcVFqnXbt2mHdunVKX9+uXbvw/fff4+XLl/D29kZFRQX8/f1ldmQSU2asnNhvv/2G33//nfvdzc0NTk5OSEhIwIABA2TWtGrVCrNmzcKsWbMUfj/N6eCkqamJmpoa2NjYYPr06dDS0uL93vr4+ODIkSNSx4uKiuDg4PC3dKWaO3cu8vPzkZaWhokTJ+LEiRNwdnYWrFFVVUVgYKBS66ioqCA4OBjBwcEK16iqqkJVVRUXL15EcHAw5s2bB1NTU5nn/pUQ1cSJE3k7ofn4+MjsFKarq4v79++jb9++AID79+8LhswA4OLFi0hMTOSeVQkJCRgyZAi+/vprLF++HNOnT5eq0dLSUjpgBQCDBg3ClClTJLrPWVpaKv06hBBCCCGEEEIIIYQQQgghhBBCPiwtLmQlVlxcjDZt2nC/t27dGkVFRYI1OTk5uHv3ruC4wXc9fvwYu3btwoEDBzB06FCcOHECgwcPRlFREWxtbWWGrJYsWQIXFxeUlJRg6tSpiI2NldkRCAC6desm83rEo+iEAkkAEBkZyY2V09DQwOPHj+WGerZs2YJt27ZhzJgxABpHMM6dOxdz5szhrWnaSUYkEuHGjRvo2rWr4DozZsxAUFAQCgoKcP78eezYsQN9+vQRrHmXImGu5hCJREhOTkZMTAwX1qqrqxOsGTVqFM6dOwc3NzeF12lu97Tdu3cjOTkZNjY2ABqDKfL2gouLC1xcXCTGyo0YMUKwpqysDLW1tVwY5c2bNygpKQHDMFyA8V3Pnz/H7t27pd6T0AhEX19fmR2chBw6dAiqqqrYuHEjNmzYgMrKSt5RbzU1NQgJCcHOnTu5Y0VFRRg2bJhSYTBlxMfHIysrC6ampti0aRPCwsIwY8YMwRpbW1tkZGTwBp5kac79fvPmDZ48eYJz585xzwOhsZZA47MuJCQERUVFSEtLQ2ZmJq5cuYK5c+fy1nTu3Bmpqanw8vIC0Diu1cLCAlFRUcjIyJAYQSoe9VpdXQ1jY2MuTJqUlAR7e3u59+HWrVvQ1tYG0PjZfvnll7h58yaGDx8uM2RlY2MDT09PeHl5SYStRo4cKbjO9u3bsXLlSsyePVui+xwhhBBCCCGEEEIIIYQQQgghhJCWrcWGrIYNG4aRI0dKjDkbNmyYYM0nn3yCuro6tG7dWuF1LCwsMGPGDCQnJ6Nnz57ccW1tbd5xdS4uLtDT00NsbCxYlsWSJUu4ri3vSk1NVfhaZDlw4AB8fHygoaEBAPj444/x8ccfC9Z8//33SEtLQ5cuXQAAS5cuhZWVlWDIKiUlhftZTU0NBgYG2LFjh+A6VVVVmDBhAlavXg1DQ0Ps3r0bjo6OWLRoEW9Nc8JczbF69WoEBQXByckJn376KfLy8njHjomDcCzLory8HO3bt4e6urpCQbi/0j3t3ZCTuPsWn/Xr12P37t04deoUWJbFmDFjEBAQIFjj6ekJa2treHp6gmEYnDhxAuPGjcPLly95A3Hjx49Ht27dlApMKdPBacuWLfjiiy8kvm/yui0dP34crq6uWLx4Mb799lsUFxfDwcEBM2fOxBdffKHQuspSV1eHiooKGIZBXV0dunfvjsePH8s819LSkjtv79690NfXlwj+3Lx5k3ed5tzvL774Av3794eTkxPMzMyQn5+PTp06CdYEBgbCy8uL6yZnYGAAHx8fwZBVTk4OEhMTufcyc+ZMjB49GufOnYOJiYlEyKppOHHSpEncz97e3nLfT2FhIRewAhqfv/fu3UOPHj14vxc3btwAAInnFMMwckNW7dq1Q3h4uNxrIoQQQgghhBBCCCGEEEIIIYQQ0rIwrLx5YR+ouro67Nq1C1euXAHLsnByckJAQABatWrFWxMSEoKsrCyMHTtWIuAwc+ZM3po3b95IdMySRyQSwdXVFb/88ovCNWLPnj1DXl4ehg4divr6ejQ0NMgNhHl7eyM+Ph7e3t4ICQnhDXM1ZW9vj6tXr0ocs7OzQ2JiotLXLGTw4MG4ceMGbGxscPToUXTv3h0DBgwQHN3WNLimpqYGXV1dBAYGonPnzu/12pTx8OFDwb/37t2b92/6+vpKd08DGgMpmzdvhpeXF9LT0xEVFYXo6GicPXtWqddRxNmzZ7nvkYODg9yxmwMHDsTt27eVWiMkJAQzZsxQqIOTq6sramtrcfDgQXzyyScKr1FdXQ1HR0e4uLjgxIkT8Pf3x1dffaXUdSrD0dER586dQ1hYGCoqKtCjRw8kJSVx4Z6m3v2+vUuok1Nz7rc4ACgmEolQU1MDTU1N3hoLCwukpqbC1NQUGRkZACDxsyz6+vrIy8vjfm9oaMDAgQNx584dubXKGD58OBwdHTFt2jQwDIP9+/cjLi4Oly9fhoWFxXtbB2gMhy5evBhxcXFgGAbOzs5YtWoVOnbs+N7WIIQQQgghhBBCCCGEEEIIIYQQ8r+nxXayatWqFWbNmqXUKLCamhr069cPOTk53DF54RdVVVUcP35c4XFvqqqqYFkWIpFIqc5Fp06dwrx58wA0dm25ffs2vv76a1y4cEGw7siRI3jy5Al2794NBwcHGBgYYNasWTK7teTm5gJoHFk2Y8YM+Pn5AQD2798PFxcXma8vb32hrjD29vaoqKhAaGgoLCws0KZNG3h4eAi+nnh0398tLCxM6ljHjh1hbW0NR0dHieNCISp5mtM9DQC2bt0Kb29v5OXloU+fPtDQ0JAbsGrOWDkAcHd3lxusakpXVxdVVVUKhU6a08EpNjYWe/bsga2tLVauXMnbMa4p8d7euHEjPDw84ObmhlGjRnHHBwwYwFu7bNkyzJs3Dx07doSbmxtu3LiB3bt3Y9y4cYJrHj16FGpqatiwYQM2b96MyspKnDhxQua5iozD46PM/RYLCQmR6go3btw4XL58mbdGTU0NTTO5lZWVaGhoEFxnyJAhGD16NHx8fMAwDKKiomBjY4NXr17x7vknT57gu+++Q0FBgcQ+5RsFCQAHDx7E7NmzsWnTJgCAg4MDDhw4gLq6Ohw8eFDi3AcPHkBHR4f77N8ltBeAxtGWH3/8MY4fPw4A2LdvH3x9fXH69GnBOkIIIYQQQgghhBBCCCGEEEIIIR+2FtvJqrmBEmWNHz9e5rg38UgtWZYsWYKsrCz4+Pigffv23HGhQJKFhQUuXbqE4cOHc11ZlO1gk5iYiMmTJ+Ply5f46KOPsHPnTjg5OXF/19HR4a1lGEZmhykHBwfu57S0NJibm0vUJCQkKHRtRUVFqKqqgoGBgeB59fX12LZtm0QXmVmzZgmOyissLER4eLjUXhC6tilTpuDatWv4/PPPAQBnzpzBkCFDkJmZCU9PTyxevFiqRjw2sClxMGv9+vXo0aOHVE1zuqeJNTQ0IC8vDyzLQl9fX25ob/jw4TLHyoWEhPDWNOfeTZo0CTdv3sSIESMk3tP69eulzv0rHZz++OMP7nunoqIiOJ6xOXtbzNjYGFlZWfjll1/w3XffYf369Zg4cSLS09Nlnl9dXY2KigqpcYoFBQXo2rUrOnToIFUjDpvxERoXqMz9FvPx8YGhoSHCwsK4gJWRkRFWrlzJW7Np0ybcu3cP8fHxWLJkCSIiIjB58mTMnj2bt+bt27fYuXOnRCe0kJAQtG7dWqqblpiVlRXMzc1hbm4usU/Fo1//Kjc3N5w7d07mnpC3FwDA0NBQIojLd4wQQgghhBBCCCGEEEIIIYQQQkjL0mI7WY0fP15moERIcwI8OTk5So97S0pKAgB8//333DGGYQRDVioqKujSpYvEMUW6H9XW1uLIkSPYuXMn1NXVsWHDBowfPx5paWnw9PREYWEhd+6DBw8Ufg9iv/76K/ezqampxO98jI2NERAQAG9vb27Mn7a2NrS1teXWzps3D/n5+QgMDATQ2EXmwYMH2L59O2+Np6cnnJycEBoaqvBeKCkpQXp6Ojp16gSgsZvR5MmTce3aNQwaNEhmyCo4OBgvXrzAtGnTwLIsDh48CE1NTTAMA39/f5mdppTtnlZTUyPxu7iL1ps3bwAAGhoavLWlpaWIi4sTeNfSmnPv9PT0oKenp9C59vb2uHXrFu7duwdjY2Po6uoqVJeWloapU6fCy8sLX331ldxra87eFlNRUQHQGAjz8PCAvr6+4PlhYWFwdnaWClklJSXh999/l+ggJbZx40YAwLlz53Dv3j1Mnz4dABAZGQljY2PB9ZS532L79u3DiBEj8Mknn+Ds2bPQ0dERDFgBwPz583H06FE8f/4cFy5cwOzZszF58mTBmtatW+OLL77AF198IfU3vn3++vVr7Ny5U/E38/+5ceOGVBhwypQpUuedO3cOQPP3xCeffIKysjJ07doVAFBWViYY4iOEEEIIIYQQQgghhBBCCCGEENIytNiQVXMCJc0J8DRn3JsiQaR3aWpq4unTp1ww4ddff+UCSkL69OkDZ2dn7Nq1C5aWltzxQYMGwdnZmbeupqYGxcXFEoEFeWO0FA2affPNN9i/fz8WLlwId3d3+Pn5SXTUEnLlyhVkZmZywRc3NzeYmZkJ1tTW1mLt2rUKvb5YSUkJF7ACgE6dOqGwsBCampoS3YKaio2Nleg4tGnTJtjb2+Pq1asYOHCg1PkikQhubm5yx8411b59ezAMIzG2Tfw7wzAQiUS8tc0ZK9ece/fNN98ofG5ERAQWL14MPT095OXlYf/+/RgzZoxgzZIlS3D48GHs2rWLd4zl+9SuXTusW7cOx44dQ1JSEhoaGvD27Vve8xMTE7Fr1y6p4z4+PggPD5dZI+7YtXz5ciQkJHDfJTc3NwwfPlzw+pS532KtW7dGTEwMhgwZAltbW2zZskWhuokTJ2LixIkKr1NVVYW9e/dKhZ9++OEH3horKyvk5OTA0NBQ4XWCg4Nx6dIlmJiYcIE7hmFkhqz4xgSK8T3nxCNE27dvD2NjY7i5uQEAzp8/r/DzixBCCCGEEEIIIYQQQgghhBBCyIerxYasmhMoaU6AR09PD46OjkqPe3v69Clu376N2tpa7phQJ6t169Zh5MiRePDgAYYNG4Y//vhDZmekd2VkZEBLS0vm3/bs2SPz+JYtW7Bs2TJ07txZIrAgb4yWosaOHYuxY8fiyZMnOHDgAEJDQ/HmzRtMmzYNU6dOFexoxbIsGhoauM+IZVnIm3hpYGCA4uJi9OrVS+FrHDBgAAICAjBt2jQwDIPIyEjo6+vjzZs3vF2Tnj9/jvLycq7jWHl5OUpLSwHI7jqmqqqKzZs3KxWyamhoUPhcMXE4RFNTExYWFkqNlWvOvXvx4gUWLVok0RFu9erV0NTUlDo3IiICOTk56NWrF3JychAcHCw3ZFVYWIiMjAyJENzfKTIykhsT2L17d9y/fx+TJk3iPV+oq5a8IGJxcTFqa2vRtm1bAI0dyoqLiwVrHj9+jJCQEBQVFSEtLQ2ZmZm4cuUK5s6dK3XuuyMtX79+jSdPnuCnn34CAJmjFsX7h4/Q/vHw8ECnTp1gZWWlcCe0gIAA2NnZQVtbW2KfCo1MjIuLQ25uLm8AsqlRo0ZxwcRHjx5x4xurqqrQu3dv3g5X7dq1A9D4bGgaxPL391fofRFCCCGEEEIIIYQQQgghhBBCCPmwtdiQVXMCJc0J8Cg77g1oDG2sWLEC5eXl6NevH7KysmBlZSUYsrK0tERCQgKuX78OlmVhY2OjUMhES0sL6enpyMzMlAh0CYXAduzYgby8PPTs2VPu6zftClNbW4s7d+5I3DOh7lc9evTAggULsGDBAiQlJeGLL77AihUrJDrevMvFxQUuLi7w8/Pjwk8jRowQvMaKigoYGRlhyJAhEnshOjqat+bHH3/EypUrERoaCpZl4eDggPDwcKiqquLixYsya2bPng0TExOMHDkSDMPgwoULCAsLw8uXL2FrayuzxsLCAr///jusra0F38O7Zs6cKTV2TtYx4L/hkOaMlWvOvZs5cyY0NDRw9OhRAI1di2bOnImoqCipc1u1asUFuAwNDfHq1Su513To0CGl3sNf1bdvX2zdulXi96+//pr3/Pr6elRXV3PhHbGqqirU1dUJrjVhwgRYW1tjwoQJABrvs5eXl2BNYGAgvLy8sGHDBgCNwTgfHx+ZIavU1FTB15Jl48aNsLS0hKurK/dsVFRxcTEuX76sVI2Pjw8WL14MMzMzhYNZWlpaCgWsgP+OCZw1axbs7Ozg4eEBADh58qTg/WlOxzBCCCGEEEIIIYQQQgghhBBCCCEtB8PKSxF9oFasWCHzuND/KP/yyy+RkZEhEeAxNjYWDGY1h5GREa5evQpHR0dkZGQgMTERBw8exN69e2WeLxKJYGJiIhHkUlR4eDiOHz+OR48ewd7eHr/88gucnJy4zjWyiEfcKUJHR4f3b4p0vyovL0dUVBR+/PFHVFVVYerUqbyfHdDYyWn37t2Ij48Hy7JwdnZGQECAYPjjwIEDMo/7+voKXltzZGdn4+rVq2BZFsOGDYORkZHg+aampsjJyYGenh7at2/PHRfq2gMAZmZmSE9Pl3qtjIyM5l+8DM25d8bGxsjKypJ7DGgM4cXExHDBvPHjx0v8Lm9E5T+hsLAQ4eHhUiPvEhISZJ6/cuVKpKWlITIykhvpWVlZCT8/PxgZGWH58uWC6509exZXrlwBy7JwcnLCqFGjBM+3sLBAamqqxOf/PvdCQkIC9u/fj+TkZHh6emL69OnQ1dVVqNbd3R2HDx+WCpwJkbW35Vm4cCEKCgrg5eUlEbYSCq5aWVkhOTlZ7jFZTp06JRVcfd//ThBCCCGEEEIIIYQQQgghhBBCCPnf0mJDVs3RnAAPAKU7RZmbmyMtLQ2GhoZccMrGxgbXr1/nrRkxYgROnTrFjRFTlIGBAVJTU2FlZYXMzEzk5eVh2bJlOH78OG/NlStXcOjQIYwcOVLhwIIyGhoacPHiRezbtw9xcXEYMWIEpk+fjs8++0xuF7C/or6+HmpqijVvq6+vR0xMjFSwZtmyZe/1mvjCbPb29jKPnzhxAtHR0YiPj8fw4cO541VVVXj58iWSkpJ411JmrNxfYWBggN9//50bD/jq1StYWVnJDAn26dOH9zN/nyMq/4pBgwbByckJ1tbWEp2V+MJPIpEI06dPR0xMDPr16wcA+OOPPzBu3Dj8+OOPCndnUpSVlRV+//13mJmZISMjA5WVlRg2bJjMUJtYeno6Fi1ahIKCAon9LXS/q6urcfToUezfvx9t27bFunXrMHjwYMFr8/HxQUpKitSzZM2aNbw1S5cuha2tLVxdXQVfuykHBwepYwzD8AbhgMaw686dOzF06FAAwLVr1zBz5kxkZ2cLrjV37lzk5+cjLS0NEydOxIkTJ+Ds7Ix9+/YpfL2EEEIIIYQQQgghhBBCCCGEEEI+PC12XOCLFy+waNEixMXFgWEYODs7Y/Xq1VzwQxYVFRUEBwcjODhY4XX4OkUJhazatGkDlmWhp6eHHTt2oHfv3igrKxNcR09PD0OHDoWnp6dExyOhdQBAXV0d6urqaGhoAMuy0NfXR2FhoWDN6dOncfbsWdy7d48LhDAM895CVr169UK3bt0wbdo07NmzB126dFG4tri4GIGBgbhy5QoAwNHREREREdDW1uatyc3Nhbe3N8rLy7mAUXR0NMLDw3lrvLy88OTJEwwaNEjhUExzgivdu3dH//79FXp9oHEfjBo1Cjdv3pQI+XTo0AFOTk6CtcqMldu2bRvmzJmDsLAwma8l1LVnypQpsLKywqRJk8AwDI4dO8bb+UreXvxfUFtbi7Vr1yp8vqqqKg4cOIBly5ZxHZnMzMwU6v6kbNcsAPDw8EBQUBBevHiByMhIREREwM/PT3AdX19fhIaGSgXHhHTo0AGjR49GRUUFtm/fjrt378oNWfXp0wd9+vRR6PXFdu3ahW+//Raamprcs5JhGDx79oy35tdff1VqDQDYuXMnJk6cyI3TfP36NTfiUkh8fDyysrJgamqKTZs2ISwsDDNmzFB6fUIIIYQQQgghhBBCCCGEEEIIIR+WFhuymjlzJjQ0NLj/af7DDz9g5syZiIqKkjqXL0giJhQoiYqK4jpFxcTEcJ2ihKxevRrV1dVYv349goKC8Pz5c0RERAjWVFdXw9DQEHfu3OGOKdL1SUNDA3V1dTAxMcGCBQvQq1cv1NTUCNacOXMGhYWFSnfNUtTp06cxaNCgZtX6+Phg5MiROHLkCFiWxd69ezFlyhTBkEVISAi+++47zJo1C0Bj4MXX11cwZJWTk4O7d+8q1VmrOcEVV1dX9OvXD7NmzYK7u7vc9YyNjWFsbAxVVVX4+PhI/C02Nlaw+8+TJ08wefJkbNq0CQCgpqbG29lL3HVIHEBRRlhYGAwNDbmOcOHh4Up1JfpfY2BggOLiYvTq1UupOl1dXYXH6ol5enrCyckJoaGhCu+h+fPn4+jRo3j+/DkuXLiA2bNnY/LkyYI1qqqqCAwMVOj1RSIRfv75Z+zbtw8PHjyAj48P0tPToaWlJbd21apVCq3RVGpqqtI1APD06VPcvn1boqMgXzCUZVn07dsXBQUFyMvLA8uy6N+/P1q3bi13HXV1daioqIBhGNTV1aF79+54/Phxs66ZEEIIIYQQQgghhBBCCCGEEELIh6PFjgs0NjaWGpcl6xjQ2MHK0tISrq6uMkcDfvPNN7zrWFhYIDU1FUZGRsjKygLDMBg8eDBu3Ljx19/Ee3Dr1i3o6OigpqYGixYtQmVlJZYsWQITExPemuHDhyM2Nlbh0Xr/JFNTU2RkZMg91pT4M2p6nrwaZ2dnnD9/XqHQhZiJiQkyMzMVPh9oHJ34008/YefOnXjw4AGCg4Ph5+cnt7uXmZkZ1yVJ6FhTzRkr91c8ffoUDMPgo48++lte/5/i6uqKmzdvYsiQIRIj76Kjo9/7WkZGRnLH1b0PISEhmDFjBkxNTeWe26NHD3zyySeYPn067OzspP4+YMAAwfqff/5Zapyq0LjA5oiMjMSKFStQXl6Ofv36ISsrC1ZWVrh27ZrM81mWhampqdLfV6Cxe965c+cQFhaGiooK9OjRA0lJSf8zz3xCCCGEEEIIIYQQQgghhBBCCCF/j/+9FM17IhKJ8OLFC2484KtXr9DQ0CDz3Li4OOzfvx9HjhyBp6cnpk+frnAHGmU7RaWkpGDjxo24ffs2gMYuOfPnz4elpaXgOvX19di2bZvE+MNZs2bJDUIZGBgAaOxItGfPHoXeU79+/eDo6IjPP/9cIlQibzThP0FXVxf3799H3759AQD379/HwIEDBWvU1NRQV1fHdYkqLi6WGaZrSk9PD46Ojhg7dqzC98DW1hYZGRkKBVfEVFRUMG7cOIwbNw4pKSkYN24cli9fjkmTJmHFihXo2bOnxPn379/HvXv3UF1djQsXLnDHq6qq5HYoa85Yufr6esTExEiNrxPq1nbnzh14enpy3X169eqF6OhopcYi/i+ZOHEiJk6c+I+spUzXLA8PD8HOZ0IhsOvXr2Pv3r3Q19eX2N83b96UOlddXR1//vknwsPDsX79ejTN5TIMIzgOc/78+bhz5w4yMzPh4eGBkydP4rPPPhN8Xzo6OjLfl9A6mzdvRnp6OhwdHZGWlobExEQcPHiQ93yGYaCrq4vy8nKlxpUCwNGjR6GmpoYNGzZg8+bNqKysxIkTJ5R6DUIIIYQQQgghhBBCCCGEEEIIIR+eFhuymjJlCqysrDBp0iQwDINjx47B19dX5rmOjo5wdHREdXU1jh49ikmTJqFt27ZYt24dBg8eLLhOREQE3r59i02bNmHRokUoKCiQOZIQAH7//XeMHDkSM2fOxMSJE8GyLG7evAkXFxdcvHhRcK158+YhPz+fG/ElHt21fft2mee/fv0akZGR6Ny5Mzw9PREWFoZLly6hf//+2Lp1Kz7++GPetWpra6Grq4ucnBzumDJj8/4O4kBJdXU1jI2NMWTIEABAUlIS7O3tBWtDQ0MxZswYlJWVYfny5Th48KDcTjo1NTXo16+fUvdAmeBKU/n5+YiIiEB0dDTc3Nzg7++PuLg4uLq6SnU1SkpKQmRkJJ4+fYoNGzZwxzt06MCNAeTTnLFyXl5eePLkCQYNGqTw+LqZM2fi66+/hre3NwDg2LFjCA4OFhzpmJ2dDSMjI7nH/i/wPTf+DhUVFTAyMlKoa5abmxsA4MaNG0hJSeE+yyNHjsjsONXU1q1bFb6mwsJChc991+XLl5GZmQkzMzNs27YNCxcuRFBQkGDNuXPnuJ9ra2sRFRWFzp07C9a0atUKnTt35oKAdnZ2WLhwoWBNu3btYGpqCjc3N7Rv3547LjQeViQS4csvv+Se8YsXLxZcgxBCCCGEEEIIIYQQQgghhBBCSMvRYscFAsDFixcRHx8PlmXh7OwMV1dXuTWlpaWIjIzE9u3bsW7duvcasBgzZgymTZuG0aNHSxw/c+YM9u/fj9OnT/PWGhkZITMzk+vAVF9fDzMzM97RYpMnT0ZVVRVevXoFFRUV9OnTB+PGjUNCQgLu3r2Ls2fPvrf39VdkZmYiNzcX3t7eqKysRG1tLbS0tKTOO3DggODryPucrl+/jjNnzoBlWbi7u2Po0KF/6bpluXr1qszjQiEwV1dX3Lt3D8HBwfD390enTp24vxkYGODWrVsy6/bt2ye3C9W7YmNjpb4Dso41pa+vj7t37yoVspM1NlHeeMbmjD/8p5SWxAznIAAAIABJREFUlsLf358LiTk5OWH37t0y9+lfxbfPhfa3k5MTzp07h7Zt2wJoDFi6u7sjLi7uvV+fsiwtLZGSkgITExOkpKSgVatWMDc3R1pamlKv4+TkhPj4eN6/29jYICkpCePHj8ewYcPQu3dvfPnll7h37x5vzYoVK2QeFxoPCzSGchMSEhS7cEIIIYQQQgghhBBCCCGEEEIIIS1Giw5ZAcDTp0/BMAw++ugj3nNEIhF+/vlnrjuUj48PfH19BUMUzekUpa+vj7y8PJmvp6enJxgIMDQ0REZGBjcesK6uDmZmZhKdlpoaMGAAcnNzUVtbix49eqCiooILaPGFd5KSkmBraysxhq6pkSNH8l5fc+zatQvff/89Xr58ifz8fOTn58Pf3///NMDwT9+DkydPYuzYsXLHF4o9ePAAOjo6yM3Nlfn3AQMG8NY2J8jk7OyM8+fPo3Xr1gpdHwCYm5sjKiqKu5a8vDx4e3vLDNaUlZXh2bNnGD9+PGJiYrhRdFVVVZg6dSrv9+Wf5O7uDmtra25U5K5du5CUlPS3BBWfP38uEbRThL6+Pu7cucPtIZFIhAEDBgjeu7KyMqxYsQJZWVmora3ljsvruqYsR8f/196dx1VV7/sffy9wwDnLAdJLOKTlEQUUpcgBzByz0iRnEszUEj2nDnZyKI9mjqXerschgy6WZZlD2rWbwLYbR01BUFMsB9TEMQhUUgT27w9/7IcIeyO4YQu9no+Hj8fea63v/n42LpZ/+H58PoHasmWLXn/9dV2+fFlubm4ymUwl2ic9PV0dOnSwOS4wJiZGHTp00KVLlzRu3Dj9/vvvevfdd/Xkk0/a42sUMGfOHJ0+fVqjR48u0AHL1u8eAAAAAAAAAAAAAKDiq7TjAg8fPqygoCCdOXNGktS0aVOtW7dOjzzySKFrmzRpInd3d4WEhFjGbKWnpys9PV1S0f95/tJLL1k6RX344Yfy8PDQ/PnzFRMTo3HjxhUZwMjvNFOUmjVr2vw+vXr1Uq9evRQaGirDMBQZGak+ffpYvb569eqSJBcXFzVr1qxAiMdaYCYyMlL+/v4FxtDlMwzD7gGjFStWaNeuXXr88cclSS1atNCFCxeKvDY8PNzmZxU14it/xKA1RY1gK83PYMqUKZo3b57V/YraJ9/zzz+vPXv2KDo6WoZhqEePHurYsaPV6ydOnKgtW7aoX79+RdZXVBDl6NGj+vnnn5WZmVkgPJaRkaGsrCyre0k3w3+BgYEaOHBggfF1+YGjorzzzjvq1q2bvL29ZRiGEhMTrY7Q/OSTT7R48WKlpqYW+NnWq1ev2L/z8nL69OkCv89vvPGGvLy8ymSvhx9+WM8++6wmTpx4x6MSu3fvrr59+1q6XUVFRal79+4214SEhMjf31/ffvutFi1apBUrVsjb2/tuyy9kzZo1cnZ21sKFC7VgwQKlp6fb/H2Qbna/yv89ys3N1YkTJ/T666/bXBMYGCjp5n3z3XffSVKB8Jg1X331lRITEwtca2tcoCStWrVK0s0ucPms/e4BAAAAAAAAAAAAACqPShuymjBhgv7xj39o2LBhkqTPPvtM48ePt4z8upWLi4suXryoefPmaf78+bq1uZe1/zxPSEgo0Cnqf//3f+Xk5KQ+ffqobdu2RdaUnZ2tw4cPq6jmYdnZ2Ta/z/z587VixQp99dVXMpvNeu655zR27Fir11+/ft2y162vJevhg1WrVikvL0/vvvuu/Pz8bNZjD9WqVSsUPMvv1HW7WrVqlfjz+/fvX+I1//rXvySpyPvk5MmTRa554oknSr3f+++/ryVLlui5556TdDMYNnnyZE2aNKnI67ds2SLpZkerOxUXF6fIyEidP3++QHisbt26WrRokc21WVlZevjhhwt0TCtudGDv3r116NAh7d69W2azWY899pgaNGhQ5LWTJk3SxIkTNXv2bM2YMeOOv1N5ysvL07lz5+Tq6ipJunDhQpG/w/Zw9OhRrV69WoMGDZKrq6smTpyoQYMGydnZ2eqaDz74QMuXL9eXX34ps9msfv362Xw2SNKpU6e0efNmffLJJ3r66afVq1cvm6HN0nrwwQctr/PH8FkbcZpv4cKFltdVqlRRs2bNCnzO7cxms9LS0vTAAw9Iuvks/de//qV58+YpNTXV6rrJkyfr2LFjio+P19ChQ/XFF1+oZ8+exX6nkvzuAQAAAAAAAAAAAAAqj0o7LtDLy0uJiYkFjnl7e2vfvn12+fxbP+v2z7U2gs3Dw8NqQMXenVDuZq9OnTrZfWxYUfr376/33ntPQ4YMUUJCgqKiorRu3boyGcN2p4YNG6ZPP/200PHTp0+rW7dudu9W06pVK+3cudMSEElLS5Ofn5/N0ZH58sM/OTk5lmPu7u5Wr1+9erVCQ0PvvmgbcnNz5eXlZXWMZVHMZrO8vb0L/b7eK6KiohQeHq6nn35ahmHom2++0bvvvqsRI0aU6b5bt27V+PHjlZubqwkTJmjy5MmlChsWJf933NfXV99++63uu+8+Pfroo3Ydz5iYmKiTJ0+qa9euql+/vpKTkzVt2jSZTCZdunTJLnt88803Gjp0qK5cuaLAwEC98847euGFF9SwYUMtXLjQ0pmwKJ6enkpKSpK3t7eSkpJ0/vx5jRkz5o6eP3v37i3Qfa5Dhw52+T4AAAAAAAAAAAAAgHtXpe1k5ezsrEOHDllG/R05cqTAyLy7VZpOUSkpKSXepzRj8kq7V75HH31Ux48fV/PmzUv9GXdi8eLFGjZsmI4cOSIPDw/VrFmz2IDDmTNn9Morr+j06dOKj49XYmKiTCaTJk+eXOja/fv366efftLQoUMlSS+//LJlBOTf//53+fr6FlqTlZWlV155Rf/1X/9lOXb69Gl1795dEydOtFnb77//rhUrVujYsWMFgk8fffSR1TVubm6WgJUk3X///ZaOSbZERkYqLCxMVatWtdzXhmEUOW7xxIkTatasmR577DEdOnSo0PmixmHeavfu3YW+06hRo4q81tnZWU2bNtUff/xhczzmrQzDUIsWLfTbb78V+FncK0aOHCkfHx/FxsbKbDZr0qRJxf7M7sbly5cVGRmpZcuW6S9/+YteeuklRUdHq3fv3vq///u/QteX5r5r3bq10tLSNGLECPn5+alevXp2HRe4cOFCzZo1Sw8//LAyMjL0t7/9Ta+99prGjh1rNUBYmvGeU6dO1WeffaaAgACtW7dOgYGBmjJliqZPn15sjS4uLnJycpJhGLpx44YaN25sGS9ry6pVqzRr1iwNHDhQkjRw4EBNnz5dY8aMKXYtAAAAAAAAAAAAAKDiqrSdrLZt26aRI0fK29tbhmEoMTFRUVFReuqpp+zy+eXVlcrJyUm+vr7q3bt3kSGx/BFc9tSnTx/FxcXpiSeeUO3atS3Hiwo53K28vDwdOXJEZrNZrVu3tjkWTbrZ/WrIkCFasGCBkpKSlJOTI29v7yI7Jw0cOFChoaHq16+fJOmRRx7RP/7xD129elXR0dFav359oTXXr19X79699fjjj+udd97Rr7/+qu7du2v8+PF67bXXbNb25JNPqmHDhnrssccKfI9XXnml0LX5Yac1a9bowoULlg5TEREReuihhzR16lSbe7Vo0UJbt27VI488YvM66ebPbMuWLWrWrFmhc8Xdq+PHj9e3334rLy8vy3cyDMPmvTBp0iTFxcUpKCiowP0zYcIEq2tGjRolk8mk/v37F1hjLURYnrKzs1WtWjVJ0vHjx3Xo0CH16dOn2Hu1NMaNG6dNmzZp0KBBmjhxolq3bm059+ijj+rw4cOF1pTkvitKXFyc0tPT7fqd2rRpo++++05NmjTRTz/9pPbt2+ubb76x+fz9+OOPbX5mcHBwoWO3dyx86KGHrI71vF1gYKC2bNmi8PBwpaWlydXVVXFxcdq9e7fNde3atVN0dLQaNmwoSbp48aJ69OhR7BhEAAAAAAAAAAAAAEDFVmk7WfXu3VuHDh3S7t27ZTab9dhjj6lBgwZ2+/y76RRVEtu3b1dERIQ+/fRTBQUFKSQkRC1atCjTPYcMGaIhQ4aU6R75vv76ayUnJ2vKlClKTU3Vb7/9Jk9PT6vXnzt3TiNGjNCiRYskSVWqVFGVKkXfxidPnrQErCSpRo0alqDG2rVri1xTvXp1bdq0SYGBgZKkL774Qi+//HKxAStJOnv2rLZv317sdZIK1CVJ0dHRlteGYRQbsmrYsOEdBawkacuWLZJudrQqqe3bt+vQoUNycXG54zWZmZny9PQsEAiy1aFIuhkaK+v7urT8/f0VExOj7OxsdenSRR4eHtqyZYuWL19u971atmyp5ORk1atXr9C5mJiYIteU5L6TCo909Pf3L12xNlSvXl1NmjSRJP3lL3/Rww8/XGzAtagQVXFuD56WpBPa2rVrVaVKFS1YsEDvvfee0tPT9cUXX9zR2vyAVf7r4u5vAAAAAAAAAAAAAEDFVylDVreGCPr37+/ocu5KYGCgAgMDlZmZqbVr12r48OGqUaOG5s6dq86dO5fJnqUJO5TG22+/bRlFN2XKFBmGoXHjxikuLs7qmipVqujW5mvp6enKy8sr8trs7OwC72/tXJU/NvB2+R2mFi5cqMGDB6t///7q16+f5bitMXEtWrRQRkZGkQGZ25Um8CTdHGco3ezS9cEHH2jYsGEFAlA1a9a0uT4vL0/nzp0rMFbO3d3d6vVubm4lClhJN7txlVRZdGSzl5ycHNWpU0f//d//reDgYM2ZM0ft2rWz6x6zZ89WQECAJk+ebDU06ObmVuTxktx3UulGOpZUdna2fvnlF8vvqpOTU4H3rVq1KrSmNKNRDxw4oEaNGlnep6enq1GjRjKbzVbHZ2ZmZiotLU0eHh6WY1OnTtXx48d13333FfvdWrZsqalTp+qVV16RYRhauXLlPRsQBAAAAAAAAAAAAADYT6UMWZVHiKC81a1bVwMGDFBaWpqWLl2q5ORku4es/vjjD0VGRqp+/foKCgpSeHi4vv32W7Vu3VpLliyxdKaxl40bNyo+Pl4dO3aUdDNEcvnyZZtrBg8erHHjxuny5cuKjIzUsmXLLKP2bpeTk6PMzEzVrVtXktS8eXNJUkZGRoGQ0a1u7TBVu3ZtmUwmmUwmScWP1qtTp446duyoPn36FAgmFRUOuX79uqpXr24JTd3OWliqdu3aMgzDElYJCwuzvDcMQ7m5uVbri4yMVFhYmKpWrWrpAGQtiJLv8ccfV1BQkIYMGVLgO/Xt29fqGklKSEhQYmKirl27Zjlma1zg5cuX9eabb2r79u0yDEM9e/bU7NmzVadOHZv7lIfr169Lkkwmk4YNGyapcAelu5WSkqLg4GCdO3dO/v7+CggIUEBAgDp27FjsCL+S3Hf5WrVqpS5dupRopGNJZGRkqEePHgUCkfnd4QzD0KlTpwqtqVWrVon3OXr0aInXhIeHq2fPngVCVtLNsYk7d+7UsmXLbK5fvny5wsLCLEG7nj17lklXMwAAAAAAAAAAAADAvcUw3/q/4JXIpEmTFBcXV2YhgvKSm5urzZs3a/Xq1Tpx4oRGjhyp4OBgq11t7saIESOUkZGhq1evysnJSR4eHho0aJBiYmKUnJysr7/+2q77+fn5adeuXfL29ta+ffskSe3atdP+/fttrlu7dq02btwos9msAQMGaMSIEUVeN3PmTCUlJSkiIsLS5ScjI0OhoaFq27at3n77bbt+n5kzZxZ5vKguTT4+PkpISJCTk1OB0JSkYsNSpdWiRQtt3br1jscMSlJAQEChY4ZhWB1dJ0nz5s3T559/rlOnTqlbt2767rvv1KNHD23YsMHqmpEjR6pmzZoaP368JGnlypW6fPmyoqKi7rjWsvLqq68qJiZGOTk5+umnn3TlyhX17NlTe/futftep0+ftgT7YmNjdenSJXXp0kVbt261uqYk912+0aNHFzpmGIY++uijkhddwbRp08bSme52bdu21cGDB8u5IgAAAAAAAAAAAABARVBpQ1aVJUTg6uoqd3d3hYSEqGvXroXO2xpfV1L54YNr167J1dVVaWlplo49ZRE+eOGFFzRx4kSFhYVp7969mjNnjg4fPqxPPvnELp+fk5OjF198UZs2bVLLli1lGIZ++eUXPfPMM4qMjLQ6lu1eNnv2bAUGBqpTp04lrj8/1FbW2rZtq71798rPz0+JiYk6cuSIZsyYoc8//9zqmvbt2yspKanYY45gNpuVlJSk5s2bq27durp06ZJOnz4tb2/vMtkvJydHu3btUmxsrNasWaMrV67ozJkzZbLXveSLL77Q4MGDrXaSsldA1tPTUwcOHCjxuXw5OTlasmRJga5rEydOrJDPEwAAAAAAAAAAAADAnau0/yscERHh6BLswsXFRRcvXtS8efM0f/78Qh2PbI2vK6nq1atb9mzWrFmBkWjVqlWz2z75li5dquDgYB08eFA1a9ZUly5drAaswsPDbX5WUaPRqlSpojVr1ujo0aOWTlne3t5q2bLl3RdfhJycHK1fv17Hjh0rMI5wxowZRV6fm5srLy+vYkMdt0pJSdGoUaNKNFYufyThwIED9cEHH2jYsGEFxspZG02Yb/369QUCJc8995zN611cXOTi4qK8vDyZzWa1bt1aKSkpNtfk5ubq8uXLlvGAV69eVV5ens015cUwDN24cUPLli2TYRjq0aOHZcSlvezcuVOxsbGKjY3VqVOn5Ovrq65du+rrr79Wq1atil3/1VdfFRrPWNTvxIQJEywhpk2bNumZZ56x35e4SwcPHtTgwYO1Z8+eQucMw7DbPrePEc2XkZGhGzduFLv+b3/7m44dO6aXX35ZkixdBpcuXWq3GgEAAAAAAAAAAAAA955KG7KqLN1Gigun2NP169d1+PBhmc3mAq8lFQhv2Evjxo21bds2ZWVlKS8vr8BYx9stXLhQvr6+6t27d4Hw151o2bJlmQWrbjVkyBCdO3dOnTp1shp4upWzs7OaNm2qP/74QzVq1LijPT788ENJBcfKrVy50uZYudq1axcYSRgWFmZ5X9xown/+85/auHGjRo0aJUl655139NNPP2natGlW19SsWVM3btyQl5eXpkyZoqZNm1qCXtaMGjVKfn5+Gj58uAzD0Geffabg4OBifx7l4f3339eSJUss4bLBgwdr8uTJmjRpkt328Pf3l5+fn2bMmKHevXuXaO3kyZN17NgxxcfHa+jQofriiy/Us2fPIq+9tZPZzJkz76mQVf7Yw7IOyA4dOlQjR45UZGSk6tevL0lKT09XaGiohgwZUux6k8mkxMREy3Oof//+8vHxKdOaAQAAAAAAAAAAAACOV2nHBYaFhenYsWN66aWXJN3sNtKsWTO6jdjg4eFhtWOMvbtm5Tt79qxOnDhRoPNTUWMRY2JiFBERoV27dikoKEghISFq0aKF3eu5G61bt1ZycnKJuu5MmjRJcXFxCgoKKhAyu5PRaOUxVq5du3batWuXpdvV1atX9dhjj2n//v1W1xw8eFDNmjVTVlaW3nzzTaWnp2vatGny8vKyudf//M//KDo6WmazWT179ixx2KistGrVSjt37tQDDzwgSUpLS5Ofn59+/vlnu+1hMpm0Y8cOmUwmnTlzRp07d1a3bt3UvXv3YgOCnp6eSkpKkre3t5KSknT+/HmNGTNGX3/9daFrvb29C3R1y399L/j+++9tni/quXCrO32W5ObmKiQkROvXr9fDDz8sSfrll180aNAgffTRR8UGJD09PbVv3z5LYPfGjRvy8fEpUUc6AAAAAAAAAAAAAEDFU7HaOpUA3UZKrjy7Zkk3uyItWLBAzZs3twQbDMPQjz/+WOjawMBABQYGKjMzU2vXrtXw4cNVo0YNzZ07V507dy7Xuq1xd3fXjRs3SjRaMTMzU56enjp8+LDlmK2QVmnGys2ePVuBgYHq1KlTiTu5mc3mAuMEa9WqpeJymW3btrVcu2rVqmL3OHjwoH7++We1b99effr0KVF95cHNzc0SsJKk+++/X66urnbdo3v37urevbveeustZWdna+fOnTKZTOrfv7+uXLmiX3/91epaFxcXOTk5WcYaNm7c2GrYzla3Oklq06aNXb+XJG3evLnQKMM5c+YUuu61114rdMwwDKWmpurs2bM2O66V5Fni7Oysjz/+WDNmzFBCQoIkycfH545Dm7169VKvXr0UGhoqwzAUGRl5T963AAAAAAAAAAAAAAD7qrQhK7PZrLy8PEvIymw2FxsOQfn66KOPdPToUTVo0OCO19StW1cDBgxQWlqali5dquTk5HsmZNWqVSsFBgZq4MCBcnFxsRy31ZWqpKPRSjNWLiUlRaNGjdK5c+fk7++vgIAABQQEqGPHjsV27enUqZNGjRqlcePGyTAMrVq1Sr6+vkVeGx4ebvOz5s+fX+jYsmXLNHXqVLVq1UpHjhxRRESEZSyfox06dEjSzZ/5mDFjFBoaKunm31mvXr3KZM/U1FTFxsbKZDIpJiZGFy5ckL+/v801derUUVZWlp544gkFBwfL1dVVVatWLfLarKws9e3b1/L+1tdl0a3utdde0+HDh5WYmKjBgwfryy+/1FNPPVXktXv27CnwPi0tTbNnz9aaNWssowStKc2zpEWLFqXqhjd//nytWLFCX331lcxms5577jmNHTu2xJ8DAAAAAAAAAAAAAKhYKu24wNdff1379u0r0G2kffv2RQY94Bj+/v6Ki4u7o2tzc3O1efNmrV69WidOnNDIkSMVHBwsNze3Mq7yzo0ePbrQMcMw9NFHH9lcl5CQUKjTj7Vg1t2MlTt9+rRMJpNMJpNiY2N16dIldenSRVu3brW65urVq5o1a5a2b99uGeM3ffp01apVq9C1Tk5O8vX1Ve/evS3hxlu99dZbhY61bdtW27ZtU9OmTXXgwAGNHz9eP/zwg83vUV6aNWtm9Zy9A0ljx46VyWRSamqq/Pz8LEG4O+k+dv78edWvX1+5ublatGiRfv/9d4WFhcnd3d1u9ZWWp6enEhMT5ePjo6SkJJ09e1bjxo3Tpk2brK65du2a3n//fS1evFhDhw7VtGnTig1PleRZAgAAAAAAAAAAAABAaVTakFVeXp5WrlxZIBwyduzYIsMfcIx//vOfysjI0PDhwwt0fipqZJmrq6vc3d0VEhKirl27FjpfFmPOysO8efP0+eef69SpU+rWrZu+++479ejRQxs2bCh27a1j5dauXVvsWDlJysnJ0a5duxQbG6s1a9boypUrVkfLSdL+/fvVrl27Yo9JUkxMjCIiIrRr1y4FBQUpJCSk2E5B3t7e2rdvn9X3fxYzZ85UQECA/Pz8SjRuMt+lS5ckqUSdnMqDr6+v9uzZIy8vL+3Zs0dVq1ZVhw4dFB8fX+javLw8ffjhh5o1a5a6deumWbNm2Qy63aokz5LSKk2nNgAAAAAAAAAAAABA5VFpQ1a49xUVoLDWIcjDw0OGYViuufW2LYsxZ6VVkq5U0s1OTnv37pWfn58SExN15MgRzZgxQ59//rnNfayNldu2bVuha3fu3KnY2FjFxsbq1KlT8vX1VdeuXdW9e3e1atXK5j4+Pj5KSEgo9titMjMztXbtWkVERKhGjRqaO3eu1ZGObdq00fr16y1/n88//3yB9/dKeG7v3r2Kjo6WYRjq0aOHOnTo4OiSJEmLFy/W3LlzdfHiRUlSo0aN9MYbb2jSpEkOruymwMBAbdmyRa+//rouX74sNzc3mUwm/fjjj4WubdOmja5fv66ZM2fKx8enyPPWlORZUlql6dQGAAAAAAAAAAAAAKg8bM+hqoD++OMPRUZGqn79+goKCtKUKVO0bds2tW7dWkuWLFGTJk0cXSL+vxMnTtzxtSkpKWVXiJ1Y60plK2Tl4uIiFxcX5eXlyWw2q3Xr1ja/a1Fj5aKiomyOlfP395efn59mzJih3r1739F3uXTpki5cuKBr167p8OHDltBTRkaGrl69anNt3bp1NWDAAKWlpWnp0qVKTk62GrLKyspS3759CxzLf3+vhOdWrVqlWbNmaeDAgZKkgQMHavr06RozZoxD61qzZo1WrlypqKgo+fr6ymw268cff9Rf//pXNWjQQMOHD3doffk1Ojs7a+HChVqwYIHS09O1bt26Iq/NysqSYRiaPn16iYOUJXmWlNb27dsVERGhTz/99I47tQEAAAAAAAAAAAAAKo9K18lqxIgRliCIk5OTPDw8NGjQIMXExCg5OVlff/21o0vELe7VDkGlUZquVF27dlV0dLRCQ0Pl6uqqpk2batWqVTpw4ECR15dmrJzJZNKOHTtkMpl05swZde7cWd26dVP37t3VsmXLItcsWbJEixcvVmpqqh588EHL8Xr16mnixIkKDQ0ttCY3N1ebN2/W6tWrdeLECY0cOVLBwcFyc3O7ozrvVe3atVN0dLQaNmwoSbp48aJ69Oih/fv3O7Subt266YMPPpCnp2eB4/v379err76q77//3kGV3ZSbm6vQ0FBFRkaWy37l9SwpSac2AAAAAAAAAAAAAEDlUelCVm3atNGhQ4d07do1ubq6Ki0tzTLaqW3btjp48KCDK0S+2zsEbdiw4Z7oEFRaHTt21N69e9WuXTslJSXJMAx17txZu3fvtrrm4MGDatasmbKysvTmm28qPT1d06ZNk5eXV5nUmJ2drZ07d8pkMmnt2rW6cuWKfv31V6vXz5o1S9OnT7+jz3Z1dZW7u7tCQkLUtWvXQufvldF/JdWuXbtCgar27dsrKSnJQRXd1Lp1ax05cqTE58pTYGCgYmJiynyf8n6WnD17VpGRkVq6dKnmzp2r4ODgMtkHAAAAAAAAAAAAAHDvqHQhK29vb+3bt6/Qa0ny8fFRQkKCo0rDbe7VDkGlVdKuVOUtNTVVsbGxMplMiomJ0YULF+Tv769t27YVu/b48ePavHmzWrZPTkVLAAAQF0lEQVRsqf79+xd5jYeHhwzDkKQSj3u7lw0cOFCPPvqoXnnlFRmGoZUrVyopKUlfffWVQ+vq0KGD4uPjizx3rzzr3n33XaWmpmr06NGqXbu25XirVq3suk95PEsqa6c2AAAAAAAAAAAAAMCdqeLoAuzt+vXrOnz4sMxmc4HXknTt2jUHV4fb5Yci8l/nh3QqomXLlik7O1uLFi3Sm2++qePHjysqKqrIa8PDw21+1vz58+1W19ixY2UymZSamio/Pz8FBAQoKipKnTp1UpUqRT8CevbsqQULFsjLy0upqanq2LGjOnfurOXLl+unn37SlClTCq1JSUmxW833kuXLlyssLEzt2rWTYRh68skntXz5ckeXpQsXLmjZsmVFnrt06VI5V1O0/Po2btxoOWYYhk6dOmX3vcr6WdKkSZNCndrS09OVnp4uqeJ2agMAAAAAAAAAAAAA3JlK18nq1m46t6vI3XQqo3u1Q1B5cHJykq+vr3r37m0ZZ3mrt956y257zZw5UwEBAfLz81O1atXuaE3+2E1JWrhwoeLi4rRhwwalp6erW7duFbbbWGUyevRom+cjIiLKqRLrLly4oEaNGpX5PuXxLKmsndoAAAAAAAAAAAAAAHem0oWsUHFcuHBBYWFh2r59u6Sb3ZOWLFlSLqEMeypNV6qYmBhFRERo165dCgoKUkhIiFq0aFFWJZbYrePmBg4cqD59+uill14qdK4y++abb2ye79u3bzlVUjGZzWZ5eXkpKSmpzPeqLM8SAAAAAAAAAAAAAMC9i5AVcJfupitVZmam1q5dq4iICNWoUUNz585V586dy7LcO9KxY0dt3LhR9evXl7u7u3bu3KlWrVpJkh555BElJyc7uMKyFxAQYHkdHx+vDh06WN4bhqGYmBhHlFWhPPfcc1q9erXuv/9+R5cCAAAAAAAAAAAAAMBdqeLoAvDnlZOToyVLlmj79u0yDEM9e/bUxIkTVaVKxbott2/froiICH366acl7kpVt25dDRgwQGlpaVq6dKmSk5PviZDVm2++qQ4dOqhq1aoKCAiwBKz+/e9/y8PDw7HFlZPY2FjLa29v7wLvcWfq1aunDh066Omnn1bt2rUtx+fMmWOXz1+2bJnN8xMmTLDLPgAAAAAAAAAAAAAA0MkKDhMWFqZjx45ZxtCtXr1azZo109KlSx1cWemUpCtVbm6uNm/erNWrV+vEiRMaOXKkgoOD5ebmVs5VW3f+/HmdPXtW7du3l2EYkqTU1FTl5OTI3d3dwdWVrz/LiER7mz59epHHZ82aZZfPHz16tCTp0qVL2rFjh3r06CFJio6OVs+ePbV+/Xq77AMAAAAAAAAAAAAAQMVqGYRKxWQyKTEx0TJir3///vLx8XFwVaVXkq5UTZo0kbu7u0JCQtS1a1dJUnp6utLT0yVJbdq0Kbe6rWncuLEaN25c4NiDDz7ooGpQlNzcXL344ouKiopydClFsleYypqIiAhJ0rPPPqukpCQ1a9ZMkpSSkqLw8PAy3RsAAAAAAAAAAAAA8OdCyAoOYzablZeXZwlZmc1mVcTGakV1pUpISLDZlcrFxUUXL17UvHnzNH/+/ALf2zAMHT9+vDxKhw2HDh2yvL527ZoOHz5c4O/pXgjCOTs768yZM44uw6bNmzcrMTFR165dsxyz17jAfCkpKZaAlSR5eHjo559/tuseAAAAAAAAAAAAAIA/N0JWcJhevXqpV69eCg0NlWEYioyMVJ8+fRxdVomVpitVSkpKeZaIUujXr1+B93379rW8vpeCcE8++aTGjx+v0aNHq3bt2pbj90II7LXXXtPhw4eVmJiowYMH68svv9RTTz1l930aNGigWbNmacyYMZJujh5t0KCB3fcBAAAAAAAAAAAAAPx5GeaK2DoIlUJeXp5WrFih6Ohomc1m9ezZU2PHjrV0tqooPDw8ZBiGpJvhG7pSoTzd2sEp371y33l6eioxMVE+Pj5KSkrS2bNnNW7cOG3atMmu+6SmpiosLEyxsbEyDEOBgYFavHgx4y0BAAAAAAAAAAAAAHZDyAoAUCZ8fX21Z88eeXl5ac+ePapatao6dOig+Ph4R5cGAAAAAAAAAAAAAECJMC4Q5S48PNzm+fnz55dTJUDlsGnTJiUnJ2vKlClKTU3Vb7/9Jk9PT0eXpTp16igrK0uPP/64QkJC5ObmJmdnZ7vvk5mZqRkzZiglJUUbN27UoUOHlJSUpKFDh9p9LwAAAAAAAAAAAADAn1PFmsuGSmHhwoXasWOHatSooVq1ahX6A+DOvf3221q+fLlWr14t6eaowHHjxjm4qpvWrFkjZ2dnLVy4UC1btlR2drbWrVtn933GjRunBg0a6OjRo5JujlCcN2+e3fcBAAAAAAAAAAAAAPx5MS4Q5S4mJkYRERHatWuXgoKCFBISohYtWji6LKBC8vLyUnx8vDp27Kh9+/ZJktq1a6f9+/c7rKb3339ff/3rX8ttPx8fHyUkJMjb29vyM2jfvr2SkpLKrQYAAAAAAAAAAAAAQOVGJyuUu8DAQEVFRSk+Pl7u7u4aPny4AgICtHv3bkeXBlQ4Li4uZTKC7258++236t69u06dOlUu+1WrVq3A+z/++EPkhwEAAAAAAAAAAAAA9kTICg5Tt25dDRgwQM8884ySk5OVnJzs6JKACuehhx7SDz/8IMMwlJeXp9mzZ8vT09OhNW3btk3Dhw+Xv7+/IiIiyny/gIAAzZkzR9evX5fJZNILL7ygZ599tsz3BQAAAAAAAAAAAAD8eTAuEOUuNzdXmzdv1urVq3XixAmNHDlSwcHBcnNzc3RpQIVz/vx5BQcHKyYmRk5OTurSpYvWrFmjxo0bO7o0/fLLL+rUqZOcnZ3l5OQks9kswzB04cIFu+6Tk5OjBQsWaOPGjTKbzRowYIDeeOMNValSxa77AAAAAAAAAAAAAAD+vAhZody5urrK3d1dISEh6tq1a6Hzbdq0cUBVQMWWlZWlvLw81a5d29GlSJLi4+P14osv6oknntDf//73AiMNH3roIQdWBgAAAAAAAAAAAABAyRGyQrnz8PCQYRiSJMMwdOstaBiGjh8/7qjSgAqnU6dO+vHHH4s9Vp6mTZumTz75RMuXL1evXr3KfL8xY8Zo3rx5euCBByRJly5d0tSpU7VixYoy3xsAAAAAAAAAAAAA8OfALCWUu5SUFEeXAFQaOTk5Bd7n5ubqypUrDqrmppSUFO3bt0/33XdfuewXHx9vCVhJUoMGDbRnz55y2RsAAAAAAAAAAAAA8Ofg5OgCAAAlt2DBAjVs2FAHDx5Uo0aNLH/q1aunLl26OLS2NWvWlFvASroZLLuV2WzW9evXy21/AAAAAAAAAAAAAEDlx7hAAKiAMjIylJ6ervHjx2v58uWW43Xr1lX9+vUdWFn5e+mll1SzZk2Fh4fLbDZrwYIFunr1qj788ENHlwYAAAAAAAAAAAAAqCQIWQEAKrTMzExNnjxZW7ZskWEYGjBggN577z3VqVPH0aUBAAAAAAAAAAAAACoJQlYAUIEdO3ZMkydPVlJSkq5du2Y5fuHCBQdWBQAAAAAAAAAAAABA5VLF0QUAAEpvzJgxGjdunI4fP66tW7fqP//zP+Xh4eHosspdQkKCEhMTCwTNJkyY4MCKAAAAAAAAAAAAAACVCZ2sAKAC8/HxUUJCgjw9PXXgwAGZzWYFBgYqNjbW0aWVm3nz5unzzz/XqVOn1K1bN3333Xfq0aOHNmzY4OjSAAAAAAAAAAAAAACVhJOjCwAAlF7VqlUlSXXq1NHJkyd1/fp1nTx50sFVla+oqCj9+9//VtOmTbV+/Xrt2bNH1apVc3RZAAAAAAAAAAAAAIBKhHGBAFCBdevWTWlpaXr11VfVsWNHVa9eXc8//7yjyypXLi4ucnFxUV5ensxms1q3bq2UlBRHlwUAAAAAAAAAAAAAqEQYFwgAlcTp06eVkZGhtm3bOrqUctW1a1dFR0crNDRUrq6uatq0qVatWqUDBw44ujQAAAAAAAAAAAAAQCXBuEAAqOA2bdqkefPm6T/+4z9Uv379P124aNmyZcrOztaiRYuUnp6u77//XlFRUY4uCwAAAAAAAAAAAABQidDJCgAqsLffflu7d+/WsWPH9PPPP+vs2bN6/vnnFRcX5+jSAAAAAAAAAAAAAACoNKo4ugAAQOlt3LhR8fHx6tixoyTJzc1Nly9fdnBV5SM8PNzm+fnz55dTJQAAAAAAAAAAAACAyo5xgQBQgbm4uMjZ2dnRZTjEwoULtWPHDtWoUUO1atUq9AcAAAAAAAAAAAAAAHuhkxUAVGAPPfSQfvjhBxmGoby8PM2ZM0eenp6OLqtcbN++XREREfr0008VFBSkkJAQtWjRwtFlAQAAAAAAAAAAAAAqIcNsNpsdXQQAoHTOnz+v4OBgxcTEyMnJSV26dNEnn3yiRo0aObq0cpOZmam1a9cqIiJCNWrU0Ny5c9W5c2dHlwUAAAAAAAAAAAAAqEToZAUAFVReXp5SUlK0bds2ZWVlKS8vT7Vr13Z0WeWubt26GjBggNLS0rR06VIlJycTsgIAAAAAAAAAAAAA2JWTowsAAJSOk5OTJk6cKEmqWbPmny5glZubqw0bNqh///568sknZRiGEhISFBwc7OjSAAAAAAAAAAAAAACVDJ2sAKACe/TRR3X8+HE1b97c0aWUuyZNmsjd3V0hISHq2rWrJCk9PV3p6emSpDZt2jiyPAAAAAAAAAAAAABAJWKYzWazo4sAAJROnz59FBcXpyeeeKJAJ6t169Y5sKry4eHhIcMwJEmGYejWf84Mw9Dx48cdVRoAAAAAAAAAAAAAoJIhZAUAFdjHH39c5HFG5gEAAAAAAAAAAAAAYD+ErAAAAAAAAAAAAAAAAADABidHFwAAKLn9+/dr7dq1lvcvv/yygoKCFBQUpD179jiwMgAAAAAAAAAAAAAAKh9CVgBQAb399tuqW7eu5f2OHTvUr18/de/eXXPnznVgZQAAAAAAAAAAAAAAVD5VHF0AAKDkTp48qX79+lne16hRQ8HBwZJUoMMVAAAAAAAAAAAAAAC4e3SyAoAKKDs7u8D79evXW16np6eXdzkAAAAAAAAAAAAAAFRqhKwAoALKyclRZmam5X3z5s0lSRkZGcrJyXFUWQAAAAAAAAAAAAAAVEqErACgAhoyZIhefPFFZWRkWI5lZGQoNDRUQ4YMcWBlAAAAAAAAAAAAAABUPoSsAKACmjp1qmrWrKmmTZvK29tbPj4+atq0qVxcXDRt2jRHlwcAAAAAAAAAAAAAQKVimM1ms6OLAACUztGjR7Vv3z5Jkre3t1q2bOngigAAAAAAAAAAAAAAqHwIWQEAAAAAAAAAAAAAAACADYwLBAAAAAAAAAAAAAAAAAAbCFkBAAAAAAAAAAAAAAAAgA2ErAAAAAAAAAAAAAAAAADABkJWAAAAAAAAAAAAAAAAAGADISsAAAAAAAAAAAAAAAAAsOH/AfM7IpIwvNPCAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotPerColumnDistribution(df1, 10, 5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correlation matrix:" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAj4AAAIpCAYAAACi4TKPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XlYVdXixvH3AAqi4hCpOSBpF1RA0UwFzSGH0lJLscwhSUvTykwzbVQbnaJ7K+ccs3LA2Ry6lmYapdx+Dklq3TTgapljOaAM6/cHsuHIbCK4+X589vPIOeusvfY+B1i8a629HcYYIwAAgGLApbAbAAAAcL3Q8QEAAMUGHR8AAFBs0PEBAADFBh0fAABQbNDxAQAAxQYdHwAAUGzQ8QEAAEXG0KFD5evrK4fDoR9++CHbcm+88YZq166t2rVr65VXXslz/XR8AABAkREWFqZt27apZs2a2ZbZunWrPv30U+3Zs0cxMTFav369Nm7cmKf66fgAAIAio2XLlqpevXqOZRYvXqzw8HCVLl1a7u7u6t+/vz799NM81U/HBwAA3FBiY2OdEiFfX1/Fxsbm6bVuBdUoAABwY7kj2ENHjyUXWP0ubrcoJSXF+nr48OEaPnz4VdXlcDis/+fntqN0fAAAgCTp6LFkxX5/a4HV79P4vOLj4/9+PT4+Onz4sPX1r7/+Kh8fnzy9lqEuAABwmVFKAf67Vnr06KH58+fr3LlzunjxoubMmaOePXvm6bV0fAAAQJHx5JNPqnr16oqPj1e7du102223SZI6deqk6OhoSVLr1q314IMPKigoSHXr1lWHDh10zz335Kl+h8nPwBgAALCt6lXd9N//5G3I6GrUvuPSNRnq+jtIfAAAQLHB5GYAACBJMpJSZO+BIBIfAABQbJD4AAAAy7VcfVUUkfgAAIBig8QHAACkMlKyzRd731CJz549e/Too4/q1ltvlYeHh8qUKaNGjRpp4sSJOnnyZGE3L5Pw8HD5+vpe1Ws/+eQT/fOf/8zyOYfDobFjx159w67SvHnz5HA45HA4tGXLlkzPG2N02223yeFwqHXr1le1j6lTp2revHn5es2WLVuybdPVWrx4sQICAlSqVCk5HA7t2rXrmtV9pbT2OxyObI/9rrvuksPhyPR58vX1tV575ZbxPUh779KugZGVw4cPZ6rDy8tLDRo00D//+U8lJ2e+jH1iYqKmTZumkJAQlStXTqVKlVLdunU1evRonThxIlN5X19f3XfffVnuPzo6OtM5GDt2rFN7SpQoIR8fHz3++OP67bffsqzf4XDoiSeeyPRc2nmOjIzMdF6y2/LzmUpr6/Hjx7N8PjAwMMvvixMnTuiFF15QvXr15OnpKS8vLzVr1kxTpkxRYmKiU9m092jy5MlZ7mPy5MlyOBxOV7RNTEzUjBkzdMcdd6hixYry9PRUzZo11bVrV61YsSJT3dlt+fmZk/Ez7XA45OrqqsqVK6tHjx768ccfs92ni4uLKlSooLZt2+rzzz/PVG9O53jNmjXq3LmzKleurJIlS6pixYpq27atPv74Y6fzmNMxhoeHO9W5ceNGdejQQVWrVpW7u7uqVq2q1q1ba/z48Xk+F7m1O7tzduWW8fsir++pJMXFxWnIkCHy8/NTqVKlVLFiRQUFBenxxx9XXFxcvo7DLm6YxGfWrFkaMmSI/P39NXLkSNWrV0+JiYmKjo7W9OnTFRUVlekNv5F98skn+uGHHzRs2LBMz0VFReV659qCVLZsWc2ePTvTD/GvvvpK//3vf1W2bNmrrnvq1Kny9vbO9AMoJ40aNVJUVJTq1at31fvN6I8//lDfvn11zz33aOrUqXJ3d5efn981qTsnaef1ymM/dOiQtmzZIi8vryxf17x58yx/EWZXPjdPP/20evXqJUk6ffq0Vq9erWeffVZxcXF65513rHLnz59Xp06dtG3bNg0cOFCvvPKKSpUqpaioKE2ePFmffPKJ/v3vf8vf3/+q2pHRhg0bVK5cOZ09e1aff/653nnnHX3zzTfatWuXSpQokan87Nmz9eyzz+Z533PnzlWdOnUyPX6tPlPZ2b9/vzp06KCzZ89qxIgRCg0N1YULF7R27Vo988wzWrp0qdatWydPT8+r3kffvn21fPlyDRs2TOPGjZO7u7t++eUXbdiwQRs3btQDDzzgVD7j+5/R1fzMeeutt9SmTRtdunRJ0dHReu211/TFF19o7969qlatWqZ9Jicna//+/Ro3bpw6deqkL7/8Ui1btsxxH8YY9e/fX/PmzVOnTp0UERGhGjVq6MyZM9q8ebOGDBmi48eP65lnnrFeExYWphEjRmSq6+abb7b+P336dA0ePFjdu3fXBx98oIoVKyouLk7ffPONIiMjNXr06Hyfj7xIO2dXql27tvX/vL6n8fHxatSokcqXL68RI0bI399fZ86cUUxMjJYsWaJffvlFNWrUyLQvu6/qkrkBfPPNN8bV1dXcc889JiEhIdPzFy9eNKtWrbom+zp37ly2z50/fz5fdfXr18/UrFnzqtpx7733XvVrC8rcuXONJPPYY4+ZUqVKmTNnzjg936dPHxMSEmICAgJMq1atrmof+XntpUuXTGJi4lXtJyfbtm0zkszixYuvWZ05fa42b95snVdJ5uDBg07Pv/zyy6Z69eqmY8eOmT4TNWvWNPfee2+u+09773bu3JltmUOHDhlJZtKkSZmeu/POO80tt9zi9NjAgQONJLNo0aJM5Q8cOGDKlStnAgICTFJSUp7au3PnTiPJzJ0713pszJgxRpL5448/nMo++uijRpL58ssvnR6vWbOmCQkJMeXKlTPdunVzei7tPC9dutR6LC/nJa+ya2uaKz/bSUlJpl69eqZcuXLmwIEDmcovWrTISDKDBg2yHsvpPTLGmEmTJhlJ5tChQ8YYY3755Rcjybz66qtZlk9OTs5z3fmR1bk2xpjZs2cbSeaNN97IcZ9fffWVkWQeeeQRp8ezOscTJkwwksy4ceOybMvRo0fN119/bX0tyTz55JO5HoOPj49p2bJlls9lPG95kdtnw5jsz9mV8vOevvrqq0aS+eWXX3Itm6ZqFVdz6n/VC2yrVq1ajsd3PdwQQ11vvfWWHA6HZs6cKXd390zPlyxZUl26dLG+TklJ0cSJE1WnTh25u7urUqVKeuSRRzJdLbJ169YKDAzU1q1bFRoaKk9PT/Xv319SeiS/fPlyNWzYUB4eHho3bpyk1L8wpk6dquDgYJUqVUoVKlRQWFiYfvnll1yPZcqUKWrZsqUqVaqk0qVLKygoSBMnTnSKYlu3bq3PPvtMv/76q1PUmSar2PmHH35Q165dVaFCBXl4eCg4OFjz5893KpMWpX766ad66aWXVLVqVXl5ealdu3Y6cOBArm1P8/DDD0uSPv30U+uxM2fOaNmyZdb5u9K4cePUtGlTVaxYUV5eXmrUqJFmz57tdEddX19f7du3T1999ZV1zGlDO2lt/+ijjzRixAhVq1ZN7u7u+vnnnzMNdR0/flw1atRQaGio03mNiYlR6dKl1bdv32yPLTw8XC1atJAkPfTQQ5mGjFavXq2QkBB5enqqbNmyat++vaKiopzqSIu1v//+e4WFhalChQpOf61lp3379qpRo4bmzJljPZaSkqL58+erX79+cnEpvG/XcuXKOSUrv/32m+bMmaO7775bDz30UKbyfn5+GjVqlPbt26eVK1de8/Y0btxYkvT7779neq5ixYoaPXq0li9frm+//faa7/taWbFihWJiYjR69OgsE8WHHnpIHTp00OzZs7Mc1suLtOHGW265Jcvnr/dnqlmzZpJSbyiZk5ze34wSExM1YcIE1alTR6+88kqWZapUqWJ9T+fHiRMnisx5yyg/7+mJEyfk4uKiSpUq5Vo2jZFRcgFuGU2bNk0Oh0N79uy52tNxVYp8xyc5OVlffvmlbr/99iwjuawMHjxYo0aNUvv27bV69Wq9/vrr2rBhg0JDQzONsR49elR9+vRRr169tG7dOg0ZMsR67vvvv9fIkSM1dOhQbdiwQd27d5ckDRo0SMOGDVO7du20cuVKTZ06Vfv27VNoaGiu36j//e9/1atXL3300Udau3atBgwYoEmTJmnQoEFWmalTp6p58+aqUqWKoqKirC07Bw4cUGhoqPbt26f33ntPy5cvV7169RQeHq6JEydmKv/iiy/q119/1YcffqiZM2fqp59+UufOnbOcw5EVLy8vhYWFOf2C/vTTT+Xi4pLlL0EpdSx/0KBBWrJkiZYvX65u3brp6aef1uuvv26VWbFihWrVqqWGDRtax3zl8OULL7yg2NhYTZ8+XWvWrMnyG9rb21uLFi3Szp07NWrUKEmpwzI9evSQj4+Ppk+fnu2xvfLKK5oyZYqk1A53VFSUpk6dKil1+LFr167y8vLSp59+qtmzZ+vUqVNq3bq1tm3blqmubt266bbbbtPSpUtz3GcaFxcXhYeHa8GCBdZ78fnnnys+Pl6PPvpotq8zxigpKSnTZq5ygmJKSopVx4kTJzRnzhxt2LDBqcO4efNmJSUl6f7778+2nrTn/v3vf19VO3Jy6NAhScp2CPKZZ55RtWrV9Pzzz+epvuTk5EznL6/fD3mpKykpKVO5tPOS2zlMSkq66vlrdevWVfny5TVu3DjNnDnTae5PdjK+/zm1/2r8/PPPkpyHlLKS2/ubJjo6WidPnlTXrl2d/jjMTV6+Z0JCQrRs2TKNHTtWu3fvvurPQ37ldv7z856GhIQoJSVF3bp108aNG/Xnn39ehyPIu3nz5qlRo0aqX7/+9d1xYcZNefHbb78ZSaZnz555Kv/jjz8aSWbIkCFOj3/33XdGknnxxRetx1q1amUkmS+++CJTPTVr1jSurq6ZIuioqCgjybzzzjtOj8fFxZlSpUqZ559/3nost6Gu5ORkk5iYaBYsWGBcXV3NyZMnredyGuqSZMaMGWN93bNnT+Pu7m5iY2OdynXs2NF4enqa06dPG2PSo9ROnTo5lVuyZImRZKKiorJtqzHOwwJpdf3www/GGGPuuOMOEx4ebozJfbgq7bhfe+01c9NNN5mUlBTruexem7a/rKLntOc2b97s9HhaBL5ixQrTr18/U6pUKbNnz54cjzFjfRkj5+TkZFO1alUTFBTkFA//9ddfplKlSiY0NNR6LC3Wzi6Kzml/v/zyi3E4HGbt2rXGGGN69OhhWrdubYzJ+jNRs2ZNo9SLrWbaXn/9datcfoa6strCw8OdhqzGjx9vJJkNGzZkW9+FCxeMJNOxY0en9l7NUNdvv/1mEhMTzalTp8ySJUtM6dKlzcMPP5ypjoz1z5o1y0gya9asMcbkPNSV1ebq6prtsWUlra05bRk/2/fcc4+RlOXwfZr169cbSWbChAnGmPwPdRljzGeffWa8vb2tNtx0002mR48eZvXq1U6vzen9l+Q0XJSbtHO9ePFik5iYaM6fP2+2bt1qbrvtNuPq6mp2797ttM8JEyaYxMREk5CQYHbt2mVCQkLMLbfc4nQcGc9x2pBR2nDg9OnT89y2nI7xo48+ssr9/PPPJjAw0HquVKlSpm3btuaDDz4wly5dyvP+smp3VtLOWXZbXFycVTav72lKSooZNGiQcXFxMZKMw+EwdevWNc8++2ymc5vmliou5tj/qhbYljbUFRMTYySZ999/P1/n8lq4YSY359XmzZslKdME0SZNmqhu3br64osv9Oabb1qPV6hQQXfddVeWddWvXz/TXxxr166Vw+FQnz59nHrhVapUUYMGDXL9y+z//u//NGbMGG3fvj3TSrSDBw+qadOmuR1iJl9++aXatm2bKRELDw/X+vXrFRUV5XTX2ozDgpKs3vavv/5qRdG5adWqlWrXrq05c+YoPDxcO3fudJr4mlUb33rrLe3cuTPTXx3Hjh1T5cqV87TftNQtL0aOHKmtW7fq4YcfVkJCgj788EMFBQXl+fUZHThwQEeOHNGwYcOc4uEyZcqoe/fumjFjhs6fP+80CTU/bU1z6623qnXr1pozZ46aNWumVatW6cMPP8zxNS1atNC7776b6fGMk0fz45lnnlGfPn0kSWfPnlVUVJTeeOMNnTt3TkuWLMl3ffn5Szw7VapUcfq6ZcuWmYZyr/Too4/q3Xff1ejRo9WpU6ccyy5YsEB169Z1euxq271p0yaVK1cu0+M9e/bMd13mcgLxd85hp06dFBsbq40bN2r79u3asWOHVq5cqaVLl+rJJ5/UBx984FQ+4/ufUVaTv3NzZQJ86623KjIyMtNf+KNGjbLSWSl1ov/mzZuvelVsbh588EGNHDky0+O1atWy/l+7dm3t3r1b27Zt05YtWxQdHa2vvvpKX3zxhebOnatt27bJw8PjmrdtwoQJWf5OyvgzMq/vqcPh0PTp0/XCCy9o3bp1io6O1tatW/Xuu+9qxowZWrdunVq1anXNjyEv5s6dK3d39ywn0he0It/x8fb2lqenpxV95ian8c+qVatmGlvObpw0u+d+//13GWOy/UWd8RvnSrGxsbrzzjvl7++vf/3rX/L19ZWHh4d27NihJ598UhcuXMj2tTnJbiy6atWq1vMZ3XTTTU5fp82bys/+HQ6HHn30Ub333ntKSEiQn5+f7rzzzizL7tixQx06dFDr1q01a9YsVa9eXSVLltTKlSv15ptv5mu/Ob1fWbUxPDxcn332mapUqZLj3J7c5Pa5SklJ0alTp5w6Pvlpa0YDBgzQo48+qoiICJUqVUphYWE5li9Xrpw1J+JaqF69ulN9rVu3lsPh0AsvvKCNGzfq7rvvlo9P6t2bc/q+THsuY4fczc0t2yGDtD8kslqlldaZOHnypGbOnKlly5bp6aefznEI0dXVVW+99Zbuv/9+zZ8/X7feemu2ZevWrXvNzmGDBg3k7e2d6fErf0lmPIfZdSrShjHSzqGbW+qP7Pyew1KlSun++++3htViY2PVsWNHTZkyRYMHD1ZAQIBV9sr3/+9I+yXu6uoqb2/vbKcrpHW2Ll68qG+//VYvv/yyunbtqt27d2f6eZVRXj6HWbn55pvzdIwuLi5q2bKltbLs3LlzGjBggBYvXqw5c+Y4TY24VmrVqpWntuXnPa1Zs6YGDx5sfb1kyRI9/PDDGjlypHbs2JGp7oK9jo9DycnJWrhwobp27aqKFSsW4L6yVuTn+Li6uqpt27b6z3/+k6db2ad9kxw9ejTTc0eOHMn0Aymnv6Syes7b21sOh0Pbtm3Tzp07M205TeRcuXKlzp07p+XLl6tPnz5q0aKFGjdurJIlS+Z6XDm56aabsj3etDYXhPDwcB0/flzTp0/PcQ7KokWLVKJECa1du1YPPvigQkNDr/oHa37+8j169KiefPJJBQcH68SJE3ruueeuap9S7p+rtOuPXG1bM+rWrZs8PT01fvx49ezZU6VKlbqqeq6ltL/Qd+/eLUlq06aN3Nzccv28S6mTttNUrlxZ//vf/7Isn/Z4Vn9UNGjQQI0bN1aHDh20dOlStW/fXjNnztTOnTtzbHfXrl3VvHlzjRkzRgkJCTmWvd7Szktu59DNzc2aYO/t7S1XV9ccz6Grq2uOnQUptcMwcOBASdK+ffuuovV5k/ZLvGHDhjnO0UzrbDVv3lwjRozQhx9+qP/9738aM2ZMjvU3btxYFStW1KpVq656Tlt+lC5dWi+88IKk1AUlRUl+3tMHH3xQ9evXL5RjSEpK0oYNG3T06NEcf28UpCLf8ZFSJ7QaY/T444/r0qVLmZ5PTEzUmjVrJMmKCBcuXOhUZufOnfrxxx/Vtm3bv9WW++67T8YY/e9//1Pjxo0zbTkNpaT9Isy4Ms0Yo1mzZmUq6+7unuckpG3btvryyy+tjk6aBQsWyNPTM8/DV/lVrVo1jRw5Up07d1a/fv2yLedwOOTm5iZXV1frsQsXLuijjz7KVDY/x52T5ORkPfzww3I4HFq/fr3efvttvf/++1q+fPlV1efv769q1arpk08+cfoBe+7cOS1btsxa6XUtlCpVSq+++qo6d+7s9FdaYUq7gGPaZPIqVaqof//+2rhxoxYvXpyp/MGDBzVhwgQFBAQ4Td5t166dfvjhB8XExGR6zZIlS1SmTJlch3sdDoemTJkiV1dXvfzyy7m2fcKECYqLi9N7772Xa9nr6YEHHlC9evU0fvx4HTx4MNPzixcv1ueff67HHnvMGurz8PBQ8+bNtXr16kwduYSEBK1evVotWrSw0qW//vpLZ8+ezXL/aRcSTEuGi5LevXtbCXFOK8BKlCihUaNGaf/+/U4LJTI6duyYtm/fnu82ZPVHjlT45y0/72l2x3D27FnFxcVleQxGUkoBbufOndO8efNUrVo1dejQIZ9Hf20U+aEuKXVm+rRp0zRkyBDdfvvtVoyXmJio//u//9PMmTMVGBiozp07y9/fXwMHDtT7778vFxcXdezYUYcPH9Yrr7yiGjVq6Nlnn/1bbWnevLkGDhyoRx99VNHR0WrZsqVKly6to0ePatu2bQoKCsr2l1X79u1VsmRJPfzww3r++eeVkJCgadOm6dSpU5nKBgUFafny5Zo2bZpuv/12ubi4ZJuSjBkzRmvXrlWbNm306quvqmLFivr444/12WefaeLEiVnON7hW8nIF03vvvVcRERHq1auXBg4cqBMnTmjy5MlZXpogKChIixYt0uLFi1WrVi15eHhc1bycMWPG6Ouvv9bnn3+uKlWqaMSIEfrqq680YMAANWzYMMdhj6y4uLho4sSJ6t27t+677z4NGjRIFy9e1KRJk3T69Ol8X8k1N8OHD9fw4cPzVPb06dNZLtt2d3dXw4YNnR778ssvs1wFknEOTGxsrFXfuXPnFBUVpbfffls1a9ZUt27drHIRERE6cOCA+vTpo61bt6pz585yd3fXt99+q8mTJ6ts2bJatmyZU4f3mWee0YIFC9S6dWu9+OKLCgoK0qlTp7R48WJFRkYqIiIiTxfA/Mc//qGBAwdq6tSp2rZtW47LlZs3b66uXbtq1apV2Zb54Ycfsly5VLt27VxXIF0tV1dXLVu2TO3bt1dISIhGjBihkJAQXbx4UWvWrNHMmTPVqlWrTHPnxo8frzZt2igkJETDhg2Tj4+PYmNj9c9//lO///67Fi1aZJU9cOCA7r77bvXs2VOtWrXSLbfcolOnTumzzz7TzJkz1bp1a4WGhjrVn/H9z+jmm2/O02UZrpUJEyaoadOmev3113Oc5zZy5Ej9+OOPGjNmjHbs2KFevXpZFzDcunWrZs6cqXHjxql58+bWa37//fcsj9HLy8u6aGVAQIDatm2rjh07qnbt2kpISNB3332nd955R5UrV9aAAQPyfUxr1qzJ8vOdcTj7p59+yrJt1atXV/Xq1fP1nr755pvavn27HnroIevyK4cOHdIHH3ygEydOaNKkSVb9CxYsUP/+/VVAH3fL+fPntXr1aj333HOFd1mA6z6d+m/YtWuX6devn/Hx8TElS5Y0pUuXNg0bNjSvvvqqOXbsmFUuOTnZTJgwwfj5+ZkSJUoYb29v06dPH6dZ8cakruoKCAjIcl+5XRhuzpw5pmnTpqZ06dKmVKlSpnbt2uaRRx4x0dHRVpmsVnWtWbPGNGjQwHh4eJhq1aqZkSNHWis3Mq5KOnnypAkLCzPly5c3DofDZHyrdMWqLmOM2bt3r+ncubMpV66cKVmypGnQoIHT6hhjsr9AVtrKiivLXymvF3vLamXWnDlzjL+/v3F3dze1atUyb7/9tnUxs4yrCw4fPmw6dOhgypYtayRZ5y+ni3tduarr888/Ny4uLpnO0YkTJ4yPj4+54447zMWLF7Ntf077WrlypWnatKnx8PAwpUuXNm3btjXbt293KpOXFRx53V9G+V3VlfFCYTmtXkp7D7Ja1ePh4WH8/PzMsGHDzNGjRzO16dKlS2bKlCmmadOmpkyZMsbd3d34+/ub559/3hw/fjzL4/jtt9/M4MGDjY+Pj3FzczNly5Y1LVq0yPL4czqXv//+uylTpoxp06aN0/nI6vs2JibGuLq65mtVlyQza9asLI8hK/m9gGGa48ePm9GjR5s6deoYDw8PU6ZMGdOkSZMcVw9FR0ebBx54wHh7extXV1fj7e1tHnjgAfOf//zHqdypU6fMG2+8Ye666y5TrVo16+dmcHCweeONN5wuyprbqq7evXvn+Vzk9TOd2yq1Hj16GDc3N/Pzzz8bY3I+x6tWrTL33nuvufnmm42bm5upUKGCadOmjZk+fbrT93tOx9i8eXOr3IwZM0y3bt1MrVq1jKenpylZsqSpXbu2eeKJJzL9LslNbiv+Mp6z7LaXXnrJGJO/9/Tbb781Tz75pGnQoIGpWLGicXV1NTfffLO55557zLp165zamPa9UKWKi4mNr1JgW9rxXHmh1uvJYYzN70YGAADy5JZbXBW1M+sLHl4LLZq55mm+bkG6Ieb4AAAAXAs3xBwfACgsKSkpSklJybFM2jJzuzPG5HoFY1dX12ty7aYbgV0/Gzkf0Y2PxAcActC/f3+VKFEix624mD9/fq7n4quvvirsZl43fDZuTMzxAYAcHD58ONM9/q50LS8gWZSdOHEi14sF+vv752llnh3Y8bNR5RZXfb0zb1fSvxptmrkU+hwfOj4AAEBS8ej43HiDjwAAoMCk2DwOYY4PAAAoNkh8AACAJVn2XpVH4gMAAIoNEh8AACAp9X4SJD4AAAA2QeIDAAAucyjFFGTiU/hLxkh8AABAsUHiAwAALAU7x4fEBwAA4Loh8QEAAJbkAs1ECv/e7yQ+AACg2CDxAQAAklJn4BTsqq7CR+IDAACKDRIfAABg4crNAAAANkHiAwAALMnG3pmIvY8OAAAgAxIfAAAgSTJyKMXmmYi9jw4AACADEp9C5F7SoZu9XQu7GZB0/ETpwm4C0lxKLOwWIIMUz5KF3QRc5ki6oIsXLxb4fuy+qouOTyG62dtVsd/fWtjNgKQOYf0Kuwm4zPHN7sJuAjI43SOksJuAy45uiijsJtgCHR8AAGBhVRcAAIBNkPgAAABLCnN8AABAcWAkJdt8MMjeRwcAAJABiQ8AALAwuRkAAMAmSHwAAMBl3LLHQzgEAAAgAElEQVQCAADANkh8AACAJMkYKdnYezk7iQ8AACg2SHwAAICF6/gAAADYBIkPAACwpHAdHwAAAHsg8QEAAJK4VxcAAICtkPgAAAAL1/EBAACwCRIfAABwGffqAgAAsA0SHwAAYEnmOj4AAAD2QOIDAAAkpV7HJ0Ws6gIAALAFEh8AAGBhjg8AAIBNkPgAAAAL9+oCAACwCRIfAABwmUMp3KsLAADAHkh8AACApNTr+DDHBwAAwCZIfAAAgCXF5tfxoeMDAAAsydyyAgAAwB5IfAAAgKTLNym1+VCXvY8OAAAgAxIfAABgYY4PAADAdfTTTz8pNDRUfn5+atKkiWJiYjKVSUhIUHh4uIKCghQYGKguXbro+PHjudZNxwcAAFzmUIpxKbAtrwYNGqSBAwfq4MGDev755zVgwIBMZWbMmKGzZ89qz549+uGHH1S5cmVNnDgx17rp+AAAgCLj2LFj+v7779WnTx9JUvfu3XXo0CEdPnw4U9nz588rMTFRSUlJOnv2rKpXr55r/XR8AABAKiMlG5cC29I6J2lbREREpibExcWpatWqcnNLnYbscDjk4+Oj2NhYp3KDBg2Sl5eXKlWqpMqVK+vMmTN66qmncj1EOj4AAOC6KFOmjOLj461t+PDhWZZzOJwnWBtjMpXZtGmTHA6HfvvtNx09elTly5fXa6+9lmsbbNPx8fX1VZ06dRQcHCx/f3+NHz++sJsEAMANxUhKkaPAtryoUaOG4uPjlZSUlNomYxQXFycfHx+nctOnT9cDDzwgDw8PlSxZUr1799bmzZtzrd82HR9JioyM1K5du7R582aNHz9eO3bsKOwmAQCAfKhUqZIaNmyohQsXSpKWLVsmX19f+fr6OpWrVauWNm7cKGOMjDFau3atAgMDc63fVh2fNFWrVpW/v79+/fVXSdLEiRMVEBCgoKAg9e7dW2fOnJEknT17Vv3791dgYKACAwM1btw4q47WrVtr5MiRatmypWrUqKFJkyZp0aJFCg0NVc2aNbVo0SJJ0oULF/TQQw+pXr16atCggTp06HD9DxgAgGukIOf45NWMGTM0Y8YM+fn5afz48Zo9e7YkqVOnToqOjpYkjR07VmfOnFFAQIACAwN1/Phxvf7667nWbcsLGO7fv1/Hjx9X69attX79es2dO1dRUVEqX768Bg4cqBdffFFTpkzR66+/rkuXLmnPnj26cOGCWrRooXr16qlHjx6SpNjYWG3ZskW//fabateurREjRuibb77Rjh07dP/996tnz57asGGDTp06ZV1j4OTJk4V56AAA3PD8/f0VFRWV6fF169ZZ/69YsaIiIyPzXbetEp+wsDDVrVtX9erV09ChQ3XzzTdr06ZN6t27t8qXLy9JGjx4sDZt2iQpdWLUE088IRcXF5UuXVqPPPKI9Zwk9ejRQy4uLqpataq8vb11//33S5Juv/12HT16VAkJCWrQoIH279+vIUOGaPHixSpRokS27YuIiHCazX72bObJWgAAFKYU4yiwrSiwVccnMjJSP/74oz7//HONHj1ae/fulTEm0+zwtK9zek6SPDw8rP+7urpaX7u6ukqSkpKSVKtWLcXExOiee+7R9u3bFRgYqFOnTmXZvuHDhzvNZi9Tpmh8CAAAKC5s1fFJ065dOw0ePFgvv/yy2rdvr0WLFumvv/6SJM2cOVPt2rWTJLVv316zZs2SMUbnzp3TwoULrefyKj4+Xg6HQ126dNHkyZOt2ecAANxojBxKlkuBbUVB0WhFAXjllVe0bds2VapUSX379lVISIiCgoL0559/6s0337TKOBwOBQUFqWnTpurSpYvCwsLytZ+9e/cqNDRU9evXV6NGjdS3b1/Vr1+/IA4JAAD8TQ6T1VWBcF1Ur+qm2O9vLexmQFKHsH6F3QRc5vhmd2E3ARmcfiSksJuAy45uilB8fHyB7qNsZU8N/vzeAqv/k3ujCvwYcmPbxAcAAOBKtlzODgAArk6KzTMRex8dAABABiQ+AADAklxErrdTUEh8AABAsUHiAwAAJF2+OzuJDwAAgD2Q+AAAAEtKPu6ifiOy99EBAABkQOIDAAAsyWKODwAAgC2Q+AAAgMsctl/VRccHAABYmNwMAABgEyQ+AABA0uULGDK5GQAAwB5IfAAAgIWblAIAANgEiQ8AAEhlWNUFAABgGyQ+AADAYvcLGJL4AACAYoPEBwAASOI6PgAAALZC4gMAAC6z/01KSXwAAECxQeIDAAAsXMcHAADAJkh8AACAhTk+AAAANkHiAwAAJHEdHwAAAFsh8QEAABbm+AAAANgEiQ8AALCQ+AAAANgEiQ8AALCQ+AAAANgEiQ8AALCQ+AAAANgEiQ8AAJDElZsBAABshcQHAACkMg7bz/Gh4wMAACx0fFBgjp8orQ5h/Qq7GZD0eeT8wm4CLuvof2dhNwEZHG+fUNhNQJpNhd0Ae6DjAwAALHZPfJjcDAAAig0SHwAAIOnycnYSHwAAAHsg8QEAABZD4gMAAGAPJD4AAMDCLSsAAABsgsQHAABYWNUFAABgEyQ+AADAwqouAAAAmyDxAQAAFub4AAAA2ASJDwAAkCQZOZjjAwAAYBckPgAAIJVhjg8AAIBtkPgAAACLMYXdgoJF4gMAAIoNEh8AAGDh7uwAAAA2QeIDAAAsXMcHAADAJkh8AACAhev4AAAA2ASJDwAAsHAdHwAAAJsg8QEAAJIkI/uv6qLjAwAALHbv+DDUBQAAig0SHwAAYGE5OwAAgE2Q+AAAAAvL2QEAAK6jn376SaGhofLz81OTJk0UExOTZbmvvvpKd9xxhwICAlSnTh1FRUXlWjeJDwAASGWKxqquQYMGaeDAgQoPD1dkZKQGDBiQqVNz5MgR9evXT+vXr1fdunWVkJCghISEXOsm8QEAAEXGsWPH9P3336tPnz6SpO7du+vQoUM6fPiwU7mpU6eqT58+qlu3riTJw8ND5cuXz7V+Oj4AAOAyh4wpuC0v4uLiVLVqVbm5pQ5KORwO+fj4KDY21qlcTEyMLly4oHbt2ik4OFhPP/20zp8/n2v9dHwAAMB1cfbsWVWvXt3aIiIisizncDh3kkwWM64TExO1ZcsWLV26VNHR0Tpz5ozGjh2baxuY4wMAACwFuairTJkyio+Pz7FMjRo1FB8fr6SkJLm5uckYo7i4OPn4+DiVq1mzpho2bKgKFSpIknr27KmJEyfm2gYSHwAAUGRUqlRJDRs21MKFCyVJy5Ytk6+vr3x9fZ3K9erVS5s3b9bFixclSRs2bFCDBg1yrZ+ODwAAsBT2HB9JmjFjhmbMmCE/Pz+NHz9es2fPliR16tRJ0dHRkqTQ0FB17txZwcHBCgoK0h9//KHXXnst17oZ6gIAAEWKv79/ltfkWbdundPXzz//vJ5//vl81U3HBwAApOPKzQAAAPZQZDs+vr6+qlOnjoKDg1WvXj1NmTLlquqZN2+eDh48eE3bNnbsWD333HPXtE4AAAqbUdGY41OQivRQV2RkpAIDAxUXF6egoCDdeeedql+/fr7qmDdvnry9veXn51dArQQAADeKIpv4ZFSjRg35+fnp4MGDmjhxogICAhQUFKTevXvrzJkzkqQ1a9aofv36Cg4OVmBgoFatWqUPP/xQ0dHRGjp0qIKDg61JURMmTFBQUJAaNGigZs2aWVd6zK7uM2fOKCwsTPXq1dPdd9+tn3/+2WpbYmKiRo8erSZNmig4OFg9e/bU6dOnr/MZAgDg2jCm4Lai4Ibo+Ozdu1f79+/X0aNHNXfuXG3fvl179+5V6dKl9eKLL0qSXn75ZU2fPl27du3Snj171KpVKz322GNq3Lix3nvvPe3atUudOnXS/PnztXLlSm3fvl27d+/W+vXr5e7urvXr12db92uvvSYvLy/FxMTo448/1tatW622TZo0SWXKlNGOHTu0a9cuBQQEaMyYMYVyngAAQM6K9FBXWFiYPDw85OnpqTlz5igqKkq9e/e2bkI2ePBg9ezZU5LUtm1bDRs2TGFhYerQoYOCg4OzrHPt2rUaPHiwvLy8JMm64uOmTZuyrXvz5s16//33JUne3t7q1q2bVd/KlSv1559/KjIyUpJ06dIl1a5dO8t9R0REOF2eOzn54tWdGAAACkhRmYtTUIp0xydtjk+ab775JtP9O9K+joiI0L59+7R582b169dPvXv3ztfafmNMtnVndY+QjK+bOnWq7rrrrlz3MXz4cA0fPtz62sO9XJ7bBwAA/r4bYqgrTfv27bVo0SL99ddfkqSZM2eqXbt2kqT9+/crICBATz31lAYPHqxvv/1WkuTl5WXN1ZGkLl26aNq0afrzzz8lSadPn1ZycnKOdbdt21Zz586VJJ08eVIrVqxwqi8iIsKaJ3T+/Hnt27evIE8DAAAFxzgKbisCinTic6WOHTtq7969CgkJkcPhUP369TV16lRJ0gsvvKCDBw+qZMmS8vT01LRp0yRJAwcO1IgRIzRp0iS99dZb6tu3r44cOaKQkBCVKFFCnp6e2rRpU451v/LKK+rfv7/q1aunmjVrqn379labRo8erXHjxqlp06ZWQjRq1CgFBARc57MDAABy4zA5jeOgQHm4l1OLO0YWdjMg6fPI+YXdBFzW0f/Owm4CMjg49bbCbgIuSxw1Ndc7m/9dbjeVk88Howqs/ksjC/4YcnNDDXUBAAD8HTfUUBcAAChARtyrCwAAwC5IfAAAgMXu1/Eh8QEAAMUGiQ8AAEhn8zk+dHwAAICFoS4AAACbIPEBAADpbD7UReIDAACKDRIfAACQAXN8AAAAbIHEBwAApGOODwAAgD2Q+AAAgHQkPgAAAPZA4gMAANJx5WYAAAB7IPEBAAAWwxwfAAAAeyDxAQAA6Uh8AAAA7IHEBwAApDIOVnUBAADYBYkPAACwOJjjAwAAYA8kPgAAIB2JDwAAgD2Q+AAAgHSs6gIAALAHEh8AAJCOOT4AAAD2QOIDAADSkfgAAADYA4kPAABIR+IDAABgDyQ+AAAgnc2v40PHBwAAWLhJKQAAgE2Q+AAAgFRGTG4GAACwCzo+AACg2KDjAwAAig3m+AAAAIvdV3XR8SlMlxLl+GZ3YbcCkjr631nYTcBl6w98XdhNQAadAvg1UVT8UKqwW2APfKIBAEA6m1/AkDk+AACg2CDxAQAA6Ww+x4fEBwAAFBskPgAAIB2JDwAAgD2Q+AAAAIvdr+ND4gMAAIoNEh8AAJCOxAcAAMAeSHwAAEA6Eh8AAAB7IPEBAAAWVnUBAADYBIkPAABIZcTd2QEAAOyCxAcAAKRjjg8AAIA9kPgAAAALq7oAAABsgsQHAACkI/EBAACwBxIfAAAgSXLI/nN86PgAAIB0Nu/4MNQFAACKDRIfAACQjsQHAADAHkh8AACAxe6Tm0l8AABAsUHHBwAAFCk//fSTQkND5efnpyZNmigmJibbsn/88YcqV66ssLCwPNVNxwcAABQpgwYN0sCBA3Xw4EE9//zzGjBgQLZlhwwZok6dOuW5bjo+AAAgnSnALQ+OHTum77//Xn369JEkde/eXYcOHdLhw4czlf34449VuXJltWrVKs+HR8cHAAAUGXFxcapatarc3FLXXzkcDvn4+Cg2Ntap3JEjRxQREaHx48fnq346PgAAIJVJXdVVUNvZs2dVvXp1a4uIiMiyGQ6Hw7lZJnNc9Pjjj2vixIkqU6ZMvg6R5ewAAOC6KFOmjOLj43MsU6NGDcXHxyspKUlubm4yxiguLk4+Pj5O5aKioqy5P2fPntWFCxd09913a+PGjTnWT+IDAADSFfIcn0qVKqlhw4ZauHChJGnZsmXy9fWVr6+vU7mTJ0/q8OHDOnz4sCZPnqyOHTvm2umR6PgAAIAiZsaMGZoxY4b8/Pw0fvx4zZ49W5LUqVMnRUdH/626GeoCAADpisCVm/39/RUVFZXp8XXr1mVZPjw8XOHh4Xmqm8QHAAAUGyQ+AADAwr26AAAAbILEBwAApCPxAQAAsAcSHwAAYGGODwAAgE2Q+AAAgHQkPpKvr6/q1Kmj4OBg1atXT1OmTCnodmVr165dWrJkSaHtPzuHDx/WzJkzC7sZAAAgB3ke6oqMjNSuXbu0ceNGvfTSS9qzZ4/T80lJSde8cVdKSkqi4wMAQEEq5Ht1FbR8z/GpUaOG/Pz8dPDgQQUHB2vo0KEKCQnRihUr9Pvvv+uBBx5QUFCQAgMDnToCvr6+euGFF9SyZUvddtttTrei/+mnn3TvvffqjjvuUIMGDTR16lTrOYfDoXfeeUetW7fW448/rldffVWbNm1ScHCwnnjiCU2aNEmDBg2yyp8+fVre3t46efKkJGnChAkKCgpSgwYN1KxZM50/f16SNHHiRAUEBCgoKEi9e/fWmTNnJEljx47Vc889Z9X3wQcfWJfBnjdvnu6++249/PDDCgoKUuPGjfXLL79Ikp544gnFxMQoODhYXbp0ye9pBQAA10G+5/js3btX+/fv16lTp7Rnzx598MEHeu+99yRJDz30kOrUqaMVK1bo2LFjuv322xUcHKwmTZpIkn7//Xdt3bpVx48f1+23367mzZurcePG6tWrlz766CPVqVNH58+fV7NmzdSsWTM1atRIknTx4kVt2bJFUmrnY+3atYqMjJSU2tHx9/fXxIkTVa5cOc2ePVtdu3ZVxYoVNX/+fK1cuVLbt2+Xl5eXTp06JXd3d61fv15z585VVFSUypcvr4EDB+rFF1/M0xDed999p927d6tmzZoaPXq0JkyYoBkzZmj69Ol67rnncrx5WkREhFOHL1kFn5IBAJAfdl/VleeOT1hYmDw8POTp6ak5c+bI29tbfn5+atGihVVm06ZN2r17t6TU28p369ZNX3zxhdXxGTBggCTJ29tbDzzwgL744guVLVtW+/btU8+ePa16/vrrL8XExFgdn/79+2fbrvLly6t79+6aN2+ehg4dqmnTpmnp0qWSpLVr12rw4MHy8vKSJFWoUMFqZ+/evVW+fHlJ0uDBg532n5MWLVqoZs2akqSQkBC9//77eXqdJA0fPlzDhw+3vvZweOb5tQAA4O/Lc8cnMjJSgYGB1tdbtmxRmTJlMpVzOBw5fn3lc8YYeXt7a9euXdmWy2o/GQ0dOlT333+/ateurcqVK6thw4Y5ljfGZNtONzc3JScnW48nJCQ4lfPw8LD+7+rqel3mNgEAcF0Uobk4BeWaXsenXbt21ryeP/74QytWrNBdd91lPT937lxJ0smTJ7Vy5Uq1bdtW/v7+8vT01IIFC6xyP//8szVH50peXl7WfJw0derUka+vrwYPHqynnnrKerxLly6aNm2a/vzzT0mpw2LJyclq3769Fi1apL/++kuSNHPmTLVr106SVLt2bUVHRyslJUXnz5/XsmXL8nTsWbULAAAULde04/Pee+9pz549ql+/vtq0aaOXXnrJGuaSpJo1a+rOO+9UkyZNNHToUDVp0kRubm5as2aNlixZovr16ysgIECPPfaYLly4kOU+2rZtq3PnzqlBgwZ64oknrMcff/xxJSUlKSwszHqsb9++uv/++xUSEqLg4GB16tRJFy9eVMeOHdW3b1+FhIQoKChIf/75p958801JUvfu3VWpUiXVq1dP3bp1U3BwcJ6OvX79+vL391dgYCCTmwEANy6br+pyGGOuS1N8fX21du1ap+Gya2nIkCG65ZZb9MorrxRI/QXBw+GpOx33FnYzIMmlbNnCbgIuW3/g68JuAjLoFNCmsJuAy34otU7x8fEFuo8SZcvLf/CYAqv/9CfvFPgx5OaGv2XFkSNHVKdOHe3atUvDhg0r7OYAAIAi7LrdsuLw4cMFUm/VqlW1f//+AqkbAIBip4gMSRWUGz7xAQAAyCtuUgoAACx2v4AhiQ8AACg2SHwAAEA6Eh8AAAB7IPEBAADpSHwAAADsgcQHAABYsr+1uD2Q+AAAgGKDxAcAAKRjjg8AAIA9kPgAAABJqfN7uHIzAACATZD4AACAVEbM8QEAALALEh8AAJCOxAcAAMAeSHwAAICFVV0AAAA2QeIDAADSkfgAAADYA4kPAACwMMcHAADAJkh8AABAOhIfAAAAeyDxAQAAFub4AAAA2ASJDwAASGfzxIeODwAASGfzjg9DXQAAoNgg8QEAABYmNwMAANgEiQ8AAEhlxBwfAAAAuyDxAQAAFoexd+RD4gMAAIoNEh8AAJDO3oEPiQ8AACg+SHwAAICF6/gAAADYBIkPAABIR+IDAABgDyQ+hSjFs6RO9wgp7GZA0vH2CYXdBFzWKYAfS0XJun2bC7sJuMyn8fXZD3N8AAAAbII/rQAAQDoSHwAAAHsg8QEAABbm+AAAANgEiQ8AAEhH4gMAAGAPJD4AACCVYY4PAACAbZD4AACAdMbekQ+JDwAAKDZIfAAAgCTJIeb4AAAA2AaJDwAASEfiAwAAYA8kPgAAwOJIKewWFCw6PgAAIB1DXQAAAPZA4gMAACwsZwcAALAJEh8AAJCOW1YAAADYA4kPAABIZZjjAwAAcF399NNPCg0NlZ+fn5o0aaKYmJhMZRYvXqyGDRsqMDBQQUFBev/99/NUN4kPAABIVwQSn0GDBmngwIEKDw9XZGSkBgwYoKioKKcy1atX1/r161WlShWdOXNGt99+uxo1aqTmzZvnWDeJDwAAKDKOHTum77//Xn369JEkde/eXYcOHdLhw4edyjVv3lxVqlSRJJUrV0516tTRoUOHcq2fjg8AALA4TMFteREXF6eqVavKzS11UMrhcMjHx0exsbHZviYmJkZRUVG66667cq2fjg8AALguzp49q+rVq1tbREREluUcDofT1yaHJfbx8fHq2rWrpk+frqpVq+baBub4AACAdAV4HZ8yZcooPj4+xzI1atRQfHy8kpKS5ObmJmOM4uLi5OPjk6nskSNH1K5dO7388svq0aNHntpA4gMAAIqMSpUqqWHDhlq4cKEkadmyZfL19ZWvr69TuaNHj6pt27YaNWqU+vXrl+f66fgAAABLYc/xkaQZM2ZoxowZ8vPz0/jx4zV79mxJUqdOnRQdHS1JevXVVxUbG6t//etfCg4OVnBwsObOnZtr3Qx1AQCAIsXf3z/T8nVJWrdunfX/WbNmadasWfmum44PAABIVwSu41OQGOoCAADFBokPAACwcK8uAAAAmyDxAQAAlxkpxd6RD4kPAAAoNkh8AABAKiNWdQEAANgFiQ8AALCwqgsAAMAmSHwAAEC6Arw7e1FA4gMAAIoNEh8AAGBhjk8h8/X1VZ06ddSgQQP94x//UNeuXfXNN99IkqZPn6533303x9evXLlSO3bsuB5NBQAARdwNkfhERkYqMDBQkrRq1Sp16tRJGzdu1BNPPJHra1euXKnGjRurSZMmBd1MAABufDZPfG6Ijk9GXbt21ZAhQzR58mQFBATo7Nmzmjx5sr799ls9+eSTSk5OVlJSkp588knVrFlTq1ev1qZNm/Thhx/qqaee0n333aeHH35Yf/75pxISEtS2bVv961//ksPh0NixY3Xw4EH99ddf+u9//6sqVaooMjJSFStWlCRNmDBBCxculIuLi0qVKqUvv/xSnp6e+uijj/TBBx8oMTFRZcuW1ZQpU6yOGgAANwqHJIfNJzffcB0fSbrjjju0cuVKBQQEWI+9/fbbGjFihHr16iVJOnXqlCpUqKAuXbqocePGeuqppyRJCQkJWrNmjcqUKaPk5GR17dpVy5YtU1hYmCTpu+++086dO1WxYkX17NlTM2bM0AsvvKD58+dr5cqV2r59u7y8vHTq1Cm5u7tr+/btWrRokbZu3Sp3d3d9/fXX6t27t3bv3p2p3REREYqIiLC+Tkm8WJCnCQAAXOGG7PiYLHqjbdq00RtvvKGff/5Zd911l1q0aJHla1NSUjRq1Cht27ZNxhgdO3ZMwcHBVsenY8eOVsITEhKivXv3SpLWrl2rwYMHy8vLS5JUoUIFSalDb7t371bTpk2tffzxxx+6dOmSSpYs6bTv4cOHa/jw4dbXJUuXv9pTAABAwUgp7AYUrCI/uTkrO3fuzDSUNGzYMK1du1a33HKLXnzxRQ0ZMiTL10ZEROjEiRP67rvvtGfPHvXq1UsJCQnW8x4eHtb/XV1dlZSUlGNbjDHq37+/du3aZW1HjhzJ1OkBAACF74br+KxatUrTpk1zSk4k6cCBA6pVq5Yef/xxvfjii/r2228lSV5eXjpz5oxV7tSpU6pSpYo8PDz0+++/a+nSpXnab5cuXTRt2jT9+eefkqTTp08rOTlZnTt31oIFCxQXFycpNVGKjo6+FocKAMB15zCmwLai4IYY6goLC5O7u7vOnTunevXqad26dWrWrJk2bNhglXn//fe1efNmlSxZUq6urnrnnXckSX379lV4eLiWLl2qp556SkOHDlWPHj0UHBysatWqqV27dnlqQ9++fXXkyBGFhISoRIkS8vT01KZNm9SyZUu99dZb6tq1q5KTk5WYmKh7771XjRs3LpBzAQAArp7DZDVhBtdFydLl1aDHq4XdDEg63j4h90K4LvyHHi7sJiCDdfs2F3YTcJlP4wuKj48v0H14uJdT89DRBVb/gZ+mFPgx5OaGG+oCAAC4WjfEUBcAALhObD4QROIDAACKDRIfAABg4SalAAAANkHiAwAA0jHHBwAAwB5IfAAAgMXBvboAAADsgcQHAACkY44PAACAPZD4AACAdPYOfEh8AABA8UHiAwAALA7m+AAAANgDiQ8AAEhlxKouAAAAuyDxAQAA6bhyMwAAgD2Q+AAAgMsMq7oAAADsgsQHAACkI/EBAACwBxIfAACQzuaJDx0fAACQjuXsAAAA9kDiAwAALCxnBwAAsAkSHwAAkI7EBwAAwB5IfAAAQCojEh8AAAC7IPEBAADpSHwAAADsgcQHAACk48rNAAAA9kDiAwAALFy5GQAAwCZIfMmG6O8AABQRSURBVAAAQDoSHwAAAHsg8QEAAJcZKYXEBwAAwBZIfAAAQDrm+AAAANgDiU8hciRd0NFNEYXdjL/t7NmzKlOmTGE34+/ZVNgNuDbs8F78UKqwW3Bt2OG9kCSfxoXdgr/PLu/FH3/8UfA7KQZ3Z6fjU4guXrxY2E24JqpXr674+PjCbgb+v717D6o5//8A/vx0sd2zCJkkY51cuqyV6/JzKUTrHt+dXLJLKA22IUZmd+0qInbs2tyVZba02glL7a6syaWQWbpRZBByV1Iip/P7w3bINUf1/hyf52PmzDjvc+Yzz3GU13m/X5/3G/ws5ISfhXzws6BnsfAhIiKip97zGR/2+BAREZFicMaH3llQUJDoCPQffhbywc9CPvhZvKX3fB8fSaN5z+e0iIiIqEZMjCzRz35anV0/81Gs8H4rzvgQERHRU5pK0QnqFHt8iIiISDE440NERERPvecdMJzxISIiIsXgjA8RERE99Z7f1cUZH3pnxcXFyMrKEh2DSLgRI0bUaIzqz+PHj0VH0DOaJ0tddfWQARY+pBNPT08UFRXh/v37cHV1xWeffYavv/5adCxFunfvHmbPno3hw4cDAHJychATEyM4lTJdunTphbHz588LSELZ2dn4+OOP0bp1awDAiRMnMG/ePMGpSA5Y+JBOrl+/joYNG2Lv3r0YPnw4zp49i4SEBNGxFGn69Olo0qQJ8vPzAQCtW7dGeHi44FTKsmHDBnTp0gV5eXno2rWr9uHo6AgHBwfR8RQpMDAQq1evRpMmTQAAn3zyCfbs2SM4lR6oOqT0PZ7xYY8P6aSiogIAkJKSAk9PTxgbG8PAgHW0CGfOnMGvv/6K+Ph4AICpqSm4L2n9GjhwINq2bQt/f38sX75cO25lZQUXFxeByZSrpKQEvXr10j6XJAnGxsYCE5FcsPAhnTg5OcHT0xNnzpzBsmXLUFZWJjqSYjVo0KDa8wcPHrDwqWetWrVCq1atcPr0adFR6D9GRkaoqKiAJEkAgMuXL/PLWU3V5e8Pqe4uXVMsfEgn0dHRSEpKgqurK8zMzHDlyhUsXbpUdCxF6tevH8LCwvDw4UMcOHAAK1euZEOtIBcuXEB4eDjy8/OrNdXu379fYCplCgwMxMiRI3Hr1i18++23+OWXXxAWFiY6FskAz+qid/Lo0aNqv+DNzMwEplGmx48fY/ny5UhISIBGo8GwYcMwf/58GBnxe01969q1K9zd3dGjRw8YGhpqx728vASmUq4jR45g586d0Gg0GDp0KHr37i06kuyZGFqgX1PfOrt+puFO4Wd1sfAhnWzfvh1BQUG4du0aAECj0UCSJKjVasHJiMRxcXFBRkaG6BgEoLy8HB988IF2qauyshKPHj2CiYmJ4GTypoTCh18JSSfz589HQkICOnfuzHVzQYKDg1/7+rJly+opCVVxcnLC5cuXYWdnJzqK4vXv3x+JiYmwtrYG8KTZ2cvLC4cOHRKcTA/IYD7k7Nmz8PX1xa1bt9CwYUNER0ejQ4cOL7xv8eLFiIqKAgD4+Pjg+++/f+O1+T8W6aRFixbo0qULix6BzM3NYW5ujsLCQmzfvh0VFRWoqKhAXFwcioqKRMdTpDt37sDFxQXDhg3D2LFjtQ+qf2VlZdqiBwCsra1RWloqMBG9jWnTpmHq1KnIy8tDcHAwJk+e/MJ7UlJSEBMTg4yMDOTk5CAxMRF//vnnG6/NpS7Syfbt25GdnY0RI0ZUmzp+WUVOdWvw4MHYtm0bGjduDODJf74TJkzgniUCbNmy5aXjvr51t3RAL+fi4oLU1FSYm5sDeDLj06NHD+4y/wYmhhbo12RCnV0/03j3G5e6bty4AZVKhVu3bsHIyAgajQa2trZIS0urti/WjBkz4ODggLlz5wIAIiMjcezYMURHR7/2+lzqIp0UFBQgIiIC0dHR2iZOSZK4S60ABQUF2qIHABo1aoSLFy8KTKRcLHDkY9y4cRg4cCD8/f0BAGvWrOHnIwP379+vthQcFBSEoKCgau8pKChAixYttDdoSJIEe3t7XLp0qVrhc+nSJfTp00f73MHBATt27HhjBhY+pJOffvoJ+fn5sLW1FR1F8dq3b48pU6Zop4KjoqLQrl07wamU6csvv3zp+ObNm+s5Cc2bNw/NmzfHrl27AAD+/v4YP3684FR6og4PKbWwsKhRc3NVU3qVVy1OPfu+mi5gsfAhnTg4OLDokYlNmzZh0aJFCAwMhEajgbu7OyIiIkTHUqTOnTtr/1xeXo74+Hh06tRJYCJl8/X15SyPHmrZsiUuX76Mx48fa5e6CgoKYG9vX+199vb2uHDhgvb5xYsXX3jPy7DHh3QSHByMgoICjBkzplqPz5AhQwSmIpKXsrIyeHt7Y+/evaKjKE5RURHWrVv3wmaSnH17PRNDC/T90KfOrp9lsrdGMz59+/bFpEmTMGnSJOzYsQMRERFIS0ur9p4DBw4gMDAQR48ehZGRET799FMsXrwYnp6er702Z3xIJ8ePHwfwZMmriiRJLHwEKCkpwYIFC7Bv3z5IkoQBAwZg8eLFsLS0FB1N8UxNTat9I6X64+3tDRsbmxc2kyT9sG7dOkyaNAlhYWGwsrLS3jgwZMgQfPfdd3Bzc0Pfvn0xduxYODs7AwA+//zzNxY9AGd8iPTehAkTYGZmpm3iXL9+PUpKSrB161bByZTn2b2V1Go10tPTYWNjU6OGS6pdHTt2RHZ2tugYesfEwBx9G9bhjI9ZIjcwJP0VHx9fbZZh5MiRoiMpUkZGBk6dOqV9HhkZCVdXV4GJlKvq1mngySGZ/v7+GD16tMBEytWmTRsUFxdX28uHCGDhQzr67rvvkJCQgIkTJwIAQkNDkZ2djYULFwpOpjxqtRolJSXapa3S0lJUVlYKTqVM33zzjegI9B9LS0u4ublh8ODB1foQuaN5DbznC0EsfEgnO3bsQFpamvZQUj8/P/To0YOFjwATJ05E9+7dMW7cOEiShNjYWN7JIsjz/VYeHh4IDQ1lv5UAKpUKKpVKdAySIfb4kE6cnZ2RmZn5xjGqH0lJSdi3bx80Gg0GDBhQowY/qn3styJ9Z2Jgjr6W/6uz62dZ/iW8x4eFD+lk8uTJqKiowPTp0yFJEjZs2ACAt4qKwFOo5cPV1bVav9Wrxqh+/P777zh58iTKy8u1Y1zqej0lFD48YZJ08uOPP8LW1hYzZ85EYGAgmjZtWu3Wdqo//fv3x71797TPS0pK4OHhITCRclX1W1Vhv5U4s2fPRlRUFDZu3Ai1Wo3Y2Fjcvn1bdCz9oNHU3UMG2ONDOjE3N0d4eLjoGASeQi0n7LeSj+TkZJw6dQqdOnXCihUrEBwcjClTpoiORTLAwod0wk3z5KOyshKlpaXVTqGuqKgQnEqZgoOD4eLiou23Cg8PZ7+VICYmJjAwMIAkSaioqECzZs1w5coV0bH0guY9n6Vk4UM6CQgIgJmZGWJiYgA8aeIMCAhgE6cALzuFumqbAapf5eXlGDRokLbYqaysRHl5OfutBLC0tERZWRl69eoFX19fNG/eHMbGxqJjkQywuZl0wiZOedmyZQv27NkDABg2bBhPoRakZ8+eSExM1C49FhcXw8vLC4cOHRKcTHmuX7+ODz/8EGq1GitXrsTdu3cxa9YstGzZUnQ0WTMxMEcf07rbdDP7w/1sbib9xCZO+UhKSoKvry/i4uIQFxeH8ePHIykpSXQsRWK/lXzs2bMHDRo0gKmpKUJCQhAREYG///5bdCySARY+pJOqJs6wsDAsWbIEPXv2ZBOnIAsWLKjRGNW9qn6rKuy3Emf16tU1GqPnaABUauruIQPs8SGdBAcHw9nZGcnJydomzmbNmomOpSjnzp1DXl4e7t27h71792rHi4uLUVZWJjCZcr2s34pfCOpXeno6jh49ilu3biEyMlI7XlxcjEePHglMRnLBwofeWnp6Oi5evIi+ffti8ODByMrKwsKFC3H48GHcvHlTdDzFOHz4MKKjo3H9+nUsX75cO25lZYUVK1YITKZc8+bNQ/PmzbFr1y4AgL+/P/ut6tmVK1eQnp6O0tJSHD9+XDtuZWWF6OhoccH0hgbQvN9tC2xuprcSHh6OpUuXwtHREbdv38bMmTMxb948BAQEYOHChWjYsKHoiIqzadMmTJ48WXQMAlBUVMSfAZlITEzE4MGDRcfQOyaSGf7PeESdXT+naQqbm0m/REdHIycnB2lpadi9eze++uor7N69GxEREfyFL0jTpk21OzdHRETA29sbWVlZglMpU9u2beHn54eMjAzRURTv0qVLKC4uBgAEBgbCzc0NKSkpglORHLDwobdiYmICW1tbAEC7du2gUqng7u4uOJWyhYSEwMrKCqdOncK2bdswYMAAbY8J1a9z586hffv2GD16NHr37o24uDio1WrRsRTp559/hrW1NQ4fPozMzEyEhoZizpw5omPpB01l3T1kgIUPvZWHDx/i9OnTyMnJQU5ODgC88Jzql5HRk1a9v/76C1OnTsW0adN4C7Ug1tbWCAoKwtmzZzF//nzMmTMH9vb2CA0N5WdSz6p+Lvbv34+JEydi0KBBePz4seBUJAdsbqa3UlZWhiFDhlQbq3ouSRLOnz8vIpaiqdVqpKWlIT4+HlFRUQDAW6gFKikpQXR0NCIjI9GxY0f4+fkhOTkZnp6eOHjwoOh4imFgYIDY2Fhs374df/zxBwDwrq4a0sjktvO6wsKH3sqFCxdER6DnLF68GNOnT4e7uzvat2+P3NxctG3bVnQsRZo+fTp27tyJ0aNHIyEhAY6OjgCAUaNGoX379oLTKcvq1auxdOlS+Pn5wcHBAXl5eejXr5/oWCQDvKuLiKiWREREwM/Pr9ruzVUKCwu1/XFEcmUimaG35FVn1z/dIlX4XV2c8SHScyUlJViwYAH27dsHSZLg4eGB0NBQWFpaio6mOOfPn3+h6AkICEBkZCSLnnqyatUqzJo1C3PnzoUkSS+8vmzZMgGpSE5Y+BDpuYCAAJiZmSEmJgYAsH79egQEBGDr1q2CkylPWlraC2OpqakCkiiXiYkJAMDCwqJa4cPFjZpxduuI04V1929WDl8AuNRFpOdcXV1x6tSpN45R3fntt98QFxeH5ORkeHh4aMeLi4tRWlrK09nr2fHjx7F8+XJkZ2dDkiQ4OTkhKCgIXbt2FR2NZIAzPkR6Tq1Wo6SkRLu0VVpaispKeeyXoRQqlQpeXl44duwYvLye9kdYWVlxn6t6lpqaiiFDhmDGjBnw8fGBRqPB8ePH4enpicTERHTr1k10RBKMhQ+RnvP19UX37t0xbtw4SJKE2NhYHoxZz1xdXeHk5ISUlBT+3Qu2bNkybNmyBcOGDdOOjRw5Et26dcOSJUuQkJAgMB3JAZe6iPRYVlYW8vLycPXqVVy4cAEajQYDBgyAp6en6GiK1K9fP/zzzz+iYyiao6MjcnNzX/qaSqVCXl5ePSciueGMD5GeioyMREhICFQqFXJzc7F582aMGjVKdCxFGzp0KMLDw/HFF1/AwsJCO25mZiYwlbKYmpq+8jV+DgRwxodIbzk5OSEpKQl2dnbIzMyEv78/m2gFMzB4egqQJEnQaDSQJInnddWjDh06ID4+/qV3cXl7e/NoHeKMD5G+MjY2hp2dHQDA2dmZZ0HJAJvKxXvZsTpVXravDykPCx8iPVV1YGzVN9vnn3fo0EFkPMU6efIkcnJy4OPjg6KiIjx48EAWe5coBY/VoTfhUheRnnJwcHjlN1geGCvG2rVrsWbNGty/fx/5+fnIz8+Hn58f9u/fLzoaEf2HhQ8RUS3p1KkTjhw5gp49e+Lff/8F8KQXKysrS3AyIqpi8Oa3EBFRTTRo0OCFu4qMjNhRQCQnLHyIiGqJjY0N8vLytEuQW7duRcuWLQWnIqJncamLiKiWnDt3Dj4+PsjOzoaNjQ3MzMywe/dutGnTRnQ0IvoPCx8iolpUWVmJ3NxcaDQaODo6wtDQUHQkInoGF5+JiGrRiRMnkJycDEmS8ODBA3Tu3Fl0JCJ6Bnt8iIhqyQ8//IAxY8bg+vXruHbtGry9vbFq1SrRsYjoGVzqIiKqJSqVCqmpqWjcuDEA4M6dO+jevTsPxiSSEc74EBHVEltbW23RAwCNGjVC8+bNBSYioudxxoeIqJYsWLAAN27cwOTJkwEAUVFRaNWqFUaOHAmAx4gQyQELHyKiWtK6detXvsZjRIjkgYUPERERKQZvZyciqkXp6ena29nd3d15OzuRzLC5mYiolmzYsAGjRo1CYWEhrl69ilGjRmHjxo2iYxHRM7jURURUS1xcXJCcnAwbGxsAwM2bN+Hu7o6MjAzByYioCmd8iIhqUVXRU/XnqgNLiUgeWPgQEdWSjz76CCEhIbh69SoKCwuxaNEiHlBKJDMsfIiIasnatWuRn58PFxcXuLi44MyZM1i7dq3oWET0DN7VRURUC9RqNQ4ePIjY2FjRUYjoNTjjQ0RUCwwNDbFy5UrRMYjoDVj4EBHVEjc3N6SmpoqOQUSvwdvZiYhqSadOnZCZmQmVSgULCwvt+LFjxwSmIqJnsfAhIqoFWVlZyM3Nxd27d9G2bdtqr/Xp00dQKiJ6HpubiYjeUWRkJEJCQqBSqZCbm4uoqCjtiexEJC+c8SEiekdOTk5ISkqCnZ0dMjMz4e/vj0OHDomORUQvweZmIqJ3ZGxsDDs7OwCAs7MzSktLBSciolfhUhcR0Tt6+PAhTp8+jaoJ9Oefd+jQQWQ8InoGl7qIiN6Rg4PDK8/kkiQJ58+fr+dERPQqLHyIiIhIMdjjQ0RERIrBwoeIiIgUg4UPERERKQYLHyIiIlIMFj5ERESkGCx8iIiISDH+H6NkaWk2CGI4AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotCorrelationMatrix(df1, 8)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Scatter and density plots:" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA4cAAAPXCAYAAACYYz5hAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xd8XFed9/HPmSpp1LstufdeIjukkA7pGwiB0Am7wAIPsLuU5YFA6LvssgsssLvUhxIWWBJSgDSSkMSk2bGTuHdLtqzepWmadp4/ZkaRbNmWLDmj8n2/Xk6kO7f85uremfnOOfdcY61FREREREREpjdHpgsQERERERGRzFM4FBEREREREYVDERERERERUTgUERERERERFA5FREREREQEhUMRERERERFB4VBERAQAY8xlxpjjma7jRMaYdxhj/vQqbGeuMcYaY1znelsiIjIxKRyKiExzxpiLjTHPGmN6jDGdxphnjDEbxrjO24wxT58w7WfGmK+OrdrMSQWngDHGb4zpMMY8boy59Vxv11r7P9ba159Qx8KzWVcqACdSz6HPGLPfGPPes1jPF40xvzybGkREZOLSt4MiItOYMSYf+CPwIeC3gAd4LdCfybqGY4xxWWtjGS5jjbX2kDGmFLgW+J4xZqm19ksZrms0Gq211cYYA9wE3G2M2QwEM1yXiIhkmFoORUSmt8UA1tpfW2vj1tqQtfZP1tod6RmMMe83xuxNtTTtMcasT03/v8aYw4OmvzE1fRnwfeCCVAtVtzHmA8A7gH9MTftDat6ZxpjfGWPajDG1xpiPDdruF40xdxtjfmmM6QVuO7F4Y8z1xpiXjDG9xph6Y8wXBz2W7ib5HmPMMWNMuzHm9kGPZ6daM7uMMXuAEbeWWmvbrbV3kgzVnzHGlKTWWWCM+YkxpskY02CM+aoxxpl67DZjzNPGmH9LbbPWGHPtoHpuM8YcSe3PWmPMOwYvl/p5U2r27an9eKsxZpcx5sZB63GnnuvaMzwHa629D+gClg+zb2caY36fak0+ZIx5f2r6NcBngVtTNWwf6X4TEZGJTS2HIiLT2wEgboz5OfAb4HlrbVf6QWPMm4EvAm8AtgILgGjq4cMkWxmbgTcDvzTGLLTW7jXGfBB4n7X24kHruhA4bq39XOp3B/AH4H7gbUA18JgxZr+19pHUYjel1v1uwDtM/YHUY7uBlcCjxpiXU6En7WJgCckgvMUYc4+1di/whdTzWQD4gIdGteeS7if5XroxtfzPgRZgYWqdfwTqgR+k5j8/NU8p8AHgJ8aYKiAH+A6wwVq73xgzAyg+cWPW2kuMMZZUCyaAMWYO8E6S+xLgOqDJWvvy6QpP7f+bgEJg5zCz/Jrkfp0JLCW5b49Yax82xvwTsNBa+84z7B8REZlE1HIoIjKNWWt7SYYnC/wIaEu1FlWkZnkf8K/W2hdSLU2HrLVHU8veZa1ttNYmrLX/CxwkGZJGagNQZq39srU2Yq09kqrhrYPmec5ae19qG6Fh6n/SWrsz9fgOkoHm0hNm+1KqRXQ7sB1Yk5r+FuBr1tpOa209yXA2KtbaKNAOFKf22bXA31trA9baVuBbJzyfo9baH1lr4yRD4gwgva8TwEpjTLa1tslau3uEZfwSuC7VRRjgXcCdp5l/pjGmO1X3F4B3WWv3D57BGDOL5HHxaWttOBU0f5xat4iITFEKhyIi05y1dq+19jZrbTXJ1reZwLdTD88i2UJ4EmPMu40xL6e6jXanli0dxabnkAoqg9bxWV4JS5BsdTslY8z5xpgnUt1Se4APDlND86Cfg0Bu6ueZJ6z/6ChqT2/fDZQBnann4waaBj2fHwDlw9VirU1f45drrQ0At6bqbzLGPGCMWTqSGqy1jcAzwJuMMYUkA+r/nGaRRmttobW22Fq71lr7m2HmmQl0Wmv7Bk07ClSNpCYREZmcFA5FRGSAtXYf8DOSQQ+S4WnBifOlujL+CPgIUGKtLQR2ASa9quFWf8Lv9UBtKqik/+VZa687zTIn+hXwe2CWtbaA5LWO5vSLDGgiGX7TZo9wucFuAmLAFpLPpx8oHfR88q21K0ayImvtI9ba15FsTdxHcv+O1M9Jdi19M8nW1obRPIlhNJJsDc0bNG02kF7vmf4uIiIyCSkciohMY8aYpcaYTxhjqlO/zyJ5/d/zqVl+DHzSGHOeSVqYCoY+kgGhLbXce3klUELyurtqY4znhGnzB/2+Beg1xnw6NTiM0xiz0ozuNhp5JFu4wsaYjcDbR7Hsb0kOJlOUev4fHemCxpji1IAx/wn8i7W2w1rbBPwJ+HdjTL4xxmGMWWCMObGb63DrqzDG/JUxxkcyYPqB+ClmP3E/AtwHrAf+DvjFSJ/HqaS62T4L/LMxJssYsxr4G15pkWwB5qauWxQRkSlCL+oiItNbH8lBUjYbYwIkQ+Eu4BOQvK4Q+BrJFro+kiGk2Fq7B/h34DmSQWEVya6NaX8mOZhJszGmPTXtJ8DyVJfL+1LX3d0IrAVqSV4D92OgYBT1fxj4sjGmD7iDZOAbqS+R7CpZSzLUne46vbTtxhg/cIjk9Zj/YK29Y9Dj7yZ5O5A9JEcBvZtkS+CZOEju80aSXVQvJfnchvNF4Oep/fgWgNT1mL8D5gH3jGB7I/E2YG6qpnuBL1hrH009dlfq/x3GmBfHaXsiIpJhxlr1DBEREZnsjDF3AIs1gqiIiJwt3cpCRERkkjPGFJPs9qnRREVE5KypW6mIiMgklro5fT3wkLV2U6brERGRyUvdSkVEREREREQthyIiIiIiIqJwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIgArkwXcC6UlpbauXPnZroMkUmtrq4OnUciZ0/nkMjY6BwSGZtt27a1W2vLRrPMlAyHc+fOZevWrZkuQ2RSq6mp0XkkMgY6h0TGRueQyNgYY46Odhl1KxUREREREZHJEw6NMdcYY55M/Wsyxrwh0zWJyNjVtQfYdrQTa+2wjx9q9fPSsS4AEgnLC3WdHOsIvpolikw74Wic5w530O7vP+18jd0hNh/pIBZPvEqVTR+xeILNRzpo7A5luhSZgOIJy5baTo53Bdl2tIufPlNLOBLLdFkyBUyabqXW2oeBhwGMMZuBxzJbkYiM1fGuILfft5N4wnLLebO45bzqIY8favXz+ft2YbG86zVz6QlF+f32BlwOB//+ljVU5GdlqHKRqe0/Hj/IS8e6KMh28923rcfjOvm75O5ghM/cs5P+WJyrllXwvtfOz0ClU9fPnq3jsb0teF1Ovn3rWop8nkyXJBPIL56r45HdzcQTlgMtfVgLzx5q50fv2ZDp0mSSmzQth2nGmPlAi7XWf8L0Dxhjthpjtra1tWWoOhEZjd5QjHgi2WLYFYic9HhPKIol9XgwQlcwOU8skaAvrG9IRc6V7tS5FuiPE0sM3yoYjMTpj8UBBs5NGT/pfdofixOKxjNcjUw06ffMYCROPJ58n+zUeSjjYNK0HA5yM3DviROttT8EfghQU1MzfP80EZlQls/M57YL59LS288b11ed9Pj62YW84/w5dIei3Ly+imjM4vM4qS7KYWF5bgYqFpkePnzZQh7Z3cy62YXkeIb/qDCzMJsPX7aQg61+blo781WucOp770XzKPF5WViey8zC7EyXIxPMey6cS2GOh3llPvY09rKjvptPXL0k02XJFGBOdZ3PRGWMeQq42Vrbcap5ampqrEa3EhkbjRInMjY6h0TGRueQyNgYY7ZZa2tGs8yk6lZqjKkEIqcLhnJ67f7+gW5AIiIiIiIiaZMqHAI3AfdnuojJ6r6XGqj56mO86b+fJRLTyHIiIiIiIvKKSRUOrbU/sNZ+L9N1TEbWWr7xyH4AdjX08sDOxgxXJCIiIiIiE8mkCody9rYf76GhO8Q3bllNVWE2D+xoynRJIiIiIiIygSgcThN/OZC8vcfrlldwyeJSNtd2DtxCQEREREREROFwmth+vIf5ZT4KczycP6+EvnCMvU29mS5LREREREQmCIXDaWLH8W7WVBcCsG528v+7GnoyWZKIiIiIiEwgCofTQHNPmNa+flZXFwAwqyiHHI+Tfc19Ga5MREREREQmCoXDaWBfc7L76LIZ+QA4HIbFFXkD00VERERERBQOp4G69gAA88t8A9OWVORxsMWfqZJERERERGSCUTicBuo6gvg8TspyvQPT5pTm0BGI4O+PZbAyERERERGZKBQOp4Ej7QHmlfkwxgxMm1OcbEU82hHIVFkiIiIiIjKBKBxOA3XtAeaW+IZMm1OSA8CxjmAmShIRERERkQlG4XCKi8YTHO8KMq90aDicnQqHRzsVDkVEREREROFwymvpDZOwUFWYPWR6fpabYp+Ho2o5FBERERERFA6nvKaeMAAzTgiHALOKsjnepXAoIiIiIiIKh1NeY3cIgJkFWSc9VlmQRUtv+NUuSUREREREJiCFwymusfvULYczCrIHWhZFRERERGR6Uzic4pp6QuRlucj1uk56rLIgi75wTPc6FBERERERhcOprrE7zMyCk1sNAWakupo2q/VQRERERGTaUzic4pp6QswoPPl6Q4CKfIVDERERERFJUjic4pp6wsw4Q8thU0/o1SxJREREREQmIIXDKaw/FqczEBkIgSdKtxxqxFIREREREVE4nMLa/REAyvO8wz6e5XZS7PNoxFIREREREVE4nMra+voBKDtFOIRk66FaDkVEREREROFwCkuHw9LcU4fD0lwPbakWRhERERERmb4UDqewdv+ZWw7Lcr20p0KkiIiIiIhMX5MqHBpj3m2MedwY86QxpirT9Ux06ZbDklzPKecpzfPS7u/HWvtqlSUiIiIiIhOQK9MFjFQqDF5qrb0y07VMFm19/RRku/G6nKecpzTXQ38sQV9/jPws96tYnUxGoUicrzywh31NvQAsLM/ljhtXkOtNvpTUtQf4pwf34nU7+fwNyyjPGzpS7s+eqeWxva1cvaKCheV5fP2hvbT5+7l8STlvWFvFfz15iIr8LD5/w3J8XheHWv38y8P78HmcfO76Zdz5/DG2He3i1g2zuHHNTAD2Nffyb4/sJz/bzRduWEFBjo5jmZqOdiTPL7fTwR03LKc8NeL0kTY/X39oH1luJ3fcuPy0lxKMxeE2P/8ywu1srevku38+RFVhNnlZTnY39vGuC+Zw9YrKYef/0aYjPHWgjRtWz+CtG2cPTG/tC/OVP+6lPxrnM9ct42hHgJ88XcuSijz+77VLcTnP/jvuvU3J147CHA933Licguzxee14cn8rP3m6lqWVeXz6mrHVKCP3wI4mfr3lGOvnFPEPVy3CGHPW6/rfF47xh+1NXLq4jPdfMn9g+n89eYhnD3XwhnVV3HJe9UnL7Tzewzcf3U9ZnnfIe+NwttR28r0nDjGnOIfbr19GlvuVz2qHWv188q6X2dfcR2GOm+++bT0b5hYPWf7Zw+18/6kjzC/18ZnrluJ1Odl2tJPvPH6I6qJsPnf9crI9p/78J3Iqk+kV62rAmWo5/K4xZsgRb4z5gDFmqzFma1tbW4ZKnFja/f2n7VIKr1yPqK6lMhKH2/wcafPT1tdPS2+YY51B9jf3Djy+ubaD3nCUtr4wLx/rPmn5x/a2EkskeGxvK08eaKXN348/HGNXQw9/3NFIKBqnriPAgZY+AJ470kFfOEpzb5jNtZ1sru0glkjw532tA+t85lAH/v4Yjd0hdjX2nPudIJIhm2s76QlFaff38+Kg8+v5I530hqO09oXZXn/yeTdenj/SMeLtbDrQRn8szv6WPp49nDpv97YOO28iYfnzvldeGwZ7+Vg3bX1hesNRttR28OT+NqLxBLsae8Y80vYzh9oJRGI0dAfZPY6vHekadzb00KwB3141j+9rIZZIsKW2g95QbEzrenRP68B7TSKR7FnVH4uz6UAbsUSCx/e2DLvcXw61EYrGT3pvHM5TB1qJxOIcbO2jriMw5LHnjnRwvCtENG7pDcX44/bGk5ff30YkFmdfcy/1naHUOtvpj8U53ObncJv/bJ66yKQKhxWAJ9VyGARuGvygtfaH1toaa21NWVlZRgqcaNr6+ik7wzfIA+FQg9LICCwsz2VpZT4zC7OpLsphQVny97QL5pdSkutlZkE26+cUnbT8NSsryXI7uXZlJVcurWBGfjaFOR7WzS7iDeuqyMtyD2wD4OKFpRT7PFQX5XDB/BIuXlhKttvJ1SsqBtZ5yaJSCrM9zCn2sbKq4NzvBJEMuWB+ycD5dd6g8+uihSWU+LxUFeawbvbJ5914uWhB6Yi3c/nScnK9LlZVFXDJ4jKy3U5eP+i8HczhMFy9ooIst5NrVg5tWVw/p4iZhdmU5Hq5YH4pVy2rIMfjYt3solPew3ekLllcRkG2m7kl4/vaka5x/ewiZhRkj9t65fRev7ySbLeTixaUkp89to5x16beq16/ogKHI9kC6XU5uXJp8jg9VQv4pYvLyM9yn/TeOJwrUufIshn5zCv1DXns4oWlzC/z4XU5KM7x8IZ1J19JdeWyCnweFytnFjCnJAeAy5eUket1sbQyn4XluWfz1EUwk+VaM2PMh4G4tfYHxpirgRpr7deGm7empsZu3br11S1wArr0G0+wprqQ77xt3Snn2dPYy3Xf+Qv/9Y71XLdqxqtYnUx0NTU16DwSOXs6h0TGRueQyNgYY7ZZa2tGs8xkajl8Flid+nktUJvBWiaF9r7+M157UpqXHKwmPbKpiIiIiIhMT5NmQBpr7cvGmJAx5kmgHfhWhkua0AL9MQKR+BmvOSzO8WCMrjkUEREREZnuJk04BLDWfjLTNUwWI7nHIYDLmezP3qZrDkVEREREprXJ1K1URiE9wMzp7nGYVprrVbdSEREREZFpTuFwiuoKpMKhbwThMM+jcCgiIiIiMs0pHE5RnalwWJSjlkMRERERETkzhcMpqjOYDIfFI2g5LPZ56ApEz3VJIiIiIiIygSkcTlFdgQgel4Mcj/OM8xbnePD3x+iPxV+FykREREREZCJSOJyiOgOR1G0qzBnnLUq1LnYH1XooIiIiIjJdKRxOUV3ByEDoO5N019P0dYoiIiIiIjL9KBxOUZ2BCMU+94jmTQ9a06VwKCIiIiIybSkcTlFdweiIRiqFQS2HQYVDEREREZHpSuFwikq2HI4sHBalWhjVcigiIiIiMn0pHE5BsXiCntDIWw7T83XqdhYiIiIiItOWwuEU1B1KhryRthy6nQ7yslx0qVupiIiIiMi0pXA4BaW7h440HAKU+DwarVREREREZBpTOJyCOs8iHBb5PGo5FBERERGZxhQOp6B0yBvpNYcAxTlqORQRERERmc4UDqeg9MAyo245VDgUEREREZm2FA6noHTLYWGOe8TLFPs8us+hiIiIiMg0pnA4BXUGIvg8TrLczhEvU5TjIRxNEIrEz2FlIiIiIiIyUSkcTkFdgQhFo+hSClDsS7YyqvVQRERERGR6UjicgjqDkVFdbwivDF6j6w5FRERERKYnhcMpqCsQGdVIpfDK4DUasVREREREZHpSOJyCzqrlMDW/7nUoIiIiIjI9KRxOQZ3+s2g5zFHLoYiIiIjIdKZwOMWEo3ECkfjAADMjlZ/txmF0zaGIiIiIyHQ1acKhMWauMabFGPOkMeZPma5nouoORgFGPVqp02EozNG9DkVEREREpitXpgsYpUette/MdBETWbpbaPEou5UCFOW41a1Uzqg7GOHubcfZdbyb7lCUxRV5PHe4k3AszpvWV+GPxDneGSQQiWEwhKMx9jT2UZLr4aa1M4lbi8vh4EBzHw/sbMLjcvLtt67lssVlvONHz7OrsZfFFbnMLvZxpLWPnU19AHz++iX0hOPc+2IDMwqy+dobV3LvS8d5ZHczsThcuaycz9+wHGNMhveQnI2uQIQfbjpCU0+It58/h43zijNd0ogc6wjy4K4mVlcXcOGC0lPO1xWI8LsXjzOjIJvrV88AoC8c5a6txyn2Jc8NY8yw07Yd7WRLbRevW17BwvJc6toDPLSrmXWzC3nN/BJ6Q1Fuv3cnDT0hrlhShsfppDTPyxvXVXGw1c/je1t5zfxiVlYVcNfW4xztCJCb5eKaFZXMKMzmrq31FGS7eeO6qoHzJxZP8Pn7d7HtaBfvOH82b904m18+f4w7n6ujuSdEdXEOoUicBWW5/OJvzgfgSJuff31kP229YXxeF/9w1WLWzSka2Ac7jnfzgV9sJdfr4ncfupCC1PvU43tb2HSgDa/bidtpmFPi44ql5dz7YgPVRdlcu2rGkH359MF2djX2cMPqGVQX5Qx5bNvRLrbUdvK65eUsLM8b8lgkluCubfUAvPm8Wdx+705equ/io5cv4qZ1VWfx1x/el+7fxc+fP0qRz822z71+xMu19oa596UGFpbncuWyioHfXQ5DJG65bEkZy2bkj1udE0UiYbnnpQb84Shv2TCLHM/4fDR9oa6TrXVdvH5FBQvKcnlgRxNNPSFuXlfFpoPtdAYivLmmGpfDwW+31pPjcfKm9dU4HIb9zX38eV8r88t81LYHCPTH2FLbQVGOl1yvk45AhKtXVNIdinLtykrmlPgA6AlFuXvbcXweJ4/vbWV/Sy/nzS7kjhtXDvnSfndjDw/tbOaJ/a30R+NcsbSCW2qq6Q5G2VrXCcDWo508sa8NlwNKcrMozHHz09tq2H68h/rOEDevr6I7FOWnz9RS3xlkcUUebz5vFk8daKO6KJt2fz8/e7aOSxaV8fkblnH7vbvoDkX50l+tYNOBNv6wo4m3bpzFhfNL+ey9O6htD/B/Ll/E8pn5PLyrmfPmFJ2z1+ETX9NeTeFonLu21uNxOXjT+mpczonVTubvj3HX1nrys9zcvL4qI59pJls4vNwY8xfgHmvttzJdzESUHlBmtC2HkLydRVcgOt4lyRTzmxfqeWhnE7sae3E7DU8f6iCesBgD33z0ACW5Xtr9/VgLCWtJ2ORy7YEIP366FmuhIj+Lfc3J0BeJx/jkb1/m765czOa6LgBequ9hZ0MvsfTCwFce2E+220koGqehO8Q//O/LyTftSByAX205xoULS7lqWcWru0NkXPxqyzHu3nac/lico50BfvW+C8j2ODNd1hn9YNNhDrf52XSgjZVVBeRnDd+l/zcv1PPUgVYAFpT7WFqZz70vNfCnPc0AzCrO4bw5Rdzz4tBpq6oK+NajB4klEhxo6eNbt67l+08dpq4jwNOH2lhVVcA3Hz3A4/ta6Y8lONwaoCTXQ3mel1nFOfz82Tra/f08e7idd5w/h/tfPs6+5j7K87I42OJnw7xiHtn9yvY2zE1+GPzD9kbuebGBWMLyrUcPEI4l+M3mY9R1BAE41BoAoKknzPf+fJCPXLGIL/1hD1uPdhLoj5PldvC5+3fxwMdeO7APPnjnNpp7+4F+PnHXdn78ng0c7wryo01H2NvchwEcDsPiily21HZyvCuY2l+5LK5IBr2uQIT/fOIQFktjd4gv37RyYP2xeIJvP3aAaDzBvuZe/uOt64b8Df68r4U/bG8EoL4zyH0vN5Cw8IU/7ObqlZVkucfnePvpc0cB6PBH+cbDe/nUNctGtNzPnq3jxWNdPLG/laUz8vmf54/y4rEu9jX1Ma80h+313Xz/XeeNS40TyebaTu5OhfYst5O3bpw95nX2x+L8x2PJ8+ZQq5/3XzKPO5+vA6CuI8ih1uT7j8NAjtfFQ7uaAJhZmM1FC0v5zp8P0uHv5xfPBZlRkMWuxl4Sqfcjay3ZHicv1HWxsiqfox0B/vnm1QDctbWex/a2cKTNT2cgSixhaentpyg3iztuWD5Q37cfO8i2o510BaJYoLn3KMe6gvSFo3QGIrT3RWjz9wMQTUBzb5iW3jB/95uXcTiSYSEUjVPbHuCxPS0Eo3F2NvSw43gPxkA0nmBvUx/9sQT1ncnj8YGdyef4Tw/u4akD7cQTlv3Nvdy8vppH97QSt5Yv/n43Fy4soaU3zNOH2vjxuzeM++twfyw+8Jp2sKWPb966dlzXfyYP7Woa2BcV+VlctqT8Vd3+mdz/csOQ1+RMfFH1rNJBAAAgAElEQVQ6seLy6TUBi4HLgauMMasHP2iM+YAxZqsxZmtbW1tGCpwIBloOzyYc+jwarVTOqCzXi9vpwGnAYQxup4HUF1tZLicepwOXw+BM/Ut/52WALJcDT+rf4O/Cinxe5pRkD5nmOOHbMgcMLGcMzCjMxu1M/Q64HA4qC7LO0bOWc60s14vbZTDGUJzjTR5Xk0BZnheA/Cw3Xtep31LT87mdDgqzk6/PZbnJaU6HGXjNTs/ndBhKfB5cDjPwZV/6sdLcV7bpcTmoLsrGDJyDDtxOg8Mk15lepsTnoTw/+bPLkTwHy/K8AzU4THJ7aTMKs3CmPoRmuZ3MKsoZ9vkZYEFZ8pv/GQVZA+ejMWagzhP3weBl8rxusj3JFkOPy4HHaTAYqguzAfC4nBRmvxK4s9xO8rJcQ/ZfmtNhBgZjO/GxwdsHmF/qG3iNyfW6cDnG73gbvKpV1QUjXi69v7LdTnK9roF6s9xOnA4zpP6ppCTXQ/qdYryeo8vhoCDHPbDOwmwP7lQLUXVR9sCxXZaXNXCsGF45ZtPTCrLdyfPF6cBhksdYOpz5vM4h8w6uP9vtGji+HMZQVTj0vak014vX5UxtF7wuBxUDdRo8ruGPx1nFOXhSy5XleSnL8+J2JWvzOB1U5KePGRfZqS87nA4Hiyt8A+uoLvINnEOFOR5mFGTjSJ3a+dkuKvOTtaZrGW9uh4PCQX+bV1tZbvL5Df57TySDX5PP5rP8eDDW2jPPNcEYYz4E9FhrfzXc4zU1NXbr1q2vclUTwy+eq+OO+3fzwu1Xjfqk+/TdO3jyQCubP3vVuSlOJpWamhqGO4+stew43kNvOEJ9Z4i1swp5oS75Degb11fR2humLxxLdStNvgA/f6SDuaU+zp9fgsth8PfHcDng6w/to7Igi6++YTW5WS5+//Jx/rijmWtWVFCS6+V4d4ifbDqMBX71/gvoDEb4445GqguzedvG2exo6OWZg22EIgmuXF7OutlFJ9Urk4O1NnkcBSNsnFtyVr0fMiESS7CzoZt5pbknvZEPPoestWw/3kNprmdIV8idx3soyHYzu+TU03qCUQ629rGyqoAst5P+WJxdDT3ML80d2E8P72qiMxBlzawCrIW8LBdzSnyEInF2N/awqCKPgmw3B1v66AvHSFjLipkFZHuc7GroGZh/sC1HOnjmcAc3n1fFnGIf+5p7efpgG88caufq5RUcaguwdlYRN6yZObAvHtrVSCRmicYT3Ly+ekhrXCyW4CsP7qEiP4sPX7ZwYHpLb5gDLX14XQ5cqQ+O80p9vFzfTUV+FjNTQTGt3d/P0Y4Aq6sLBz7wp/WEohxs6Rt4bic60JJsMVpckcdzR9r5y4F2/uaiuZTkjd8XS8e7+njv/9vGNasq+MTrR9ZqCBBPWLYf76a6MJvy/KyB3wuzk5d8LJuRj8872Tp8jUy66+bKqqFh+lTvQyPRHYxwqNU/cN4c7wrS7o+wprqA+s4QPaHoQHjf3dhDjsfFvNLkOZA+b+aV+qjrCJDrdbH5SAeluV5Kcj0caQ9y+ZJyGrqDrKwqGAh6kOw+XZTjYcfxbvY397G6upArl5UP6R7o74+xt7GHXY299IVjvGZeEauqiwhH4xxp95PrdREM9/OJu3axqDyXqqJsZhTm8NcXz6O1L0xzT5i1swrpjyV4/nAHXcEIlYVZbJhTzM6GHiryk1/U/Py5Oq5ZWcnaWUU8fbCNjkCEm9ZW0dAd5Im9rVyzqpISn5c/7WnmcKufW2pmUZDtPun1Zbyd+Jr2atvb1IvH5Rj4kmqiOdVr8tkwxmyz1taMapnJEg6NMXnW2r7Uz78Evmut3TzcvNM5HP7HYwf51mMHOPi1a0960zyTf35oLz99uo79X71G123JmN6URUTnkMhY6RwSGZuzCYeTqVvpa40x24wxzwKNpwqG011XMEJelmvUwRCSg9hE4omBa7hERERERGT6mDT9E6y1DwIPZrqOia4rGBm45mK00t0HugIRcqdo1xURERERERneZGo5lBHoCkYpyhl+tLwzSYdKDUojIiIiIjL9KBxOMd3BCIVn2XJY7EuGSt3rUERERERk+lE4nGI6A5GzHvo23XLYHdS9DkVEREREphuFwymmOxgduH/MaKVDpVoORURERESmH4XDKSQSS+Dvj531gDT5WW4cRtccioiIiIhMRwqHU0h3KBnqzvampQ6HoTDHo3AoIiIiIjINKRxOIV2B5LWCZztaaXrZ9HpERERERGT6UDicQtItfmfbrTS9rK45FBERERGZfhQOp5DuVDg82wFpINklVd1KRURERESmH4XDKaQrdQuKs72VBUCxrjkUEREREZmWFA6nkHR30LF0Ky30Ja85tNaOV1kiIiIiIjIJKBxOId3BCFluB1lu51mvozjHQySeIBiJj2NlIiIiIiIy0SkcTiFdwSjFY2g1hFdug6FBaUREREREppeMh0NjTJExZnWm65gKuoMRCscYDtPhUtcdioiIiIhMLxkJh8aYJ40x+caYYmA78FNjzDczUctU0hmIUOQ7+5FKgYHl04PbiIiIiIjI9JCplsMCa20vcDPwU2vtecBVGaplyugORsfccpgezKZL3UpFRERERKaVTIVDlzFmBvAW4I8ZqmHK6QpGxnzNYbGuORQRERERmZYyFQ6/DDwCHLLWvmCMmQ8czFAtU0I8YekJRSnKGVu30vwsNw6TvH5RRERERESmD1cmNmqtvQu4a9DvR4A3ZaKWqaI3FCVhGXO3UofDUJjjoVPhUERERERkWslIODTGzAM+CswdXIO19q8yUc9UkB5ddKwD0gAU5bjpCpy7AWla+8J4nI4xB1kRERERERk/GQmHwH3AT4A/AIkM1TClpEcXLRqHwFWU4zln1xze/3IDH//tdtxOw0/es4GLFpaek+2IiIiIiMjoZCochq2138nQtqek9DWC4xIOfR7qO4NjXs+JOgMRPnPPTlZVFdAXjvKPd+/gyU9dhtuZ8dttioiIiIhMe5n6VP4fxpgvGGMuMMasT//LUC1TQrqlbzzCYXGOZ6Cb6ni687mjhKJxvnHLaj53/XIaukP8cUfjuG9HRERERERGL1Mth6uAdwFX8Eq3Upv6Xc5Cd7pb6Thcc1joS15zaK3FGDPm9QFYa/nDjkY2zi1mUUUeC8tzqS7K5r6XGnnjuupx2YaIiIiIiJy9TIXDNwLzrbUaEnOcdAUjuByGXO/Y/6TFOR4i8QTBSBzfOKwP4ECLn0Otft7zhpUAGGO4YfVMfvSXI/SFo+RljT3UioiIiIjI2ctUONwOFAKto13QGPNx4GZr7cXjXtUk1hWMUpjjGZeWviJfsmtqZyAybuHwLwfbAHjdsoqBaZcsLuX7Tx1mS20nVw6aLhNTbXsApzHMLsnBH4rw2ft24XLAwVY/JpHgSEcYrws2zimmsiib5w610R6MUZbroaowmx0NPZTmevF5XFyyuIzeUJg7n6/HaeAdr5nHWzfO5qdPH+GJfS10BiLMLMimosDLM0e6Afg/l86lJxxja203PeEIiyvymFmQxf0vNxCJgccDb15XRUVhLrdumEVJrvec7o99Tb0cavVz3apKHI6x99CPxhPsa+pjbmnOtPyypKE7yPt+9gLluV5+/r7XnHbeAy19PHOwncuWlDGvLPdVqvDU9jf3UZjjpiI/a1TLJRKWh3c3M6s4m95gDJfLsHFuMc8e7qA/FqcsN4sFZT6OtAfoCkZYVVVAYY6HPY29PH2wjV0N3RT7PFyypIK11YX8cNMRVlbl8dDORrbUdrG2upDr11Sy9Wg3xTlecr0OHt/XRlVhFhcuLOHlY9009oRZP7uYA619xBMJwlHLjasrCUUSvFjfhQEuWFjC6uoirLX8/W9epKUnzIzCbPKyXNR3BnAYJ4/+w2tpDUT4yh/2smJmHpcvrSTb7SCWsDyyq5mDrb00dIZ5zYISauYVc96cIv77yUM4jGFOiY/uYITH9rayuCyXBJa3nT8Ht9NBbyjCnc8dZXGFj8uXVtIZiHCotY8Of4Sb11fz9KF2XE7D5UsrqCrMZmdDNy29/bx2USlel5PDbX52HOvi5foumnoibJhXSGluFquqC+kJRnhoVxOXLymnIMfN0wfbmV+Wy+uWV7D5SCfHOgMcbQ9wqM3Pl/5qBZWFOSP6u/oDET74mxe5cfVMbt0wG4C7ttbjcTpYWV2A1+WguujkdVlr2d3Yy4yCLEpyvUQiEf76zhdZXpHLriY/H79qMTXzikd1jB3vChKOJlhYnvnz5HQaukOEIvGzqjMcjXOwxc/C8lyyPU4OtvTh87rIy3JR1x5kSWUewUiMH246ghP4xDVLaeoJ0ReOsbgiD4CvP7Cbpw62s3ZWIeFYnBtWz2R2sY/2vn62Hu1ibpGH/95UR7bHidtpqCrKZt2sYhp7QlTmZ+F0OLhh9Qy6Q1G+/uBeVlcX8L9b62ntDbO6Kp/bb1jF8a4Azx5u5+KF5ZTle3ixriv12cjwtvNnE+iPUZnn4c7Nx7l57Qye2N/M5tpuauYV09gdJsfj5NPXLOU7fz5IdyDCZ65exFcePsDGOcU8d7iDPU29/PSdq/nYXXu5fk0l77toLp/83U4unF9MJG64alk5HreDheXJ/XG4NYDXbTjQ4uep/c08tLOVv7t8PmvmFPM/m4/S7o9y20VzcDscPLqnlfdePIeXj3Xx3OEOjDHMLfHx2sVlrJlVNPC36A5G2H68m8auEE6Hwet2cqzdT26Wm/dePB+A/licA81+5pX5TmrQONjSR26WixkF2QPTrLXsbeqjPN9L6TDv6/UdQbYd6+K6VTPwuE79Xuzvj1HbFmBxZS5el5O9Tb2EY3G6AxGWVOYzszD7lMum7WvupTjHQ/koX+vP5MRj+HTqO4PEEpZ5pb5xrWEwY609Zys/5UaNeRJYDbwA9Kenn+lWFsYYL/BDYMHpwmFNTY3dunXr+BQ7SXzwzm0cbvPz6McvHfO6HtvTwvt+sZXff+QiVlcXjkN18P5fbOVgSx9PfurygWnhaJw1X/oTbz9/Nl+4ccW4bEfGT01NDenzaEttJ998dD8Gw+3XL+OdP95Md2h8b3diSPYtHw9zS3K4/yMXU5B9bkLWoZY+3vLD54nFE1y9spJv3LJmzOv85p/2s6Wuk/K8LL5161qcjvHp0j0ZhCMxlt7xyMDvlflenv/sVcPOu+1oJ3/z8630hWPkZ7l4+O8uoaJgfN+oR+PBnU384rk63E4HX3/TaqoGfcAYfA4N59N3b+ehXc1E4gncToPH6WTjvGKePdxOKJKguiib8nwvjd1hekNR1s0u5O3nz+YTv91Obzg2sB6P0+ByGILRczP4twEq8r209Paf8hx1GHA7HfTHkjWU5LjwZXno8PcTiMSHzOtyGPK8LrpO8xriNLC4Io99zX0D28xxO4gmLNG4HdgmNvm6sagil/ddPI9/fWQ/kViCa1fO4GNXLeSm7z1DZyBCYlDhDgPleV7a/BHiCYsBfF4ngf44Tofh2lWVPLmvlb7+V+r2OA0HvnbdiPbX4tsfJJKq8Zd/s5FNB9v5ydO1WGuZUZDFnBIfX7hxBUsq84Ysd+dzdTyws4lcr4tv3rqWjV99jHBs6N/0xc+/jmLfyMYWONDSxxd/v5uEtXz0ikUTdnTwQ61+vvD7XcQTlg9euoDLlpQPPHamcwjgi7/fzb7mXuaV+rhqWQU/+ssRnMaQ7XHi74+xdlYhj+xqprYjOdDemqp88rI9xBIJ3nvRPH7/ciMP7Gwask4DzCnJob4rSCJx5vcmp8NQXZhNU2+YSOzk8zD9ap5ej9f1yrmS5nLAMIuetcHvqQZwOw3r5xTxt5cu4KGdTRxs8XOwtY9gf3zIbQOcBuLDPGGT+s/g2ODzOPnpezewcV4JoUicD/3PNp4/0kF/NIE9oYb3XTSXz924gq8/tI+X67uYUZDNN9+yZqBR4/G9LfzoL0dwORx87Y0rmVOSDD+/faGee146Trbbyb+/Ze2Q4787GOHqb28iFImzfk4RP3vvxmH3hbWWj/92O009IdbOKmJReS4/e7aWI22BVNDN4btvX3/awPX77Y38avNRPC4n//qm1VSO4/vO4GP4n29efcr5djX08LUH9mKxfPx1S9g4gi+LjDHbrLU1o6knUwPSfIFk19J/Av590L8zeR/w8+EeMMZ8wBiz1Rizta2tbdwKnSy6gpGBFr+xSl+3mL49xlglEpYX6jpPOoiz3E42zC3m+SOd47IdOXcau0MAWCzNPWECkdgZlhi98fyaqjcco2ecjt/hHOsKEYsn307Ha2Tfhu4wAO3+/mE/XExlPeGhx9PpXnsaul/58BWOJWjpC5/T2s4kfW5E4wna+vrPMPdQx1LHTiyeDDzReIK69gDWQsJagtE4zT1hIrE4CWvpDEQ42h4kEh96fMQtJ4WI8WSBUDR+2nM0YZP7IC0QTRCOxk+qNb0+/xleQxIWApHYkG1G4pbEoJSXSAVDC/SFY+xv8Q/UcLQzQFPqWEmcULgFApHkPk3/3p96fglrOdjiP+nDcXS4T8unMHjerXWd7GvuHfg9mNpuU0/opOXSrwH+/hi9oehJ4QEY1W2mmnvCA8+xofvk7U0Urb1h4qk/UmP36M/n9DnY0B2moeuV87G5J7mu+s4QnYNeUxp6wsQSiYFlD7T0ciJL8u+QPsbOxFpLZzAy8L4w3PoGryc6zHwnHqdjdeLqYqkNNHQFaeoJE40nkufHCfOd6lC3DA2GyXUmONQaAJLna4e/f8g5Onj2XU3J/Zz+e7X2hYecK+ljNJZI0NL7ymvp8dT0UDR+0mCJHYEIodSXT02nOXaicUtr6r2isTtEY3eISDxB3FosllA0Tkvv6Y+9dN2RWJx2/+he689k8DF8uka75p4wFjtkmXMhI91KrbVPGWMqgA2pSVustaftYmqMcQOXWmv/0xjz5WHW+UOSrYrU1NS8+s2hGdYdjDK3dGRdXs4kPeJp1zjd6/BAax/dwSjnzys56bG1swr576cOE4rEz9iULplz9YpK2v39uJ0OLllcxqeuXsK/PbKfaNwO+8bp4PQ3MPV5HAQjiYFlPU7D1Ssq+dOelmE/EKWN5JvV8lwPH7lyEbNLxud8GM4VS8t5w7oqDrf6uf36ZeOyzr+9dD4P7mxiw9ziaXcuVORncdOamdy/vREDfPft60457+uXV/BCbRVPH2zndSsqx613w9l60/pq+mMJyvK8rKkuGNWyd9ywgq89uJeiHDcWi9fl5K8vmsd3/3yInlCENdWF1Mwr5vnDHTR0h7jlvGrOn1/C/tZentzXRmcggtNhOH9eMWtnFfLLzcfI9bqoT31ANsCMfA9doRgOYzBY/JEETgMzC7Jo7gsTi0O229Afs9jUB+HyPA/ZHlfyw5q1zC7x8frlFdS2+3l49/Bv1e+5YBbWGn61pZ4st5M311Th87rp6Ovn4V1N9IRiJIBsV7Jr5dUrKvneE4eIxROU+Dx0+iP0ReI4DbichksXl7JyZiGbDrWzvb4br8vB1SsqaeoJc6i1j2jM8pr5Jexp6iUaT/Chy+Zz09pq+qNxGnrCfPyqRayqLuTWDbN4an8bdR0B4hbyPE7K8rK4bnUl2452sbOhh3mlPpZW5PHkgTaqirL5xpvW8G+P7mdPY2/yA2wswZtrZo3473rbRbP5xXP1lPjc/P3rltDcE+I9/28LANeuqqTE5+XiYVrx3n3BHHweZ2rAthw+fOl8vv+XWgwWi2HFjLxRdbu8cEEJRzuDhCNxrls1Y8TLvdrOn1/CjR0B/OEYN64ZfZ0fuWIhf97XymsXlSa7TEbjFGS7qS7MZtuxLq5dOYOrlpfzhft343AYvvf2dRztCNIZiHLzumouXVzGdd/eRDhucQAOByypzOOG1TPZdKCNI20BEtbS5n/lM5HTQGmum1DUkuV2UOzzctuFc9la28F925twYukf9F712oXFtPRGON4Voroom0UVuWw72kVzb/9AK2V+tptAOEZ9V5CiHDft/shAUEu3PF6/spyHdrcmW8vLfBxsC5Dtdg60znscEEmA2wE3rani3u2NeJyGYp+HNdUFrJ5VxE1rq1hSmc8zB9tZVVXA/pY+XjzWPbD8xYtL2XSgnYSFBWW5eJyG+q4Q580p4lhnkGOdQWzCkp/j5pJFZbx1Q3JQwdJcLx+7chG/fv4YRzoCxBOWAq+L+p4Q2R4n30u9rn/osgU8sruZ8+eVDOkGetPaKoKROIXZbmrmvNJV9Z3nz8btMMwp9bHghMsIFpTlctuFc3mhrouPXrHwlMeIx+XgI5cvYnNtB1evqKQk10PCWg63BfD3x7hkURkb556+Fe7N51UTT1gq87NYMTP/tPOO1uBj+HSXh12yuIyG7hDReIKrV1SOaw2DZapb6VuAbwBPkjzmXwt8ylp792mW+Wug01p7nzHmaXUrHWrj1x7jiqXlfP1Np26OHqnuYIS1X36UO25Yzl9fPG/M6/vNlmP833t28uQnL2PuCU32f9rdzAfu3MbvPnQB580Z3bUUcm6NpDuPiJyaziGRsdE5JDI2k6lb6e3ABmvte6y17wY2Ap8/wzJLgA8ZYx4GVhhjPnqui5wsrLV0pwakGQ/5WW4cJhkSx8Puxl5yvS5mF5/ckpP+1n/H8Z5x2ZaIiIiIiJydTI1W6jihG2kHZwiq1tpPp39OtRx+91wVN9n09ceIxBOU5o5POHQ4DIU5HjrHKRzuaepl+Yx8HMMMsFFZkEV5nlfhUEREREQkwzIVDh82xjwC/Dr1+63AgyNdWLexGKoz1Q9+pCOYjURRjpuuwNgH9IgnLHubennLaa7XWFVVwK4GhUMRERERkUzKSLdSa+2ngB+QvJ3FGuCHg1sGp6JfbznGTd97mv9+8vBpRyI6Gx2B5KhJ43lft6Icz0mjQp2Nuo4AwUj8tBfvLq7Mo7Y9MO1GaBQRERERmUgydc0hwDPAE8DjqZ+nrEf3tPCZe3bS0tvPvzy8j7u2HR/X9XekWg5LxrPl0OcZ1ZDZp7K7MTl08YqZpx7Fb0lFHrGEpa4jMObtiYiIiIjI2clIOEyNVroFuAV4C7DZGHNLJmo516y1fP2hvSyuyOWpf7yMDXOL+MYj++mPxc+88Ah1pEJcyThdcwhQPE4th/uaenE5zGmH315UkXzsQEvfmLcnIiIiIiJnZzKNVjopPXu4g8NtAf72kgV4XU4+duUi2vr6eWhn87htoyN1M85xvebQ56ErGB1zF9gjbQFml+QMuZfNiRaU5eIwcKBZ4VBEREREJFMyFQ5HPVrpZHXPiw3kZ7m4fnXyxq4XLShlZkEWf9zROG7b6AhEyPO68LrG78bZRTluIrEEwcjYWjiPtPuZX3r6m/ZmuZ3MLfFxoMU/pm2JiIiIiMjZy1Qge9gY84gx5jZjzG3AA8BDGarlnIknLE/sb+WKpeVkuZPBzeEwXLtqBpsOtNMXHvtooJC85rB4HLuUQrLlEBjTdYfxhKWuI8iCMt8Z511UkcuBVrUcioiIiIhkykQarfQfM1HLufTSsS46AxGuXFYxZPrrl1cQiSd4/kjnuGynMxAZ18FoIHnNIUB38OwDbENXiEgswfwRhMPFFXnUacRSEREREZGMyVhXTmvtPdbaj9v/z959h1lVnYsf/+7T55TplZlhKr0KQ9OABVvU2KLGaNRoEkPi7yZ6b0xM814TE42mGhM1amzRaDBBjTUqFrDQlM7AwBSm9zm97r1/f5yZgYEBpgPyfp6HBzi7rHX22fvs8+611rt0/RbgJUVRrj5adRktH1e2A7B4Qnqf12ePT8ZqMvDhnrYRKafNFybVMXLTWMC+lsO27mkyhmJPW7ybaHHG4buVAhSlO9B02NsRGHJ5QgghhBBCiKEb0+BQUZRERVF+qCjK/YqinK3E/T+gknjW0s+UddWdTMh0kmzv26pnNRkpK0zhoz3tI1JOuz9C+gh3K83onjOxzTv04LCyNT41RXH6kVsOi7rXqW6T6SyEEEIIIYQ4Gsa65fApYBKwBfg68B/gcuAiXdcvGuO6jCpV0/lkbydlhan9Ll9UnEZ5k3fYcwlqmk6nPzKimUoB0l3dLYe+odevstVHos00oLr1BIdVEhwKIYQQQghxVJjGuLxiXddnACiK8gjQBozXdf0zl4lkV7MXbyhGWUFKv8vndQeNG2s7OWNyVr/rDIQnFCWm6aQ5R7Zbqd1iwmEx0jqMlsOqNj/FGU4URTniusl2Cyl2M1XtEhwKIYQQQghxNIx1y2FvdhNd11Wg6rMYGAKsr+kE9gWBB5qem4RBgU217mGV097d8jjSCWkA0l1W2nzD61Y6kGQ0PQrTHdKtVAghhBBCiKNkrFsOZymK4un+twIkdP9fAXRd1xPHuD6jZlu9mxS7mfzUhH6XO6wmSjOdbK7rGlY57d3dPtNGeMwhQLrTOuSWQ384RpMnRMkAktH0KEpz8FHlyIzDFEIIIYQQQgzOmLYc6rpu1HU9sfuPS9d1037//swEhhDvVjohy3XYLpUz85LZXOdG1/Uhl9PRnU10pMccQjwpzVBbDnvGDg4kGU2PonQHje4QwYg6pDKFEEIIIYQQQ3fUprL4LNN1nYpmHxOzDt9qNisviXZ/hPqu4JDL6kkYkz7CYw4hnpRmqMHhntaBT2PRo7AnY6mMOxRCCCGEEGLMSXA4Cpo9YbzhGBOzXIddb2ZeMgCb64Y+7rCnW2mKfXS6lXYGokTVwU9MX9nqR1GgIM0+4G1kOgshhBBCCCGOHgkOR8Gu5niOnQmZhw8OJ2W7MChQ3ug57HqH0+EP47KZsJhG/qPMcMVbI9uHMJ1FZZufvJQEbGbjgLfpaTmslOBQCCGEEEKIMSfB4SjoDQ6P0K3UZjZSnOFkR9PQE7a2eMNkuka+Syns66o6lKQ0la0+itIH3qUUwJrd9xUAACAASURBVGk1keGySsuhEEIIIYQQR4EEh6OgotlHqsMyoHGAk7JdlDcNveUwHhzahrz94fTUf7DjDnVdj89xOIhkND2K0hzUtAcGvZ0QQgghhBBieCQ4HAUVLV4mZA6s1WxKtovajiC+cGxIZTV7QmQmjk7LYU+LZOsgg8MmT4hARKVkEHMc9ihMt1MlCWmEEEIIIYQYcxIcjrB9mUoPP96wx+Ts+AweO4fQtVTXdVq8YbISR7flcLDdSitbu6exGESm0h4FaQ5avWH8QwyWhRBCCCGEEEMjweEIa/KE8IZjRxxv2GNSdjyIHErXUk8wRiSmjdqYwwSLEYfFOOhupZW901gMoVupTGchhBBCCCHEUSHB4Qjb1RwPjI6UqbRHXkoCTqtpSC2HLd4QsC+r6GjIcFlpGWTL4Z5WP3aLkewhtGj2TH0h4w6FEEIIIYQYWxIcjrCK7kylEwfYcqgoCpOzXZQ3DiU4jAdto5WQBiAr0UazOzSobara/BSlO1AUZdDlFaY5evchhBBCCCGEGDvHTXCoKMp0RVE+VBRllaIojylDiTzGQEWzjzSHhbQBZCrtMSnbxY4mD7quD6qsnpbD0UpIA5CTZKNxkMFhZZtvSOMNARzd01nUSLdSIYQQQgghxpTpaFdgEHbqun4ygKIojwFlwLqjW6WD7WrxDni8YY/JOYk8vWYvDe4QuckJA96uxdPTcjh6wWF2UgLNnkY0TcdgOHI8Hoqq1HUGufSkvCGXWZhmp7pNupUei8757TvsbDn2P5sEk8Knt5+NzTI6X3Gdvgin3LOSQESlMM3Oa99dQoLFOOT9Pfx+JetrOvjSvHzOmJw1gjU9fvzfS9v4x/paEm0mLjopl+o2PwuL0/hgdxt7Wn3ML0rlx+dPxWI0sOSelbR4I5gNCj/4/GS+vrj4qNQ5qmpc9fDHbK5zMy03kee/uQiD4cjPXNt9Ye59YydVbT4217kJRzW07mVmo4LVaCA3JQG7xURVmx9PMNq7XAGcNhOKruMJq0csywC9246myVlOdrf6iWmDe8jZHwW4fO44lm9o4HB7S3OYafdHATAZFO6/ajY/f3kH7f4IV5Tl88PPT2Hpb96lYZAPOBcWpVCY7iQcU1nxaQMANpOB8js/f8RtX9rUwPf+sZGIGq/5xh8v5d3dbXxv+WY0XUfT45/xE9fP4+TSDP6+toaf/XsHNrOB5csW8pMXtlHV5mfZqSV8ureLlzc30HNI7RYjm/73bMzG+Dl29cMfs76mkxm5STz/rZMPqssvXt7Okx/XkOa08NvLZ/Pkx9UUpTu45cyJmIzHTtvA3z+u5ocvbAPgrCmZPHzdvEHvY2u9mwfe20NeSgI3nFzEVx9fiycYw2JUqDrMMJXCtASq24N9XnNaFHyRwZ/HJgVi3ZspcNhzd7QcrlyFeC6JX1w8nSc+qmFzXVf3+QiqRu95lu4w0eaPJwWckuMiP8XOxtourijLZ1uDm3d2tgKQ4TRz/sxcvn/uJOwWE798eSt/WV0DgFGJDxPKTrRhMRnJSbZRmuFkbXUH9V1BdjR6sVuM3HvZLM6dnt1bx9oOPxfe/wGhqMZPzp/CVQvG88B7e9hc6+aqBeNZMjEDgEAkxtWPrKG+I4AGeEMxzpycidFoINVh6a0TQDCicu8bO3lmTQ3hmEZxhoOoqmE2Gnjk2jKK+mnMaPeFOef37+MLx7h0Th6d/ghVbT7Km3wYFXjjlsWUZiYO+/MaCE8oyj2vl+MPq9xy5kTGdw+/2t/edj/L/vYJ3lCUH58/tc8xHYpj59vhCHRdj+733zBQe7Tqcii6rrO72Tfg8YY9pnQnpdk5yKQ0zZ4wdosRp3X0YvxxyTZimk6bf2DjDmvaA+j60JLR9ChMc0hCmmPU8RAYAgRjOh9Vto/a/v++bi+BSPyHeU17gO2N7iHvyx2M8nZ5M+5glJc3NY5UFY8r7mCUVzY3Eo5ptPnCrPikHncwynPratnd4qPdF2FznZuNe7sob/LS4o0AENV0/v1pA95Q9AgljI49rT621LmJaTpb69wDHiu9rrqD6nY/W+s9hGNan+AtquoEoirV7QHKm7x4QtE+y3XAF4oNKDCEsQkMAXY2+0YkMIT4e3z+k8MHhkBvYAgQ03R+9dpOmjxhoqrOS5saeGVLA82DHDMP8HFVJ9XtftZXd/a+FooN7Ei+tLG+NzAE+OlL27h/5W5imt774zuq6vz+rQoA/rq6moiq4QnFuPeNnWxv8BCMqPxjXS3/2dbE/oc0EFF7s4EDrK3uIKbpfFrb1W9d/vlpPTFNp9kT5i/v76HDH2FDTecxN2zj7td39v777fKWIe3jP9uaaPeF2VTbxeMfVlPfGcQbih42MASo7Qge9NpQAkPYFxjC0QkMj1SuDoRjGn95fw9b6t37nY/0Oc96AkOAHY1ePq5sJxRVeWFjPasq2nqXtfqibK7rYktd/P735Mf7fparOtR3hdjd6mdns5eqNj//WF+HOxhlW70HVdPxhmL8c0Pfn/KPrq7CE4oRUTUe+6CKdn+E93e10hWM8OqWfffHVbva2NPiwxuO0eaLENN03ipvocUborzJw9b6fb+ntze6+aS2g1BMQyeeF6MrEKXVG2b5hrp+j9XTH++lMxCNf5dsbKAzEGFnd04RVYdfvFJ+mCM9sj7d28XuFh+N7iDv7ur/+nh1SxN1nQHcwSjPrKkZdpnHTXAIoCjKhYqibAUygfYDlt2oKMp6RVHWt7a2HpX6NbrjmUoHOt6wx8TejKWDG3fY4g2R6bIOaWzfQPUklWka4JPX3kyl6UPrVgpQmO6gRaazOCZlOMxHuwoDYlSgrDB11PZ/0excTN0t6SkOMxMGOHVNfxJtJmbnpwCweGL6iNTveJNoMzGvMAWDAnaLiVNK48dh6ZRM0pxWrGYjecl2po5LpDTTiaO7lVYBTp6YPqoPyA6nINVBXkq8t0duip38lIOf6PZnZl4yiTYz45JtGA74/laIt4KlOsxkJVqxmg6+TZtNCuZj7O6dlWhlJO9ECwpTjriObb9joyhw7cmFOK1GFGBhURqnT8rEaR18i35JmoNEm5mS9H0POY0DfHNLJmb0+WH13aUlXFaW1+fYGBS4ZlEBAOfPyEYBLEYD1y8qJCcpfj6dMSWLk8Yn99m3yaAwPnXfOVbSfZ/d/7X9fa40DQCn1chlc3IxGhQK0xzkH2L9o+WqBeN7/z01e2jfpYtK0jEZDOSn2Ln0pFxcNjNGg0Kq/fD3rOR+lg+9D8ixTyF+/8pLSeg9Jw/8KrGb952tmU4zpd3zdp9Smt7bmAFgtxgYl2TrnZJt6eTMPvtx2UykOy1kuqwkJ1g4fXK81W9cckL3Oa9w5tS+PWWumJuPxWhAAc6bkUOq3cK0cUkoKHxuwr7747zCVNKcFkyGeIs6wMy8JCwmI5kuG5P2uydPyHJRmOqgp/NbutOC2WggwWw8ZAvbhbNzsJni9VhUnIpBUcjsHi6mADcuLup3u9EwbVwiaQ4rNrOReYf4XbNkYgaJCWZMRgPnzhheqyGAMthxbscCRVH+CKzUdX1Ff8vLysr09evXj3Gt4L1drVz317U8e+NCFhanDWrbU+5eydyCFO778kkD3uaKhz4CHf6xbNFgqzpgW+rcfOH+1Tx0zVzOmXbkE+6Pb1fwmzd3se2Oc3AM8QfbK5sbuemZT3j1O4uZOm5smu3FwcrKyujvOmrtdFPvixCJxbuf+MMqJqOBiiYvCToU5ThQjGa6AmHSEm3UtgeIRFUKU600+1SykqyYjEaSjCrbm0LkpCeQkmAl2WFjS107hckJbKrrIjfVjs2ssHZXC4VZieSlJeKwmqnp8OGyGgirOpmOBMqb3CQnKISiOi6rBVUxUJQx9GBtMNq8AdKcCSPygCamasdUV6+jIRSJYTIaMBkNvcdD1XR0XcdoUPoc5zZvgGS77Zg4Zr5gBGeC5aDXD3UNQbynia7Hu6YalXiX/Jim4bRZet+7yWggGlOJxjSMBgVNU1ExYjYqWEwGfMF4C2ooFkPTQdE0TCYzNpOByjYPhWkuEmwW2n0BkhOsuINhmjp9xHQjBWlOPJEINpOBpIQEdDVKR0DFZFBJd9kJRzUC0Si6Drqu0ewJM3VcKpquUdflw2mx4ItEyEl0EIzGSHUmEFM16tq9pNjMWKxmwtEYTpuVmBqjPRjBZjQTDAdJTrBjMCho6JiMBnzhCDaTia5QGLPBQGaiHUVR8AUj8XMgFkXVDFgsRnzhCI2eEEWpTpwJFnyhGLFYDKfNhMlkQtV0ItEYCdZ9P/p9wQh7u/xkOq1omk5ygo2IpqNrKu3+EPmpTjoD+1oY01323s/HYFDY3eqmNCNpwOdDTI0fo8K0ffevUCiGyQShGNhMYDLtuz8GIyoWIxiN8R+5oUist0t8lz9EssNGk9tHdtLBD10Pde71t/xY/o4JhUJ0hSA7uW+CvcNdQwfa//1pmkZMA4vJQJs3QLrLTpc/RFcoQn6KC48/gNlsxWY2YDQolDd62NXQwYVzC4mpOrFomM11XmbmuWgORMlLdlLX5cNkUIjFIN1hxmQyUdnuJddpwR/TGJfiossfIqZqJNsthCIaXcEgnojGxMwkIuEQle1hJmTaaQ1E8IZijE+2o3eHad5QCLs1AW84RKrVyPpKH+mJOuPSkoiqCgYiJNkd7GzuIhTTmFuQzsaaFrKT7aQ77TR5/OSluGjzBrCZTDgTLGyp72BGbipt3gApdisRld4hEL5gBF3Xsdss6LpOdYeXwlRX77EMRWMkO+Kfx/7nZJs3gNNqwWwyYlDo873sDkQJh4OkuBwYDQY0XcegKCjd6/V8Rr5gBJvF1O/5qKpqn3oe+Nn2OW+669VznquaflCdIP59q2o6vlCEZIeNWEzDYOCIwwB69ttTfs+5NNb07i7pxsMM71I1HU3TMJv6Pt5QFGWDrutlgynvuAkOFUWx6roe7v73L4BVuq6/3t+6Rys4fGRVJXe+soNPfnoWqY5Df1n352uPr6OuM8gbtywZ8DZL7nmH2fnJgwooB6vVG2beL97ijguncd3JhUdc/+ZnP2VtVQcf/nDpkMvcWu/mgj+u5s9Xz+G8GTlD3o8YnsHclIUQB5NrSIjhkWtIiOEZSnB4bD5C6t+5iqK8pyjKe0AW8J+jXaED7Wr2kuawDDowhHjG0j2tPiIDHNegaTqN7iDjBpHAZijSHBbMRmXAGUv3tPopyRx6l1KIdysFZNyhEEIIIYQQY+i4CQ51XX9R1/VTu/98Xdf1sRpnP2C7mn2DzlTaY3JOIjFNZ0/3mL0jafPFB93nJo/eHIcQ71KTlWijyX3woO0Dad31LxniNBY9nFYT6U4rNZKxVAghhBBCiDFz3ASHxzpd19nd4mPiEBNTTO5NSjOwjKX1XfFgbbRbDmHgcx02eUIEImrv4OXhKEq3UyUth0IIIYQQQowZCQ5HSKM7hC8cG3LWwqJ0B2ajMuCMpQ1d8WBtLILD7KQEGgbQcri7Jd7qOdyWQ4CCNAc1EhwKIYQQQggxZiQ4HCG7muNB3cQhtpqZjQZKM13sHHBwOHYth+NTE2joimfgOpyeLrElmUOf47BHUbqDZk+YQESmsxBCCCGEEGIsSHA4Qiq6J8ccznxnk7NdlDcOMDh0B3FaTSTaRn9+r/GpdlRN722tPJQ9rT4SbSYyuueCGY6CtHiq4IFOKi2EEEIIIYQYHgkOR8iuZi/pzqFlKu0xOdtFkydEVyByxHUbuoLkJNlGZH61IxmfGm8JrOk4fDfP3S0+SjKdI1KnwrTujKVt0rVUCCGEEEKIsSDB4QipaPExIXN4E29P6k1Kc+TWw7rO0Z/Gosf47la8vR2Hb8Xb3TL8TKU99k1nIS2HQgghhBBCjAUJDkfAvkylwwuMJmcnAhxx3KGu69S0ByhKH/7YvoHITrRhMRrYe5hArcUbos0XYWpO4oiU2TOdhbQcCiGEEEIIMTYkOBwBDd2ZSkuHMd4QICvRSrLdfMTpLNp8EXzhWO+4vNFmNCjkpSYctuVwe0O8zlNGKDgEKEyzUy0ZS4UQQgghhBgTEhyOgOFmKu2hKAqTslxH7FbaEzAVjlHLIcST0hyui+eO7kQ6I9VyCPHpLCQ4FEIIIYQQYmxIcDgCKnqCw2G2HEK85W1XkxdN0w+5Tk9Xy6K0sQsOSzKcVLb6UA9Rrx2NHnKTE0iym0eszKJ0u0xnIYQQQgghxBiR4HAEVDT7SHdaSRlGptIek7Jd+CMqtZ2HbqWrbvdjNCjkpoxNQpqeeoVj2iEnpt/e6BnRLqUQbzmEIyfCEUIIIYQQQgyfBIcjYNcIJKPpMSM3CYCNtV2HXKe6PUB+SgJm49h9fJO7M6n2lywnFFWpbPUxNWf4Laf760m4I0lphBBCCCGEGH0SHA6TruvsbvYyYZjjDXtMznZhMxsOGxxWtvrHdLwhwIRMF4rS/zQbm2q70HSYmZc8omX2JNyR6SyEEEIIIYQYfRIcDlN9VxB/RGXCCIw3BDAZDczMTT5kcBiJaexu8fZOezFWEixGCtMc/bYcrq/pBKCsMGVEy3TZzKQ7LdJyKIQQQgghxBiQ4HCYejKV9nS7HAmzxyezrcFDJKYdtGxPq4+oqjNlhLtwDsTkbBfbGw+eZmN9dQelmU6S7cMfc3kgyVgqhBBCCCHE2JDgcJh6ulmOVMshwOz8ZCIxjR39BGI9cyCOdPKXgZhbkMLejgDNnlDva5qms6Gmk7KCkW017FGY5qC6TbqVCiGEEEIIMdokOBymXU1exiXZSEoYuSkc5nYHWmuq2g9atr3Bg8VooHiMxxwCzCtMBWBtVUfva1vq3XhCMRYUp45KmYVpdpo8IYIRdVT2L4QQQgghhIiT4HCYypu8TBzBLqUAWYk2SjOdrKpoO2jZhppOZuQlYRrDTKU9po1LxG4x9gla39rRjNGgcPqkzFEpsyfxTpWMOxRCCCGEEGJUSXA4DFFVY0+rj0kjHBwCLJ6QztqqDkLRfS1moajKlnr3iCd+GSiT0cDnStN5c3szmqaj6zqvb21ibkHKqIw3BJjY3V23ouXgRDhCCCGEEEKIkSPB4TBUt/mJqjqTRnC8YY/FE9IJxzTWVe/rwvnp3i6iqs78wtHpwjkQ58/ModkTZtXuNj6u7KCixcelJ+WOWnlF6Q7MRqXfKTSEEMPX1NTElVdeSUlJCVOnTuW8885j165dR7tah7V8+XKmTJnC6aefPqz9dHR0cNZZZzFhwgTOOussOjs7+13v3HPPJTk5mQsuuKDP61dffTWTJk1i+vTp3HDDDUSjUQDuvfdeZs+ePay6iePDiXz9HOj1119n0qRJlJaWcvfdd/e7Tjgc5ktf+hKlpaUsWLCA6upqAKqrq0lISGD27NnMnj2bZcuWjWjdxLHtRL6OBnIf2rhxI4sWLWLatGnMnDmT5557rneZruv8+Mc/ZuLEiUyZMoX77rsPgPLychYtWgQwR1GU7w2mThIcDkNPwDIaLYeLitNxWk38e1ND72vv7mzBbFQoO4rB4bnTsxmXZOMXr2zn9he3kuGyctHs0QsOLSYDxenOfqfQEEIMj67rXHLJJZx22mns2bOH7du388tf/pLm5uYBba+qfccC67qOph2cZXmkPfroo/z5z3/mnXfeGdZ+7r77bpYuXUpFRQVLly495A/aW2+9laeeeuqg16+++mrKy8vZsmULwWCQRx55pHf9jRs3Dqtu4th3ol8/+1NVlZtuuonXXnuN7du38/e//53t27f3W3ZKSgq7d+/mlltu4Qc/+EHvspKSEjZu3MjGjRt58MEHR6xu4th2ol9HA7kP2e12nnzySbZt28brr7/OzTffTFdXfMq7xx9/nNraWsrLy9mxYwdXXnklAKmpqT2B4sAO5H4kOByGXc1ejAaFkgzniO87wWLk89OzeXVLE4FIDE3TeWVLI6eUpo9o8pvBspqM/Pzi6VS1+alpD3DPF2eSYDGOapmTsl0SHAoxCt555x3MZnOfp/SzZ89m8eLF6LrOrbfeyvTp05kxY0bvk8p3332X008/nauuuooZM2ZQXV3NlClT+Pa3v82cOXOora09ZHnNzc1ccsklzJo1i1mzZvHhhx8C8Nvf/pbp06czffp0fv/73/eu/7e//Y358+cze/ZsvvnNb6KqKj/72c9YvXo1y5Yt49Zbbx3W+3/xxRe57rrrALjuuut44YUX+l1v6dKluFwHPwQ877zzUBQFRVGYP38+dXV1w6qPOL6c6NfP/tauXUtpaSnFxcVYLBauvPJKXnzxxYPW2/+au+yyy3j77bfRdX3E6iGOPyf6dTSQ+9DEiROZMGECAOPGjSMzM5PW1lYAHnjgAW6//XYMhnhIl5mZ2fv3vHnzAAZ9gZmG8kZEXHmTl8I0Ozbz6ARHX14wnuUb6njsg2oK0xzUdQb5wbmTR6WswVg6JYuPfrgUgHSnddTLm5Tt4qVNDXhDUVy2oxcYC/FZs3XrVubOndvvsn/9619s3LiRTZs20dbWxrx581iyZAkQ/yG4detWioqKqK6uZufOnTz22GP8+c9/Pmx53/nOdzj11FNZsWIFqqri8/nYsGEDjz32GGvWrEHXdRYsWMCpp56KzWbjueee44MPPsBsNvPtb3+bp59+mttvv52VK1fy61//mrKysj7793q9LF68uN+yn3nmGaZOndrntebmZnJycgDIycmhpaVlQMftQNFolKeeeoo//OEPQ9peHJ9O9Otnf/X19eTn5/f+Py8vjzVr1hx2PZPJRFJSEu3t8SR3VVVVnHTSSSQmJnLnnXcesi7is+VEv44Gex9au3YtkUiEkpISAPbs2cNzzz3HihUryMjI4L777usNJIdKgsNh2Frv7p3eYTTMGZ/COdOy+O2bu7CaDEzMcnLejJxRK28wxiIo7NEzpnNXs5e5BUevS60QJ5LVq1fz5S9/GaPRSFZWFqeeeirr1q0jMTGR+fPnU1RU1LtuQUEBCxcuPOI+V65cyZNPPgmA0WgkKSmJ1atXc8kll+BwxDMTX3rppaxatQqDwcCGDRt6nnwSDAZ7n4geisvlOirdOb/97W+zZMkS+TErep1o109/rX+Kogx4vZycHPbu3UtaWhobNmzg4osvZtu2bUOqi/jsONGuoyNpbGzkmmuu4YknnuhtKQyHw9hsNtavX8+//vUvbrjhBlatWjWsco6b4FBRlAXA7wAVWK/r+i1Hsz5tvjCN7hAzcpNGtZxfXz6L/31pG12BKLdfMBWj4eAv28+6njGd5U0SHAoxkqZNm8bzzz/f77LDdfXquYEe6v+DcahydF3nuuuu46677hrwvgb7xDYrK4vGxkZycnJobGw84k2/P3fccQetra089NBDg95WHN9O5OuntraWL3zhCwAsW7aMWbNm9enKV1dXx7hx4w7aT15eHrW1teTl5RGLxXC73aSmpqIoClZr/KHz3LlzKSkpOeYTkoiRcSJfRzDw+5DH4+H888/nzjvv7BME5+Xl8cUvfhGASy65hOuvv37AdT2U4yY4BGqAM3RdDymK8rSiKDN0Xd9ytCqzpd4NwIy80Q0OXTYzv73ixM56l5ucgNNqYkej52hX5YT1QUUbd7++A6Ois7EuPv7TACQnGOgKaeh6/53aLQaIHDAuPMtl5sypOXy4u426zgDnTsvmj1fPZcKPXiHavW6yzUQ4phKM6VhNCqeUpKEoCm+Xx/vYu6xGIjGV8H7j0E1KvA6qDhfOzOK+q/p29RAHO+OMM/jRj37Eww8/zDe+8Q0A1q1bRyAQYMmSJTz00ENcd911dHR08P7773PvvfdSXl4+5PKWLl3KAw88wM0334yqqvj9fpYsWcJXv/pVbrvtNnRdZ8WKFTz11FNYrVYuuugibrnlFjIzM+no6MDr9VJQUHDI/Q/2ie2FF17IE088wW233cYTTzzBRRddNKj388gjj/DGG2/w9ttv9z7F7eF2uwe1r/9sa+LlzY1cclIup0/O5KM97aypaifBbOSsqVkUd49t13Wd17Y24Q5GUDWNTXVuPqnpwmSAcEzjpPwUSjKd/HtTA2ajAavJgC8cwx+O0egOAZCbbEMxKDgsJm46vZSTS9L5x/q9rPi0nq5AFKfVxMxcF69tayISA4NBwYiOxWzEH1ZRuy/21AQTC0rSiV95CnPzE7nr9V0YjQpPf7WMX7xRQWmGnVW722nzhilKTwBdwWBQWFiSzsLCVP747m40TacrECXZbuY3V8xiem4y3lCUe14vp6rNT0mmC4tRoTDNwfINe9lYG78XfO+siWQm2UhOMHP2tGwAXt3cyKtbG7lmYQELitN47IMqVle00eINEYpqnFySxhVl+Wys7eKPK3fT7gsxZ3wS66vdqIDdbOCN/z6V/BQ7G2o6uOnpT2j1hrnhc4X8+PxpfT6z/q6fl958n9c31bAjlsPbDz1+xOvHE4zQ5Alx7xs7uWxOLpc/+CH+sMpdl07n4jn5fdY98PrZtrcFb3Ip//jLbf1eP+ddcCFthWdy8vRiLpqSxJ66Vp7ZEaShK9jvOTiY6yc/P7/PurFYjIqKCqqqqsjNzeXZZ5/lmWeeOWi7nmtu0aJFPP/885xxxhlEo1Hm/++LRE12XrhpCcZAKxUVFRQXF/fZVtM0fvFqOcFIjB+eN4WV5fHud9PGJfH61kZe3lxPRYsfm8lAos2IN6QxMdtFgtlIZyDCjkYvVpNCfqqdhq4gFpMBs0Eh3Wlhe1N8LuXcRDO3fn4a31u+kVj3/cgAmLrvZWYDRLv//vz0HF7b2oiqQWKCmdvOnYw/GsMTjKLpOn9bsxdPIEpuso2zp+Xw2pYGmr1hHFYTuUlWtjf5cVmN/O6KWWzY62Z7o5vTJmXyxdk5nH//B3T4I2Qm2piQ4SQ/1U5Y1Vi2pITHPqxG1XSiqspbO1ooyXCQ4bQyIcvFxZLyjgAAIABJREFUouI0fv7KDkoznTgsBt7a0cLXP1fM9Z8r6nMsdzV7eae8hR2NbrITE/jumRN780c0uoM8/XENvrBKmsNChstKVNUoyXSyvrqTjbVdLCpO5RtLSvrss90X5iuPrgEdnvzaAjJcA+thdrzch7Al8n/L15CRoHHHVYfOUDoa96FIJMIll1zCtddey+WXX95n2cUXX8zKlSu54YYbeO+995g4ceLAD8YhHDfBoa7rTfv9N0a8BfGo2VoXv/FPG5d4NKtxQjAYFKaNS2RL3eB+bImR851nP6UjEGH/h2sa0BE8fEawAwNDgGZvlKfX7O39/7+3NBF9fE1vYAjQFYr1/jsc01m5s63PPrzhgy//2H51e2lzM98/109e6tCfJJ4IFEVhxYoV3Hzzzdx9993YbDYKCwv5/e9/z5IlS/joo4+YNWsWiqJwzz33kJ2dPaCb8te//nWWLVt20FiMP/zhD9x44408+uijGI1GHnjgARYtWsRXv/pV5s+f37vtSSedBMCdd97J2WefjaZpmM1m/vSnPx02OBys2267jSuuuIJHH32U8ePHs3z5cgDWr1/Pgw8+2Jt9dPHixZSXl+Pz+cjLy+PRRx/lnHPOYdmyZRQUFPSkC+fSSy/l9ttvB2DFihUDrkerN8z/vrQNfzjGhpoOHrl2Hve9XUF5kweHxcTG2i4e+Ep8TM5He9p58qNqmtwhojGNBk+oz3W5tyOIooB6mEtzb2eo998/fWErn5+Rw6tbGukMRLtfDbO71d+7jqrqRIHQAVkBO4IxXtvahEEBo0Hhta3x27Qa07n8kXUYDQoba7t619/dui8o2dsZ5Nm1e4mo+yrf7A3znb9vZOX3TuMPb1WwfEMdkZjGmsoOzCYDTquJFm+4d/1fv7mLhcXx3iQZLitTsl38+IUtqJrO5rou7r9qDr97cxfeUKz34VV1u5911R00dAXpCsa/Z9ZU77u3BKIaX3rwI17+zmJ+vGILTZ54eQ+vqj4oOOzv+vFbUjGfcj2aazoe4zomT5uBzWw85PXzu7cq8IViPPVRNc+t20ubP0r7a/dxU+3nufiJm/use+D1U3LxzZjHTSJp1pn9Xj9Zp1/L3/73Rv6ma9yblUThF/6LOnMeDV1BPt3bSdkIPj8zmUzcf//9nHPOOaiqyg033MC0afHjdfvtt1NWVsaFF17I1772Na655hpKS0tJTU3l2Wef5eIHPqa+/FPcq55mxl+MTM1N5sEHHyQ1tW9PoYdXVbF8fbx1ssEd6p0HOqrq7G7x4Q7Gz19/RMPfffP5ZG9Xn32EYjoVLf7e9QBafNHe5fWeKLc+vy8whPi9rudeFt3v75c2N/au0xWM8qMXtjA+1U5nINpbF4hfb4+srur9vzsYw9197nnDKt99bhOaDhFVY1uDh8dWV1HbfY1WtQWoagtgNiokmI2sq+qg0R0ipukEIvH33+wJY1Qg2d7GI6ur8IZibKztQiH+2OaXr+3g3BnZ5CQlAPEHTHe/Vs6WOjedgQh2ixFXgpmbTi8F4A9v7eL1rc0EoyoOixFVh9IMB83eMJ5glEBEZX11B7Pyk5lflNb7vr72xDp2NMYfHl//2Fpe/s7AutkfL/eh2nY/ARVyz7uJk2dOGdB7G4iB3If+8Y9/8P7779Pe3s7jjz8OxLOUzp49m9tuu42rr76a3/3udzidzt77VlNTU897zwJ+oijKzcBUXdeP2NKiHG9ZohRFmQncpev6+Qe8fiNwI8D48ePn1tTUjGo9vvHkeva0+Fj5vdNGtRwR98tXd/D4B9VsueNsrKbRzY4q4srKyli/fj0AJ9/1Nk2eENoIfV0YiN9we1x/Sh6PfTCymR7X/+TMMR0bK8SB9r+GDscdiHLh/avpDERIc1p4/Pr5/OSFrexojAeH84pS+fXlswDYVNvFXa/toMUbJqZq1HUG+1yXRkXBYIj/YB6ITJeVS+fk8vyGOtp8kSG9T4MCJoPSJ9AzKoCioB7iSyPBYkABAgc8QZqRm8i//2sx971dwQPv7iEcUzEZFMwmAykJZuq6Qn3WX1icioLCHRdNozjNwSn3rCQYUclJSuDBr8zh0gc+xBOK9dbDajIwIzeJvR2BPoHm/iZlOXn+Wydz3V/X9gkuqu8+v9/19/fDf23m1S2N+MMqLpuJl/7rc+Sn2A+5/k9WbOGl7imrUhxmatrjAbTFALt+efjyvv/8JvZ2BMh02bjvyycdtPy6v67l072dGA0K//rWyfzmzV28v6sVRVF48oZ5zMpPOeL7GQvX/vVj3t8VT0qT5rCw4adn9S7b/xp6bt1efvHKDgCWTs6k0RM/F2wmI5vr3XT4h3b+HshuMhCIDX4qBLMB8tMcdPkjdAaifXrTHHjP219KgpmIqhGKaWQ4rWS6rGyu7/sw3Goy9OaeqGjxo2oavv0ekpoMCqkOM4qi0OaLoGp6b3BoNRn48LYzSNvvfvj/nvmEDTWdtPnC2C0m/uesiVx7ciEAP//3NlZsbCAQieGymtD0+JzTnYEIHf4IvlAMh9XEMzcuYGrOvt5z1z26hvcq4g9yTylJ4+lvHHn83/Hkv5/byFs7mlEUeOgrZSwsSTvyRscARVE26Lo+qEdBx1VwqChKKvACcMUBLYl9lJWV6QO5IQ/HorveZl5har9fyGLkvbK5kZue+YQXbzqFWfnJR7s6J4T9b8q1nQHue2sXyXYLy9ftxR9RSbWbmZTtZEtD/ElhOKISjulYTAaC3TfW2eMcbG7wowEOE+iKgYXFaZw9LZt11R2sqmjlf86cyJcWFHDOb95lZ6sfqwIzxifhD6nUdQZId9m4oiwPg2LgT+9UoGoak7IT8YVi1HT40TRAUchONKNp0B6Ictcl07hk7si1MAkxFAMNDgEqmr28sb2Z86ZnU5zhpKrNz7Z6N1azkbKCFFIclt51t9S58YdjaLpOTUeAVbtaSbQZ6QzEWFSSRlG6g39+UofTZiLBqNDmj6LrGh/u6UBRYEFRKhoKCWYD31xSQkG6gw8r2nhlayOtnhBOm4nTJ2Xy0Lt7cIdjOC0mFAOk2S3UdAQJx1SiMY0ZuS7OnpZLMKqiahpnTE7nusfW47SaeOW/Psedr5QzIy+Jt3c0s7mui7OmZOCN6NjMBuYWpDK3IIUH392DyaDT4A6R4bTxkwumkua0ElM1nt9QS3V7gAmZTgwGhUyXjQ1V7dy3cjdmo8JTX1tAVINku5kpOfFePNsb3by5vZnL5uaRm2znw91tfFTVRqcviicUZXFpBqdNzmBPi49HV1eyvcHL9ScX8ujq3bT5Y5RkuPjXTSdjt5io7Qhwx7+38eneTn57xSxOnZR1xM/RHYjywZ5WttZ7WDIh44g/IDVN47EPqslJSmDJxAy+/uQ6GrtCPHnDfArSD9/zoSsQ4dPaLmbmJvX54d/DG4ry5Ec1nJSfzMml6YQiMR7/sIaJ2S7OmDz48bWj6SuPfkybN8xL316ExbLvXD/wGvrnhlr8EZVrFxXyyd74ZOHF6Q7WVrbzzs4W3tzRTLrTSmGag6o2H6dNSAejkVhMY/n6WrKSLMzJT2Vzg4dEqwnQmZOfyAOr4r1ZLp+TzZULivjB8k3sbgvgMoHZYibTaaKqM0xhio3KtgA5iTb+a2kpv3u7glBEpSDNwZ2XzKDZHSIYVbFbjfz57Qoq2wOcXJLOGZMzeWNbExtrO8lPSWBGbhLPrq9jYqaLX18xi231HipafMwvSmHxhAy+9bcNVLX5mZjpZOq4JDITrYSiGhefNI5XtzSh6WA1Kfx93V7mF6SSaDOTn2ZnfmEK97y+ixl5STitRpZvqOOWMycy94DkiW2+MJ/s7WRvW4A0l4WLZ+f2JhDyhWO8vaOZcFTFlWAm02nDG45SkuFkW4ObbQ0e5helsnhCRp99qqrK9/+5BUWBOy+eMWqZ/I+WSEzjsQ+qKMlwcObU7KNdnQH7TAeHiqKYgJeAO3RdPzg/8n5GOzhs9YaZ94u3+PF5U/jGkuIjbyCGrbYjwOJ73uHnF03jmkWFR7s6J4TB/LAVQhxMriEhhkeuISGGZyjBoeHIqxwzLgfmAb9SFOVdRVEWHa2KrK/uAGBu4bHRJeNEkJeSQKrDwiYZdyiEEEIIIcSoOJ4S0vwd+PvRrgfA2uoObGYD08eNbqZSsY+iKJyUn8yGms5h7ysYUflkbyfhmMqsvOR+u+MIIYQQQghxojlugsNjybrqDmbnJ2MxHU8Nr8e/hcVpvF3eQpM7RHaSbUj7+Mf6Wn71Wjnt3QPXzUaF608p4tZzJmE2yucphBBCCCFOXPJreJC8oSjbGzzML5TJ2Mfaou6B/R9Vth1hzYPpus4vXtnO95/fTHGGg8e+Oo/lyxZx6Ul5/OX9Sr762NretNhCCCGEEEKciCQ4HKQNNZ1oOswrkuBwrE3NSSQpwcyHu9sHve39K3fz8Koqrl1UwLM3LuL0yZnMK0zlV5fN5N7LZvLB7nZueW4j2kjN1SCEEEIIIcRxRoLDQXpvVysWk4GyAgkOx5rBoLCoOI0P97QzmCy7K8ub+c2bu7j0pFz+7wvTMBqUPssvL8vnx+dN4bWtTTy630S1QgghhBBCnEgkOByk93a2sqg4jQTLZ2v+luPFaZMyqO8KsqPRO6D1G91B/ucfm5iSk8gvL52B4YDAsMfXFxdx1tQs7nmjnK31khFVCCGEEEKceE6I4PDTvZ386Z3dvLalkUAkNuT97G0PUNnm57RJGUdeWYyKs6ZmYVDgta2NR1xX1XS+++xGwjGNP1110mEnZFUUhV99cSbJdgu3/WszqnQvFUIIIYQQJ5gTIjhcV93BvW/s5FtPf8KCX77No6urhjS27PVt8YDkjMmZI11FMUBpTisLi9N4ZXPjEbuWPvjeHtZWdfDzi6ZTnOE84r5THRZuv2AqW+s9PPVR9chUWAghhBBCiOPECREc3rikhO0/O4dnb1zI3IIUfv7ydr7+5Hq8oeig9vPixgZm5SdTkOYYpZqKgbh4di6VbX4+ruw45Doba7v43Zu7+MKscVw6J3fA+75gZg6LJ6Tz6//sotkTGonqCiGEEEIIcVw4IYJDALvFxMLiNB776jx+ftE03t/VylceXYs7MLAAcXeLl20NHi6aNW6UayqO5MLZ40ixm3nsg/6Tx3hDUW5+9lOyEm3cefF0FKX/cYb9URSFn180nYiq8bOXt49UlYUQQgghhDjmnTDBYQ9FUbhmUSF/vnoOOxo8fPnhj+nsnhD9cB7/sBqL0cAXJDg86mxmI9csLOA/25vZWNvVZ1nPOMPaziC/vWIWSQnmQe+/MN3BTaeV8srmRlZVtI5UtYUQQgghhDimnXDBYY+zp2Xzl2vnsrvVx9WPrDlsgNjhj/D8hjouOSmXDJd1DGspDuXGU0vIdFm5dfkmPN3dg6OqxveWb2JleQv/d+E0FhSnDXn/y04rpijdwU9f2Eooqo5UtYUQQgghhDhmnbDBIcBpkzL5yzXxAPGqwwSIv39rF5GYxjeWFI1xDcWhOK0mfv+l2VS1+bno/g+4941yLrhvNSs+red7Z0/kmoUFw9q/1WTkZxdNo7o9wEPvVY5QrYUQQgghhDh2ndDBIcQDxIevLWNPd4DY6A72Wf7+rlb+9nEN1ywsoDTTdZRqKfpzcmk6T35tPmajwp/e2YOiwEPXzOX/nTFhRPa/eEIGF8zM4U/v7qa6zT8i+xRCCCGEEOJYZTraFTgWnDoxg4evLeNbf9vA5/+wipuXTuCU0nTWVXdy5yvbmZjl4vvnTj7a1RT9OLkknf/cciqqpmM8xAT3w/HTC6by7s5WfvriVp68Yf6gktsIIYQQQghxPDnhWw57nDoxg5f/63NMyHTyf//ezlm/e58frdjC1JxEnrxhPg6rxNHHstEIDAGyEm384NxJrKpo4/EPq0elDCGEEEIIIY4FEvHspzjDyfJlJ7O13s3uFh/5qQnMGZ8irUUnuK8sLODdna3c9Wo584tSmTYu6WhXSQghhBBCiBEnLYf9mJ6bxMUn5TK3IFUCQ4GiKNxz2UxSHRa+8cR6mj2ho10lIYQQQgghRpwEh0IMQJrTyiPXldEVjHLdX9fS5gsf7SoJIYQQQggxoqRbqRADND03iYeumcs3nlzP5Q9+xINfmcuk7MFlsG3xhNjW4KG+K0i7L4Kq69jMBjJdNorSHUzOdsn4ViGEEEIIcVTIr1AhBmHxhAye/voCbnxyA1/442q+eWox159SRKrDctC6qqazo9HDmqoO1lV1sGFvJ63ew7c4Gg0KM3KTWFCcyuLSDMoKU7CZjaP1doQQQgghhOglwaEQgzS3IJX/3LKE/31pG39cuZs/v7uH2fnJFKc7sJmN+MMxKtv87G7x4QvHAMhPTWBxaTrTc5OYNi6RonQHKQ4LRkUhomo0ukPsafHxaW0nayo7+OvqKh56rxKrycD8olQWT0hn8YQMJme7ZBysEEIIIYQYFRIcCjEEaU4r9181h+8s9fLSxgY+qmzn/YpWIjENu8VEQZqdS+fkMrcghXmFqYxLTjjkvmwGI0XpDorSHZw5NQsAfzjGmqp2VlW0saqijV++Wg6Uk+608rnSNBYUp1Gc7qAw3UGaw4LJePDw4UhMoysQoTMQ7f3bE4ziDcfw9/yJxFA1nSvnjWdWfvJoHS4hhBBCCHEckOBQiGGYmOXie+dMGvH9OqwmzpicxRmT48FiozvI6u5AcVVFGy9sbOizfoLZiMNqRNMhqmpEVY1QVDtsGRaTAYfFiMlo4PRJmSP+HoQQQgghxPFFgkMhjgM5SQlcXpbP5WX5aJpOXWeQ6nY/Ne1+OvxR/JEYvnAMgwJmowGz0YDTaiLFbibZbiHVYSHZbiYpwYzTasJhNWHup7VRCCGEEEKcuCQ4FOI4YzAojE+zMz7NDmQc7eoIIYQQQojPiOMmOFQUZRzwMjAVcOq6HjvKVRLihKFqOqsqWnHZTFS2+kh3WpmQ5cJlNbO2qp0Ml5VARKU000mzJ0R1u59p45IwGxXKm7w4rCYWFKVhNBw6mU6bL8yuJi8Li9MwGBQaOgP8ZdUevjgnnxl58fGQayrbGZ9qJyc5gVA0xvL1tSgo5KXYyU6ykZVoY3eLjynjEnHKlCDiM6bTHyEUU8lJio9hbvWGqesIMCHbRTCioqOT6bIB8THH9V1B8lMSesckh2MqDV0hxqfa8YVieMNR8lLsB5UTiWmsqWonP8WO3WIkMzG+z9UVrbiDURYWp5HmtALgDkR79+MLx+jwRbofXO1T1xGgyRNibkEKiqLQ4g0BkOmy0eyJJ+NKc1qp6wgwvzgVl818UJ3cwfiY6fxUOx2+CNsb3ZxcksamOjfJCWaKMpwDOob7l72/ve0Bqtt8qBqcPmXo3exjqkZtZ5Dc5AQspoN7ZzR7QpgMSu/xO9A75c0kJpiYW5A25DocTm1HgCS7mcR+jvHR1OGPEN7v3D6Udl+YmKaTlbjv8+s55qqqsqfNT0GqHZvZRCim0uoNMynTRX1XkDXVHVxZlovZZKLNFyYr0UajO4RJgbd2NGM1G/hSWT4b6zwkJ5iobPWTZDeTk5SAw2Jic30nCgqz85NJsh+coXx/oUiMdTWdlGY4iWk6+anxa6LFE0JRFFLsZmo7g+SlJByyF0+jO0g4pmEyKP1ep4cymM+4KxDBH1HJPUxeBHHiOZ5+PXUAS4EVR7siQpxovvvsp7y+tYmYpve+lp+SQFTVaPWG0XSwmg3YzEa8wSiaDnaLEYNBwReKYTQoXDkvnzsvmdHv/jt8YS7842p84RhLJmbwfxdOZfE976Dq8PiHe3nyhnm8taOFFz6tx2Y28s9lJ/PVx9ewpzXQuw+7xUBSggV/OMbELBeP3zBfAkTxmVHXGeDHK7YSjqncdHopaQ4r3332U5q9IYrSHNgsRkwGhR9+fgrTc5P45as7KG/yMCs/mR9+fgoAd/x7O5WtPqblJFLZ5icYVfnG4mKWTsnqU9ZXHvmYbY0eNA1m5yfz/XMn8d7OFu5buRtdh8I0O3+9fj4Oi5Ef/HMzwajKVxYW8MrmRjoDES6dk8cVZfkAbK13c/1jawnHNC4vy+eSk3K567UdAHz9c0Xc9s8tdAWjaHr8uyUvxc7b/70Eg2HfD+Z2X5gf/HMzvnCMK8ry+O2bFXiCUbISrTR7whgNCo9cN4+5BSmHPYbbGtz88tV42T3HCeCFT+v5zX/KqesKYVQUvjgnl19dNmtIn9Pv3trFhppOJma5+NlF0/ssW1/dwW/+swuTUeGOC6dRfEBA+9/PbeSlTQ0oCvzPWRNZdlrpkOpwKC9vbuBvH9fgtJq597KZpPQzBdPRsLc9wE9e3Eo0pvGdpRNYVNJ/YLy7xccd/95GTNX53jkTmVuQCsC9/9nJ2zua2dsRRFU1DEr8/hOM6RgUsBgNeEMxdOCPb1dwSmk6nmCUqKoR03W21buJdQ/R/+2bFURiGoFIDE0HHShOt9Phj+IJxVCA/NSDz9EDfenhj9nT4gd0pucmce2iQvJT7Nz12g4MikJWopX6riDTxiXx0wumHrT9msp27n1jJ5VtfsanJvDt00o5e1r2EY/lK5sbeerj6gF9xo3uID/61xaCUZVvnloiuQdEr+Nm0JGu6yFd1zsPtVxRlBsVRVmvKMr61tbWsayaEJ955Y0e9ANe84SiuINRdOI3UE3TCYTV3htqKKYRjMRvyJqus6Xefcj913YGe6f9qGj2Ut0WQN2vwDVVHZQ3egAIRVW2N7pp6Ar12UdM1fEEowC0+sK0HWFOSSGOJ7UdQcIxFYA9LT6q2vz4wzHQ461R4aiKqulUtvnj67T6eteFeOtKVWt82fYmL8FofF8V3cv3V9MRQNMgomqomkplq5911fHbrw50BaNUt/up7wr27mdLnZvOQKRPmQA7Gj2Eu395b2/wUNXmR9V0VE1nfXUHwaiKputEVR1Nj/cg8EfUPvVpdId6vx821bp7r/Oe7wBV09lc13XEY7h/2dXt/t7X49MOqeh6/LtqW8Ohv6uOpKK5+7i3+tD1vt+ae1p96OhEVY2a9sBB2+7o/p7VdNg4gPczWLu7PxdfOEqzN3SEtcdOTYefSCze8t1z3va7XrufqKp1r7fv89vT4iMYUYmpGjoQ0+KJ2WKqhqrqBLrvQwDBqEqzJ4Sm6zR0xa+b2H6527oC8XNL1eLnuq6DJxDDH1HRNB1N12n3hfGEDt95rb4ziK7rvYnhdrf4qGzzoek6MU2jvMkL9H/9Aexu9RGOxd9TKKodcr0DVbTE9+sLR2nyHP4zru/cd/3uGeD+xYnhM/NYXdf1vwB/ASgrKzvwd6wQYhh+csFUfvLCVjRNoysYw2Yy8IVZOaAovL61CZOikGw3Myk7kR2NHpo8If4/e/cdJldZ9nH8+8y22d5LNr13EkIKIOn0EqqCvCiiLx0VUYRXioKioKJiAQWpohQRiIj0UFIgIZtCet9sstne68zuzPP+MbOb3WSTbJnd2ez+PtfFxZzntHs2c2bOfZ42eWA8YQ4H63LLiY0I5Z7zxx/x+CcMimfRlEy+yK3g5vkjmT4sickD49iYW0lKTDg3zx/FxjEVPPDfLQxLjuaMCel8d+Fofvv+DrxeS4wzlDFpMUzIjGfdvnIuOCGTYSnRPfgXEuleM4Ylcvr4dMprG7hgSiaR4SGszRnAun3lnD0pnTq378Z4wTjf0//r54zko22FzbWCoSEOrpszguU7izlrYgYbD1RQVOXikhMHHnau7ywczT8+yyEhKowZw5M4Y2I6Jw5J4Kq/rqTG1cgVM4Zw6shkwhwOzpqYQVGVi2+cOoyPthexq7CaK2YOaT7W+Sdk8vH2IvLK6/jBWWMYlxFHtj+B/eZpw8mvdPHF/goiwhxU1jZw0YkDD2tWOjEzjvMmDyC3vJ6rTx0KxrBmbykXnTiQ/27IIzEqnK/OGHzMv+H8sWnNCXLLWpLLZwymuNrFB1sLcYY6uOf8iR37x2nhf2eP4N1N+cwek3rYnLRnT/K9h8iwEE4ddXjt2I/OG8+PXt1AVHgoPzhzXKdjOJLLThpEfYOXQYmRjE2PDfjxO2vW8GQ2H6ikxtXIeZMHHHG7L41KYVtBFa4GL2e1qEX739kjeG3NfrYXVJFXUU9abATpcZEUV7uodTcyKi2GdfvKKal2M29sKqdPSGd7QTXnnZBJdnENMRFhrN9fTqjD8LVZQ8naV0aDx1JQ6atJPn1CGtUuD6v2lOAwhgumDCThGM1Kb5o3ilfX7GdAvJORabFcdtIg4iLD2FtSi8PApIHxLNtRzPxxbdfWnTtpAPnl9WzNr2J4ajSXThvUrr/ll6cPpr7By8DESMZlHP3f+MQhiZwxIYPSGheLpma26/jSP5hDn2z1dsaYj4DTj9bncPr06Xb16tU9F5RIHzR9+nR0HYl0nq4hka7RNSTSNcaYLGvt9I7sE5RmpcaY24wxy/yvf2uMWWqMeaTF+iOWAYFthC8iIiIiIiI9nxwaYyKAKf7X04Boa+1sINwYM+MoZTGAC9/Y/SuMMbN6OnYREREREZG+qseblRpjbga2APcDLwBF1tqXjTGXApmAtz1l1to/HOkcKSkpdtiwYd39VkT6tOzsbHQdiXSeriGRrtE1JNI1WVlZ1lrbocrAHh2QxhgTBsy11v7JGHM/kADs8q+uACYCnnaWHXrs64DrAIYMGaI26iJdpL4eIl2ja0ika3QNiXSNMWZNR/fp6WalXwP+0WK5HIjzv47zL7e3rBVr7ePW2unW2umpqandELqIiIiIiEjf1dPJ4VjgRmPM2/hq/1LwTWwPcDrwGfBpO8ukg7xeL//K2tc8X1wweLyWdzbl8+G2wqDFAHCgvI6NR5l3T0TkeGWt5f3NBXywpeCwufZ6SnZxDdsLqtq17da8Sv6VtQ+v13vsjUVEuui5FXt4JWtfsMNodqBxsr4SAAAgAElEQVS8jlfX7CenjflPg6FHm5Vaa+9oem2MWWatvc8Y84h/FNL11tpV/nX17SmTjrnqyZWs2lNGWIjhre/MYVhqz88D986mfJ77NBsAZ2gIp4w8fK6n7ra/rJb/e3UDDR4vV84ayqIpmt9HRI4/u4qq+eOSnSRFh/ODM8cSGR4CwJKthfx12W4AHA7Tak6/nrD5QCU//c9mLJZvLxjNl0alHHHbfWW1/M9fV9Lg8fLB1kIe/Z+TejBSEenr6hs8PPzuNoqqXNw8fxRPLdvDy1n7ASisquemeaODHCE89PZWCirreWdTPn/5WodmnegWPZoctmStPc3//++2sa5dZdIxOwtrsIDbY1m3vywoyaGjxaTAIQ5zlC27T2mNmwaP7wl1QUV9UGIQEemqD7YUkFdRR15FHV/sL2fWCN/DNkeL79bQIHzPFlTVY/HVWOYf4zu2oKK++fs4T9/HIhJgmw5UsMHfUuzdzQVkl9Q0r9teUB2ssFoJ8d8bB+u++FBBSw6l5904byS/e38HmfFOzp40ICgxnDUxHWeYg4jQEGYOTwpKDCcMSuCKGUMorKrny9MHBSUGEZGumjEsiaU7iomLDGNMemxz+bwxqYQ6DA5jjlpr111mj0ohr7weV6OHcycf/bdm+rAkrjp5KBsPVPDDs8b1UIQi0l+MSoslLdZJaY2bk0ckcdHUgXzr2c9xhobws0WHjW8ZFHeeM47Ps8uYNjQh2KEAQZjKoidMnz7danSrtrkaPYSHODCmdzydkN5Lo8SJdE1PXEMNHi+hDqPvdOmT9DskgWCtpdFrCQvp8endg84Yk2Wt7VBb1f73V+rnIkJDdBMhPaawyteGvrBSzcVEukOYHvaJiByVMaZfJoadpWalItIt1uaU8fWnVlFV30hUeAh/vPJEFoxLD3ZYIiIiInIESqNFJODcjV5ufWkd8ZFhPHPNDEakRnPT39ewLb99Q9uLiIiISM9TcigiAffWxjz2ltRy/4UTmTc2jae+MYOo8FB++Mp6PN6+189ZREREpC9QcigiAffsimxGpEYzb4xvfrW0WCc/WTSR9fsrePHznCBHJyIiIiJtUXIoIgFVUFnPmpxyLp02qNV8axecMIDpQxP53fs7qHU3BjFCEREREWmLkkMRCagPthQCcPr41oPPGGP4v3PHUVTl4q9L9wQjNBERERE5CiWHIhJQn2wvYmBCJGPSYw5bd9LQJM6amM5fPt5FUZUrCNGJiIiIyJEoORSRgLHWkpVTxszhSUece+2Os8fhavTym/e29XB0IiIiInI0Sg5FJGD2l9VRVOVi2pCEI24zIjWGr58yjJc+38eWvMoejE5EREREjkbJoYgEzJqcMgCmDU086nbfWTiKWGcY972xCa+mthARERHpFZQcikjArM0pJyo8hLHpsUfdLiEqnDvOHsdnu0t5fuXeHopORERERI5GyaGIBMzmvErGD4gjNOTYXy1fnTmYuWNSeeDNLc01jiIiIiISPEoORSQgrLVsL6hizDFqDZsYY3j4K1PIiHfyrWc+Z/2+8m6OUERERESORsmhiAREUZWL8toGxmW0LzkESImJ4NlrZhIVHsqX//IpT3yymwaPtxujFBEREZEjUXIoIgGxraAKoN01h02GpUTz71u+xGmjUnjgv1s4+3ef8NG2wu4IUURERESOQsmhiATEtvym5DCmw/smx0Tw1Ddm8NQ3puO18I2nP+fG57OocTUGOkwREREROYLQYAcgIn3D9oIqUmLCSY6J6PQxFoxL57RRqTyxdDcPv7uN/Mp6Xrj2ZJxhIQGMVERERETaoppDEQmI7JJahqdEd/k44aEObp4/ij9eOY21OeXc98amAEQnIiIiIsei5FBEAiKnpJahyV1PDpucO3kA188ZwQur9rFqT2nAjisiIiIibVNyKCJdVt/gIb+ynqFJUQE97q2njyE9LoKH390W0OOKiIiIyOGUHIpIl+WU1gIwJDmwyWFkeAjXzxnJyj2lrM0pC+ixRURERKQ1JYci0mXZxTUADAtgs9ImX54+CGeYg1ey9gf82CIiIiJykJJDEemypprDoQGuOQSIdYZxzqQB/Hv9AeobPAE/voiIiIj4KDkUkS7LLqkhzhlKQlR4txz/4hMHUlXfyCfbi7rl+CIiIiKi5FBEAmBvSS3DAjCNxZGcPCKZ6PAQPlJyKCIiItJtlByKSJftL6tjcGLgm5Q2CQ91cNroFD7cWoi1ttvOIyIiItKfKTkUkS6x1nKgvI7MBGe3nmfBuDTyKurZXlDdrecRERER6a+UHPYzRVUuDeohAVVa48bV6GVAfGS3nufUkSkArNpT0q3nERHpi/T7L9J3lde6qXY1BuRYSg77kX+vP8BXH1/Bjc9nUesOzAeoM5btKGJ1dmnQzi+BlVdRD0BmQvcmh4MSI0mPi+DzbM13KCIHvfnFAVbtKQ52GL3Stvwq1u0r580v8vj2C2v4/j/XB+wGUuR4UlxVyxOf7KKhoaG5bEteJV/sLw9iVIGxNqeMm/+xhm//Yw37/KPHd0VoAGJqN2PMJOBxwAPsBG4BXgaigQrgK9ZalzHmt8B0YI219rv+fQ8rk465+/UNVNY1srOolhU7izl9QkaPx/DXpbt5+N3tGAMPf3kK50we0OMxSGAdKK8D6PZmpcYYpg9NImuvkkORzsqrqOOZFdmkxzr5xqnDcDhMsEM6qtXZpWwrqOLsiRkkx0Qctv6qv65k2U5fYvj9M0bz7YVjejrEXmtjbgU/e3MzAIn+kaRLql3kV9QzKi0mmKGJHKa+wcMb6w8QHxnGmRM7fn9aWFnPU8uzSY4O55ovDSM05GD9V0NDAzN//iFeCw+/t52tPz2H9fvK+cVbWwC4Ye5I5o1NC9h76Wmb8yrxeC11Xg87i6oZnNS1MSB6uuZwm7X2VGvtbP/yLcBKa+08YBVwtjFmGhDt3ybcGDOjrbIejrtPqKk/+LTws13BqblbsrUQt8eLq9HLe5sLghKDBFZTzWF3NysFmD4skdzyuuaEVEQ65tU1uazfV867m/PZkFsR7HCOqrjaxcPvbueN9Qd4YumeNrfZ0OKp/9ub9JvSUkXdwRqSyYPiGZ0WyxkTMhiZ2n0jS4t01mtrc/nXmv08tXwPa3M6/hB48boDrNtXxgdbC1i3r3Vt4IEKN17/WHb1DV6g9fXR8vXx6KyJGUzKjGfmsCROHp7c5eP1aM2htbblX98FfAac6V9OAEqAU4D3/WXvAycD3jbKPm95bGPMdcB1AEOGDOmG6I9/88amsmRrEeGhDm5ZMCIoMVx64kA2HajAYQyXnDQwKDFIYB0oryM8xEFydPfMcdjSiUMSAfhif3m3N2MV6YvGpMeydEcRMRGhDEzs3ddQWIiD8FAHrkYP0eEhbW7zo3PGc9fiDYQ4HDxyxZQejrB3O3VkMsXVLurcHi46cSDOsLb/hiK9QXSELyUxmObXHTEmI5YPthYQGRbCoENGTx+aEs3gxEhyy+uY5r+POG1UCiU1LtyNXs6e1PMt6QIpJSaCu8+fELDj9WhyCGCMWQT8HNgOrAPuMcZsAgqBO4C5wC7/5hXARHzNUA8ta8Va+zi+JqtMnz5dY9234clvzGRfaS1J0eGduvAC4dLpgxmSEk1EqIMTBiUEJQYJrAMV9QxIcPZI87RxGbE4DGw6UMnZk9QkWaSjzpiQzsTMOKIjQomPDAt2OEcVHxnGTy+cxJ6SGk4ekdTmNpfPGsLls/RAuC3GGC6cqoewcny44IQBpMZEEB8Zxpj02A7vP3dMKmPSY4gKb/u7bekdC1otOxyGi08c1Ol4+7IeH5DGWvtva+0kIBe4CXjHWjsReBO4CigH4vybx/mX2yqTDiqpdrFkayFrOlFdH0gzhiUpMexD8srrGBDfvf0NmzjDQhiZGsPmA5U9cj6R3mz5zmKeWb6H4mpXh/bLTIjs9YlhkyHJUcwdk0pEqGq9RPoyYwynjExmQmbcsTc+ggHxgftu+2BLAX/7NPu4b3LaGT2aHBpjWvYmr8RXC9jU+a0YiAc+BRb6y07H1/S0rTLpoMc+2sXTy/fwwJtbyFWfLQmQvIp6Mnugv2GTiZlxbFJyKP1cXkUdf1yyk7c35fP08rb74wG4Gj28uCqH19fm4vWqUY2IyLHsKKjiiaW7eXNDHi+syglqLNZa/r3+AP9YmdNjU9H0dNvCs40xt/lf7wAeBl4wxnwNaAAut9aWGmPqjTFLgfXW2lUAbZVJx2zNr6S0xo0xhopaNwPVZ0u6yOO15Ff6mpX2lImZ8by+7gAl1a42Ry8U6Q8iw0Ka++Md7Un5WxvyeX1dLgDJMeHMHp3aUyGKiByXoiNCCXU4aPR6SQhyK4tVe0r5x8q9AIQ6DF+ZMbjbz9nTA9IsBhYfUnxWG9sdNlWFpq/oujljUsmvcBEfFdYjI0tK31dYVY/Ha3v089TU5GTTgUrmjNGNrvRPCVHhPHDxJHJKa5kyMJ5dRdUMTYpqNXw7QHzUwRub46UpqYj0X2U1bmrcjYcNKtOTMhMi+elFkyisrGfGsLb7O/eUuMgwDAaLbfV93p2CMyqJBEWcM4zwUAcxEaGEhvTuua3k+JDvn8aiu+c4bGnCAF9yuDVfyaH0b4MSoxiUGMX/vfoFe4prmDksidvOHNtqm/lj00iKCicizMG4jM735RER6W55FXXc+a8NuBo9XD9nJPPHBW/uweEp0QxPCf60L+MHxHHfhROpcTU2j9je3Xp8QBoJnj0lNcQ6Q3E1eiitcQctjvr6RhobG4+9YTfamFvBh9sKafR4gxrH8a6oyjcQRmpMzyWHidHhJEeHs6uwpsfOKdJVDR4vS7YWsOlAYOcWbPR4yS6uBWBXUdvXxJTBCd2WGDY2NlJf3/Hvc333ivQPtbUNNDS0b1CX3LI6XI2+fnW7iqq7M6xey+u1fLy9qNVcj2PSY3ssMQTVHPYrqTHhbDpQQUack4weGl3yUD9evIFnP/V17r3vwvFcfUrPz7e4u6ia7720DrfHyzdOGcY1pw3v8Rj6iuJq30OGlNjun+OwpZFpMezspz8ccnx6cVUOb27Iw2B46NITGJIcmCZToSEOrps7gk93lXCOf66uijo3r63J5YwJGd06l+E/V+dwx782YC1874zRfGfhmGPu4/Fafv7fLWw+UMlVJw/lvBMOTkmTlV3KlX9dSajDsPSHC0iK6dnvFZH+atYD71Na6+aOM8fyv3NHBuSYm/Mq+PHiTXye7Uty7jp3HNfOOfqxTxySyFkTMyipdnPRif1zGpY3vjjQPAjOvedP7NLorZ2lmsN+5NkVe6lr8JJdUsvSHUVBieFvnx4c9ennb24NSgybD1RSUFlPWY2bz/aUBCWGvqJpCP3k6J4dGGZkagw7C6uxVqMvyvHB1eirKbNYGryBrTWbPzaNH507vvnJ8pm//YSfvrmFs373SUDPc6jnP8vBa8ECr67Jbdc+JTUuNh2owGJZtrP179DVT6/C1eilxu3h4keXd0PEInKou179goIqFw0ey8/fDsx92c6CKi7604rmxBDghVX7jrlfiMNwzZeG84OzxpLSTweca/qt8L3umdFJD6Waw34kISqMvIp6QhyG1CBddNERIVS5fB/2jLjgDIozdUgCQ5KiqG/0cvr49KDE0FcUV7uIj/T1Ze1Jo9JiqKhroLTGrRFL5bjwP7OGkhQdzoD4SEamxnTruZrm5apr8FBd5yYmsntq4L53+hiu/dtqrIUb21nbkBoTwezRqXyxv5xzJw9otS4pOpxql2+apeEpwRuMQqQ/mTQwHvAlbuEhgfkt33SgEk+LqXOMge+feeyWBQIXTR2IMyyEOGdojzYlbUnJYT/yx69O4w8f7mTSwDimDA7OB+7978/jkkeXExHqYPEtpwUlhkGJUTx21UmU1bo5YVBCUGLoK4qrXaQEoenXyFRfJ/GdhdVKDuW4EBkewiXTBvXIuf539gj+uXofc8ekdltiCDBvXBo7Hji3Q/sYY7h5/qg2133ywwV88+lVJEaF8/DlUwMRoogcw1dnDaWgsp5PdhTz3NUzAnLMC08cyMur97G7qIYfnTuOC6b2zyainREe6mDRlMygxqDksB8ZmhLNr788JagxpMc5WX7nwqDGADA4KYrBSXoy3VVFVa6gNP0YlearedlVVMOsEck9fn6R3uwHZ47lB4eMWnq8eOqamcEOQaTfufWMsdx6RmC/M/5+7ckBPZ70HPU5FJFOK652kxLb88lhZnwkkWEh7CzUoDQiIiIigaLkUEQ6rbjKFZT+qw6HYWhyFHtLNJ2FiIiISKAoORSRTqlv8FDlagxKn0OAIUlR5JTWBuXcIiIiIn2RkkMR6ZSmaSyCNdz00GRfcuj1ajoLERERkUBQciginVJc7QaClxwOSYrC1eilyJ+kioiIiEjXKDkUkU4prvLXHAZhQBqAIcm+6Sz2lqhpqYiIiEggKDkUkU5palaaGqzk0D8VifodioiIiASGkkMR6ZSm5DA5OjgD0gxMiMRhIEcjloqIiIgEhJJDEemU4mo3sc5QnGEhQTl/eKiDAfGRqjkUERERCRAlhyLSKUXVwZnjsKWhyVHsVXIoIiIiEhBKDkWkU4qrXEEbqbTJkKQo9ik5FBEREQkIJYci0inF1S5SYoPT37DJ4KQoiqvd1LobgxqHiIiISF+g5FBEOqWoF9QcDkyIBOBAeX1Q4xARERHpC5QcikiHuRo9VNY3Bj05zGxODuuCGoeIiIhIX6DkUEQ6rKTaDdALkkMnoORQREREJBCUHIpIhzXNcZgSE9w+h+lxThxGyaGIiIhIICg5FJEOa04OY4NbcxgW4iA9zkmu+hyKiIiIdJmSQxHpsOIqX7PSYM9zCL5+h6o5FBEREek6JYci0mFFzc1Ke0lyWKHkUERERKSrlByKSIcVV7uIDg8hMjwk2KGQmeAkr7wer9cGOxQRERGR45qSQxHpsOJqd9D7GzYZmBCJ2+OluMYV7FBEREREjmtKDkWkw4qrXL2ivyFAZnzTXIcalEZERESkK5QcikiHFVe7ekV/Q/D1OQRNZyEiIiLSVUoORaTDiqtdpMQGd47DJgOVHIqIiIgERI8mh8aYScaYFcaYpcaYp43P140xHxhjPjLGDPRv91v/No+02PewMhHpeQ0eL2W1Db2m5jAuMpTo8BD2lyk5FBEREemKnq453GatPdVaO9u/PAeYa61daK2dZ63NNcZMA6L924QbY2a0VdbDcYuIX0m1b47D3pIcGmPIiHeSX6E+hyIiIiJd0aPJobW2ocWiC/gSEOKvOfyDMSYEOAV437/N+8DJRygTkSAo7kVzHDbJiHdSUKXkUERERKQrerzPoTFmkTFmI5AGhADh1tqFQC1wIZAAVPo3rwASj1B26HGvM8asNsasLioq6uZ3IdJ/FfmTw9Re0ucQID3OSYFqDkVERES6pMeTQ2vtv621k4BcwAt87F+1BBgPlANx/rI4/3JbZYce93Fr7XRr7fTU1NRufAci/VtxVS+sOYxzUljlwuu1wQ5FRERE5LjV0wPStLybrAQ8wAn+5anAHuBTYKG/7HTgsyOUiUgQFPeyPofga1ba6LUU17iCHYqIiIjIcavTyaF/pNGrjDH3+peHGGNmHmO3s40xHxtjPgbSgV8CdcaYj4AZwCvW2jVAvTFmKeC11q5qq6yzcYtI1xRXu4gMCyE6IjTYoTRLj3MCUFCh5FBERESks7pyd/covmahC4D7gSrgX/iSvDZZaxcDiw8p/kEb2323PWUi0vN60xyHTTL8yWF+ZT2TiQ9yNCIiIiLHp64kh7OstdOMMWsBrLVlxpjedccoIgFXXO3qVU1KwdesFHzJoYiIiIh0Tlf6HDb4p56wAMaYVHw1iSLShxVXuXtdcpgSE0GIw2jEUhEREZEu6Epy+HvgNSDNGPMAsAz4eUCiEpFeqzfWHIY4DKkxEao5FBEREemCTjcrtdb+3RiThW8UUQNcZK3dErDIRKTXafR4Ka11kxrT+1qQp8c7KVByKCIiItJpHU4OjTFJLRYLgRdarrPWlgYiMBHpfUpr3VgLKbG9q+YQICMugt1FNcEOQ0REROS41Zmawyx8/QwNMAQo879OAHKA4QGLTkR6leIq3xyHqb2sWSn4Rixdsask2GGIiIiIHLc63OfQWjvcWjsCeAe4wFqbYq1NBs4HXg10gCLSexRX++YR7I01h+nxTqrqG6l1NwY7FBEREZHjUlcGpJlhrf1v04K19i1gbtdDEpHeqqjKnxz20ppDgHyNWCoiIiLSKV1JDouNMXcbY4YZY4YaY+4C1KZLpA9rrjnshQPSNCeHGpRGREREpFO6khx+FUjFN53F60Cav0xE+qjiahcRoQ5iIjo90HG3SY/3JYcasVRERESkc7oylUUp8F1jTBzgtdZWBy4sEemNiqvdpMREYIwJdiiHOdis1BXkSERERESOT52uOTTGTDbGrAU2AJuMMVnGmEmBC01EepvialevHIwGIDoilNiIUNUcioiIiHRSV5qV/gW4zVo71Fo7FPg+8HhgwhKR3qioykVqL+xv2CQ93qkBaUREREQ6qSvJYbS19sOmBWvtR0B0lyMSkV6rqVlpb5UeF6EBaUREREQ6qSvJ4W5jzD3+0UqHGWPuBvYEKjAR6V08XktpjauXJ4dOCpUcioiIiHRKV5LDb+IbrfRV/38pwDWBCEpEep+yWjde2zunsWiSEeeksMqF12uDHYqIiIjIcacro5WWAd8JYCwi0os1z3HYSwekAciId9LotRTXuEiLdQY7HBEREZHjSldGK33PGJPQYjnRGPNOYMISkd6muMoN0KublTYlhIWVms5CREREpKO60qw0xVpb3rTgr0lM63pIItIbNdcc9uLkMCO+aa5D9TsUERER6aiuJIdeY8yQpgVjzFBAHX1E+qim5DC1NyeHcf7kUIPSiIiIiHRYp/scAncBy4wxH/uX5wDXdz0kEemNiqpchIc4iIvsytdG90qJCcdh0IilIiIiIp3QlQFp3jbGTANOBgzwPWttccAiE5FepajaRUpMOMaYYIdyRKEhDlJiNNehiIiISGd0ZUCaD6y1xdba/1hr37DWFhtjPghkcCLSexRXu3v1SKVNMuKdFGhAGhEREZEO63DNoTHGCUQBKcaYRHy1hgBxQGYAYxORXqS4ytU84EtvlhbrZH9ZbbDDEBERETnudKZZ6fXArfgSwSwOJoeVwJ8CFJeI9DLF1S4mDYwLdhjHlBEfweq9pcEOQ0REROS40+Hk0Fr7CPCIMebb1to/dENM0sfVuhtxGIMzLCTYoUg7eb2Wkhp3r57GoklGnJPy2gbqGzz6jIn4lde6iY8M69V9hkVE5OjqGzxYC5Hh3Xd/05WpLPKNMbEAxpi7jTGv+geoETmizQcquf5vWdz09zXsK1XTv+NFeV0DHq89LpLDNP90FoXqdygCwFPL9nDD81k88OaWYIciIiKdlFNSy43PZ3H981lsza/stvN0JTm8x1pbZYw5DTgLeBZ4LDBhSXdYk1PGzX9fw2/e3UajxxuUGDbmVtDg8VLrbmRLXvd9sCWwmuY4PC4GpNFch9JHlNW4+dFrG/j+y+vJq6jr9HGycsoA2HigAlejJ1DhiYhID9qcV0Fdgwd3o4eNuQfvoa21PPbRLm58PotlO7o+cURXksOmX5jzgMestYuB8C5HJN3mrQ15lNS4WJVdSk6Qau3mj0tjbHoskwfGc8rI5KDEIB0XGRbCFTMGMzotJtihHFO6PzksUHIox7nPs0vZXVRNbnktS7d3/gf/8umDGZgQxZdPGkxEqJpai4gcj04ZmcKkzHjGZcQxb2xqc3lxtZuPtxdSVuvmP18c6PJ5ujKbda4x5i/A6cBDxpgIupZsSjc7dVQKG3MrGZYSxcDEyKDEkBobwX0XTgrKuaXzBidF8eClJwQ7jHbJUHIofcTkQfHEOcNo8HiZNjSx08eZMyaVOWNSj72hiIj0WvGRYdx9/oTDypOiw5kwIJ4teZV8aVRKl8/TleTwK8DZwK+tteXGmAHA7V2OSLrN/LFpzB6VQmiIcnjpu+IiQ3GGOcivUHIox7cB8ZH85Wsn4bUQ4tBAMiIicrgQh+HeCybQ4PESFoB7/E4fwVpbC+wCzjLG3AKkWWvf7XJE0q2UGEpfZ4whPc5JQZUGpJHjnzFGiaGIiBxTIBJD6EJyaIz5LvB3IM3/3/PGmG8fY59JxpgVxpilxpinjX9MbWPMbcaYZS22+61/m0eOViYi0pb0OCcFqjkUERER6ZCupJjfAmZZa++11t4LnAxce4x9tllrT7XWzvYvT/f3VZzStIF/Ooxo/zbhxpgZbZV1IW4R6eMy4pwarVRERESkg7qSHBoOjliK//VR275YaxtaLLqAfcD/4psGo8kpwPv+1+/jSzrbKhMRaVN6XAQFlfVYa4MdioiIiMhxoyvJ4dPASmPMT4wxPwE+A5481k7GmEXGmI34mqKWAHOttUtabJIANE3eUQEkHqHs0ONeZ4xZbYxZXVRU1Mm3JCJ9QXqcE1ejl4q6hmNvLCIiIiJA1wak+Q1wDVAKlAHXWGt/1479/m2tnQTkAt8B/nHIJuVAnP91nH+5rbJDj/u4tXa6tXZ6aqqG7BbpzzLifdNZqGmpiIiISPt1ODk0xjiNMbcaY/4IzAAetdY+Yq1d2459I1osVuKbDuNGY8zbwET/gDafAgv925yOr0ayrTIRkTalN891qBFLRURERNqrM/McPgs0AEuBc4DxwK3t3PdsY8xt/tc7gFOstV4AY8wya+0f/K/rjTFLgfXW2lVHKhMRaUtGU3KoEUtFRERE2q0zyeEEa+1kAGPMk0C7EzVr7WJg8RHWndbi9XfbWH9YmYhIW9LifI0U1KxUREREpP060+eweYQHa21jAGMREQmIiNAQEqPCKB7/25QAACAASURBVFByKCIiItJunak5nGKMaRo51ACR/mUDWGtt3JF3FRHpGelxTiWHIiIiIh3Q4eTQWhvSHYGIiARSRrxTzUpFREREOqAr8xyKiPRa6bFOjVYqIiIi0gFKDkWkT0qPd1Jc7aLB4w12KCIiIiLHBSWH/ciq3UXM/9USvvPCWqy1QYvjs10lrM0pC9r5pX/IiHNiLRRVqfZQ+peKugZ+9p/N/HjxRoqrD37+95fW8vM3N7GzoOqo+1tr+Xh7EZ/uKmn3OatdjWzJq6RRD2NEJIB2F1Xz1oY8Kusb2ly/dHsh33txLbW1ba/vqo25Fdz+z/U88cnuoN4796TODEgjx6lvPJNFrdvDnpI65o9N5eJpg3o8hmdXZPPwu9swBn556RTOmpTR4zFI/5Dun86ioLKezITIIEcj0nM+3VXCxgMVAHy4tZAvTx9McbWLM377MXUNXp5esZfP/m8hyTERbe7/3uYCnlq+B4AQx1hmDk866vkaPF5+9OoGCqvqOW1UCrcsGB3YNyQi/VK1q5H73tiMq9HD+v0V3HnOuFbrdxZW8rWnPgfgnc0FbL7/7IDH8NraXPaV1bKvrJazJmYwJDkq4OfobVRz2I94vAefeJTWBKc2ZXOeb6Bba2FzXkVQYpD+IT3OCaARS6XfmTAgjsiwEMJDQ5g8KB6A4moX7kZfrV6j13KgvO6I+7f8rWj0HrsmsL7B01xDn1Na25XQRURa8fpr6zxtfBdt3H/wPrK+wdMt5582JBGAgQlRzXMo93WqOexHHrxkMj95YxPDkqP41uyRQYnhtjPGUFBZT3iIg2uDFIP0D03JYX6FkkPpX4YkR/HYVSfhtZaocN/P/LiMOC6cmsm7mwuYNSKZyYMSjrj/mRMzcDgM4aEOThmRfMzzxTrDuG7OCNbklHHBlMyAvQ8R6d9iIkL50bnj2ZJXyfyxaYetv2jaYB75YCf7y+v42qyh3RLDeScM4LTRKUSHhxAa0j/q1JQc9iMXTxsUlKakLaXHOXnmmplBjUH6h+TocMJCDAXqcyj9kDPs8FmnfnP5ie3aN8RhOGtix5r8zx+Xxvxxh9+8iYh0xfgBcYwfcOQp1D+8fX63xxAfGdbt5+hN+kcKLCL9jsNhSIt1UqCaQxEREZF2UXIoIn1WWlwE+epzKCIiItIuSg5FpM/KiHNqQBoRERGRdlJyKCJ9Vnqck4JK9TkUERERaQ8lhyLSZw2Id1Ltajzi5LkiIiIicpCSQxHpswYmRgKQW3bkOd1ERERExEfJoYj0WYMSowAlhyIiIiLtoeRQRPqsgQm+msP9ZbVBjkRERESk91NyKCJ9VkpMOBGhDnLLVXMoIiIicixKDkWkzzLGMDAhUsmhiIiISDsoORSRPm1gYqT6HIqIiIi0g5JDEenTVHMoIiIi0j5KDkWkTxuYEElxtZv6Bk+wQxERERHp1ZQcikif1jzXoWoPRURERI5KyaGI9Gma61BERESkfZQcikifpppDERERkfZRcigifVp6bAQhDqOaQxEREZFjUHIoIn1aaIiDjDinag5FREREjkHJoYj0eQMTI9lfVhvsMERERER6NSWHItLnDU2KIqdUyaGIiIjI0Sg5FJE+b1hKNAWVLmrdjcEORURERKTX6hfJ4c7CKt7emEeNK3g3hruLqrn39Q1sL6gMWgwlVS7ueGU9r67ZH7QYrLV8sr2Iz3aXBC0G6X+GJUcDsLdEtYdy/MuvqCennZ9lr9fLOxvz2deNzaq9Xi/V9d37+3rj81ksfPgjctUCQI7C3eilvsVDQI/Hw1PL9vDh1nwW/PojvvvCmiBGJ3J8CO3JkxljJgGPAx5gJ/Bn4Lf+5dXW2u/5t7sduBDYC3zDWtvQVll7zlle4+a657KorG9gwbh0fnnZCQF/X+2x4OGPAXjusxyyHzwvKDGc+uAHuDyWl1bvZ0BMKKeMyejxGJ5cvodfv70NYwy/+coUzpk8oMdjkP5naLJvrsPs4hrGD4gLcjQinbejoIqfvLEJj9fy3YVjeGHVXj7YUsjEzDhevuHUw7a/+R9rWb6zmMjwEGpdjVS5PAxMdLL8joUBiae81s3Fjy6npNrNt2YP57sLx7Ran5VdymV//hQL3Dx3BLefM/6Yx9xeUEVKTARJ0eEA/Pqdrby1MR+As3+/lA0/OSsgsUvfsjanjOv/lkWj1/Kry05g4fh0zn5kGbuLa/B4LQC7i2uYNHAX184Z2ePxff2JT/lkVykA501K509XTe/xGOSgHQVVJEWHkxwT0eZ6r9dLjdtDrDOshyMLvp6uOdxmrT3VWjvbvxwOLPAvpxljJhtjUoH51trTgC+Ai9oqa+8JD1TUUVLjxt3oZUteRYDfzvHF5bHNr+9/c3NQYnhhZQ71jV7qGjw8/2l2UGKQ/mdYiq/mMFs1h3Kc21NSQ1GVixpXI3tLanh7Yz41bg+rsstY9MelgK+lyp7iGgD2ltTgsZayGhdVLg8AuWX11Lk9bDpQgavRc8xzejyeI04Fk7W3jJJqNwBLthYetv4H//yCpl+evy7PbrWuus7N7IeWMOnHb/PM8j0A/H3lXq59djVfffwzCqvqAahv8Dbv4/VapH1u+FsWw+98k/H3vEVDQ7uepx/X3t1UQH2Dh0aPl7c3+R4mFFW5Dtuuxh2cv0VTYgjw5saCoMTQEf9e2z2tzAor6vnxvzew+UDX7skXr8vlF//dTHmtu8P7vrZ2P/cs3sitL67ld+9v56XPc1p9txRU1jP3Vx9x2kMf8uTS3QD8z+OfMuzONxl255vszC/vUuy9XY8mh4fU9rmAHdbaev9yI74axJnAR/6y94GTj1DWijHmOmPMamPM6qKioubyEanRRIeHUN/gZerghAC+m+NbtevYNwTdIbuopvn15tzgXFzWWh5+dxvfe2kdhZX1x96hmyzdUcQj7+9gZ2F10GLoL2IiQkmJiSC7uObYG4v0YtnFtbgavZTWuPnPhlxCHKZ53Yb9lXz18RWc+dtPOP/3S1m2o4jbzhhDiDEkxThbHef0hz/ip//ZzC/f3taq/IVVe3nPf2OdlV1KRXUd0x/4gDm/+pDTHnyv+eZoQ67vRvdLI5MZlxFLVHgIO/KrGPWj/3LXqxuaj/eVGQObX0/MbF1r//zKHA5U1FPX4OXxT3w3YB9uLaSs1k1eRR1LtvhuoO8+fwInD09iQLyTV2885ah/n3te38CJ973L0/5kszvl5+dzxRVXMHLkSCZMmMC5557L9u3bu/287fXe5nwsUNfg5ZEluwD45z//yfjx45k/f35Az/X2228zduxYRo0axYMPPtjmNi6Xi8svv5xRo0Yxa9YssrOzASgpKWH+/PnExMRwyy23dDqGr0wfRHqck+SYcK6aNQSA/ztnHGmxEcwclkB6XARzRqdw6+njOn2OroiNCGl+nRTZuYZ7r2Tt4z9f5ALgdrvJyi5ttf7KFgnM9c+t5sT73+WDzfltHmtfaTUT7n2bUT/6L098sqvVumF3vsl3XlrPsDvf7FScRzPv4Y94dkUOi/64nMbGg02AO3I9rc0p457XN/LCqn3c9vK6Dsewr9T3sGtfeR1Lthby2tpcPm/xt1yxs4SKugastbzn/x5asfvg+m89txYI3PVUWlrKGWecwejRoznjjDMoKytrc7uQkBCmTp3K1KlTWbRoUXO5tZa77rqLMWPGMH78eH7/+983lwODjTE7jTFfGGOmtSeeHm1WCmCMWQT8HNgOlPjLTgBSrLWbjTEnAk0d8yqARCChjbJWrLWP42uyyvTp05vT/635VRRV1eO18Mn2okN367fq6jv+pCUQWqakZS7vEbfrTovX5/Lnj3dhLZRUu3juW7N6PIZqVyOPfrgLiyW3vJZfXjalx2Pob4anRJFdouRQjm8GGBDvpLKukcraBmKcodQ3uLGABVbtLsMDNLo9vJK1n59dPJkpgxNo8HipdzVQXu/7Fs6rrGdwclSrKV5+8M/1vLbWd+MZ5oD6xoNP0kMchv3lB383LvjDp2Q/eB7O8FBevuFUHv1wJ798x5dovrp2Pw9cMhmAG+eN5vRxGfzwlbVszK3ggf9s4q7zJwJw5sQMHvlgJ26Pl5kjknzHPSGTrflVOMNCOHFIUvP5Xrz+6EkhQGm1m799lgPAfW9s5povDT9sm289vQqAJ6+ZeczjHY21losvvpirr76aF198EYB169ZRUFDAmDFjjrG3rzY2JORgsmCtxVqLwxG4Z/YDEyPJKa3DABedmAnAk08+yaOPPhrQ5NDj8XDzzTfz3nvvMWjQIGbMmMGiRYuYMGFCq+2efPJJEhMT2blzJy+++CJ33HEHL730Ek6nk5/+9Kds3LiRjRs3Nm9fUtKxsQmGp8bw3m1zW5VdPnMIl88c0vk35+fxeNhXVsewlJh273PZY8vJ2ltOakwYq+4+kw33nc2fPtiOM8zwrTmjj7jftoJyzvrtcgDCHeDFcMv8UVTWN/Dsp3sB2Ly/gkc/8T0ASYwMY+2PzwRaJzDvbPYlNdc+l8XuNroz/eK/26h1+74P/vzx7uamtjnF3dvCxuVvCdDotZTWNJIWH9rh68nTopbPazt+PV0xYzBea6msa2BzXiUhDkNq7MHmpWdMSOe5z7IpqnJx9anDAEiKDqOkxlfHdfUpQ4HAXU8PPvggCxcu5M477+TBBx/kwQcf5KGHHjpsu8jISNatOzwZfuaZZ9i3bx9bt27F4XBQWOhrxfHWW28BOIEMYBbwmP//R9XjA9JYa/9trZ0E5ALnG2OSgD8C3/JvUg40PV6M8y+3VdYujQ1eGrzgsVDYRvOC/qqxf4xF1KadBdU0eCyNXsuOgqqgxBAR6iApxtefJjMhMigx9DdDk6OVHMpx72unDOXKWUO5+7zxJEVHUF7buolceJjBYSDUAedPHkBMRCh3nzeBK2YM4ZErTiTE+BLMi0/MZOawJG6eP6p539V7SpubVrVMDAHCQwyHuvbZz5tfnzs5g1B/LeaY9NhW24WFWdbur8LtsTyxLLu5fERqDJ//aAH/vH4mkaEOVmWXcOGJA3nqGzN46uoZjM1ofRyAmpqa5pqRcXe/1b4/mt+cXy7hg21FfLCtiDm/XNKhfQ/14YcfEhYWxg033NBcNnXqVLxpY7ny8U+55OobmDRpEpMnT+all14C4KOPPmL+/PlceeWVTJ48mezsbMaPH89NN93EtGnT2Ldv3xHPV1BQwMUXX8yUKVOYMmUKK1asAOA3v/kNkyZNYtKkSfzud79r3v7555+n/pU7CV98B/OKXmd4cjT3338/y5Yt44YbbuD222/v0vtvadWqVYwaNYoRI0YQHh7OFVdcweLFiw/bbvHixVx99dUAXHbZZXzwwQdYa4mOjua0007D6Wxdu7179+6AxdiWdzYe4PK/rODbL2Rx4/NZ1LnbblFVUFzGyLveZt6vP2Z4O2vS3t14gNV7y7FAYXUDo+/y7XfzwjFHTQwBLvzDp82v3V5fEvX0ij1syz94v/J+iybcZXWdayb7lemDcfi/D04ecfBBzJCUqObXoUe4VXQ1eqhv6FwLtKtOGUxMRAjzx6aSFu/7Nz/S9TR79mystdx+++2trqfpw5K4KKOcyn/dQ/Vbv+nw9WTrKvj4T3fwr7uvZN0j1/HlQbWMSI1pvp5Onj6Vue7PWXbHAs6ZNIDnn3+ekDfuxvHaDzk5959cferQgF5PLa+Nq6++mtdff71D+z/22GPce++9zclwWlpa83GBEuvzGZBgjDnmYB89PSBNhLW2KUOrBBqA54HbrbVN9d6fAzcBvwROBz47Qlm7bCs6eDG5GoNTU9UbJfo7+vdHyTHhhBjf06bUuLY7Ine3sBAHP794MntLapigAVJ6xPCUaF7J2k+tu5Go8B5vNCFyVC+v3semA5V8e8FIUg5pAtqSMyyERVMy2ZJXCRhCHAZjwN1oMcCN80ZRUu0ma28Zn+wsZv74dMZmxDYnWrt+0faAaPe/sYniGhfGwJDESBwO2FXkq0EIcRhev/lLjM2Ia9XM7JQRyc2vh6XEsO7eM8kprWFCZny733dMZDhff2o11S4PL63ez5q7FzYnlxV1bkqq3YxIPVhbc9urm5pf1x/ym54UE84VMwbx34353DxvxGHnKqx0tXq9KbeCmIhQhvr7JDcpqXbxP0+spNHr5dlvzmJg4uEP8DZu3MhJJ510WPmNf19DycalVK1bSfnWNZSVlTFjxgzmzJkD+BKpjRs3Mnz4cLKzs9m2bRtPP/00jz766FH/Tt/5zneYO3cur732Gh6Ph+rqarKysnj66adZuXIl1lpmzZrF3LlzcTqdvPTSSyxfvpywsDBuuukm/v73v3PvvfeyZMkSfv3rXzN9euvBUKqqqpg9e3ab5/7HP/5xWC1gS7m5uQwePLh5edCgQaxcufKo24WGhhIfH09JSQkpKSltHnfUqFFtlgdCfkU11z+/tnk5xGG4/vnVPPfNwytVrn3hYDPpzvZ4bUfX3mYDE5zsOqT2buawJH6yaBJXP7WKsFDDM1+fxmm//oQGj2XCgIMPUbIfPI/x97zFuPQYEqMjWJNTzkOXTmrzPPPGpbHqroVU1DYyMq11jWjLgRP/9mk2K/eUctlJg5g3No3s4hpue3ktm/OqGJ4czX++/aXmWrsPt+STGBXB1KGHNfBrdt+iydy3aHKrspbX01PL9pBbXsf3Th9DjDOUV199lXXr1rF+/XqKi4ubr6cF49J5ePcmfvXvl47766mgoIABA3w524ABA5pr/g5VX1/P9OnTCQ0N5c477+Sii3xDsOzatYuXXnqJ1157jdTUVH7/+98zevRocnNzAVo2FdwPDATyjvb36ek7pLONMbf5X+8A4oEZwEPGGID/s9Z+aoz5xBizDMgBfmetdR9a1t4TTsqMx+C7oBMi+9+IQ0dywsDg9L9MjgqlpNbXxvyEQYc/Fe4JF08dxD9X76es1n3YyHo9KT4yjBMGqR9sTzk4YmktEzKVkEvvsTanjJ/9xzdIWHZxDc9+89hNHt/amE99o4fRaTGcf0Imi6b4mg0OSIjkh6+sJ8YZyvaCKirrGtp8GJiVXcq3nl3NsOQoXr/lNPaW1OIwhpiIUG5ZMIpLTxrMna98weIvDjAqNZqxGb5rZutPFnLRn1dy1vg0vjm7dQIW4wxtMzEclhzHwrGpLN1ZzLkT0sjKLmXa0EQ25laSEhvePOCM10JhlZuEaCeb8yq45NEV1Dd4iQxzcP2cEdx6xli+e/po3tl05C4iD146hQcvbbuZ/ovXnszFj/lq3E4YFM95f1gGwL3nj+ebpx18L/cs3sS2giosMPuXS/j6KUP5yaK2b7APZYD6/ZuInTCPkJAQ0tPTmTt3Lp9//jlxcXHMnDmT4cMPNncdOnQoJ5982DAKh1myZAnPPfcc4Ot3FB8fz7Jly7j44ouJjvYlt5dccglLly7F4XCQlZXFjBkzAKirq2uuSTiS2NjYNpurtYe/X1Mr/nu6Tm3XJDHxyAlGV+WWHd61xtB2LD+/ZCLn/6HddRIAnDkpk1nDslmZ7es7dsPcwx9WHMkHP5jPlY9/SnGVi5dvOJmSmoPJ2/vfP9hsdscD57a5/5afntNm+Y78Kgqq6jltdGpzWUqMk6aWsrXuRrblVzEmPZboCF96UO1q5Hfvbae8roEPtxbisZZhSVHsLa2lvsHLtoIqHnpnOz86dzzzfvVh86Bvcc5Q0mKdPP+/M8mIb3/rqP9+kcfv3vf1MyyrcfOby6eybNkyvvrVr/ab6+locnJyyMzMZPfu3SxYsIDJkyczcuRIXC4XTqeT1atX8+qrr/LNb36TpUuXtnnN0Y5nHD2aHFprFwOHtjX4exvbPQQ8dKyy9pgyOJF7zx/Pil2l3H5W8BKB3mZncXAGQSmtPdj5eGtecGIoq3VTUOmirsHD7uJqFpIenDhq3OwurmHywHjCj9R2o5ttOlDBfzfkMXN4MnPHpB57h+PY6DTfw4gdhVVKDqVXqa5vwO3xEurwNQltj1nDk1idXcqotFj+5+ShLN1RxI6CKrbmV5EW62RAfCTDUqJ4YVUOJwxK4LTRvtqZ37y7lX+s2kexf4TRdfsr+PHiDdx93nh+8sZmMuOdnDEhnZ/8exNur5d3vjuHIckHm5k5nU7evvXgDerU+96lsr6Br508hPsubF0b0NKT18zkntc38LfPcnh9QwHj0mNJiA4jPDSEa04dxkur93HS0ETG+JPQdzfmN/dNqmvw8tjHu7n1jLFMGJDIpnvm8dbmEi6b0bG+ZFOHJrLHXyMy+SfvNJe//Pm+VsnhpIGxvLXB92DdWnhtbe5hyeHEiRN55ZVXDjvHX752Etd+6uTsmYNb9YFq0nTjeaTljjjCjR/WWq6++mp+8YtftPtYHanp2LdvHxdccAEAN9xwA1OmTGnVhG///v1kZmYedpxBgwaxb98+Bg0aRGNjIxUVFSQlJR22XU84aVgSI1Ki2Vtay8B4J1MGJxyx7/+kgcmd+sy91MbUMi25XC4u+vNKvjQimbsvmNhq3U3zR1Bc7XtQknDIR+Sqv65kR2EVj3/tJKYM9iXQTdfh1acOISUmkuc/28vEzDj+erUvofnDku08/O4OAKYPTeSVGw+P7YE3t7CrqJrhKdH84hLftG8HSmsp8Tddr3F7CHEYdhbVMDAhkpxS3wOlE/2DPea0mIO0sr6RGncNd766gWfa0b+36Xo6+1sHvwCbBts60ucc+sb1BJCenk5eXh4DBgwgLy/viMln03U1YsQI5s2bx9q1axk5ciSDBg3i0ksvBeDiiy/mmmuuAXzXHL6ZIZoMAg4cK/5+0fFsf3k9pbUuCtTnsFlFTXAGpGl56TV6OttAo2v+tWY/pTVuat0envN37u5p7kYvd72+gV+9s5U/LtkRlBgA/rp0D1l7y/jzR7s63X/geDE8JZpQh2F7kPqZihzJz97cigEcxvDby6e2a58vjUrhqW/M4OEvT+HZFdnc8coX/H7JTrYXVLE1v5IHLp7Ei6v28fB727nub6t53T/QzO+X7GpODJuEhzgYnhpDYnQYS7YVcv8bm9maX8mB8jre23SASx9bwaI/LqX+kInuf7x4A+V1DXgtPPdpzlHjLayq5431B+9JdvsfULobPVw2fTAXnJDJyj2lXPWkrzniNacNJzPB17zWYSDWefBZdnR0dIcTw0N9Z8HBJotbC6qprz84cvVN80bz8GVTiApz4HAYThp6eAKzYMECXC4XTzzxRHPZ559/jufAZh648StsXv4OHo+HoqIiPvnkE2bO7NoAOAsXLuSxxx4DfINvVFZWMmfOHF5//XVqa2upqanhtddeY/bs2SxcuJBXXnmluWlaaWkpe/ce/beuqaajrf8OvZEdPHhw87obbriBGTNmsGPHDvbs2YPb7ebFF19sNZJik0WLFvHss88C8Morr7BgwYKj1hx2tyU/mMeun5/LJ3cs4A9XTiMy/PBkvknLz9yG/RXs8ydC727OZ/6vPuRnb2xqtf3CX3/EsDvfZPZDR+7bOun+D9iSV8Vfl2e3ug+49YW1XPXkam596QsW/PrDVvv85t2tLNtZTEGliyse99Vm3vP6wevwmeU5vPz5PmpcjazaU8qeIt919srq3OZjbMhtewqJAv/o7fkVB6+Ftv59hiRF8fEP5/Oziybx/+ydd3gU5dqH79me3kNCCim0kNBDC1VBuqCo2NBP0aMe+7GiWFER9dgLNhSPYkdRpAkovYYSakhIIb33tnW+P2azybIhJAosJnNfl5ebKbsvyczs+7zP8/x+S28dYvOrvrJ/04JA4yJXXEjbSswb76esnSt5fEpv5gzvxsyQOjZv3syYMWP47rvvOuz9BPb3xhdffMHMmTMdjikvL0evl+KYkpIStm/fbnuvK664gj/+kK61zZs320R8rPehnyAxHKgURbHVklJwglrpheZIbiU/JEorWi+vPs7oBzp2dqStdG1Hmv9colJAY5uIu9Y5l18XDy0KQUBExNfVOb2XBrPFJiThTKGkMF9X8ivrCfbSoVF27LUijUpBhL8bKYWydYjMxUVFnQG1UoFSIeCpa/tzUaeWJrONK/YqhYDeaGFAmA9KQaBaLwVzJrNo8wxsbLMACPTQ0DPIg/nTYymorGdlkjRnWHU4n3G9Aqk1mPntcAEHsqXJ5A2f7eanu0faPn9MjwC+sAaFOvWZnx9VDUaeWH4YP3cNFfXSmO6f0AOVQkFXbxd6BXnw7d5szKLIttQS8ivqCfZ2Yfu88eSW17PqUB7XDA474/s3J7+iHq1KaRP8OhNbT9qXpm45WcbEuKbJ7az4UGYODKai3tSiSbYgCPz88888+OCDLFq0CJ1OR0REBG+99RZjxoxh586d9O/fH0EQePXVVwkKCiI5Ofms47/99tu56667HHqY3n77be644w6WLFmCUqlk8eLFjBgxgltuucU2Ub799tsZOHAgAC+++CITJ07EYrGgVqt5//336dat21k//6+gUql47733mDRpEmazmblz5xIbK2XCnnnmGeLj45kxYwa33XYbN910E927d8fX19emSgkQERFBVVUVBoOBFStW8Pvvv7fa5+gsViblsWz3KVQKSTfgvq8PoDdZWLI9k1mDQ21l1WlW26TsM/iDgiQ008ih7CadxY0nmjwQT/fmdWvWL6+wBm6juvvZVHp1agUju/vx26F8wnxdCfORsv5vzO7P1R/uRATuGO2o4gvwwPiebE4pYkyzKqIeQR7cODSMtUcLeWpqb0Z097eVid443P56ev26gcQEe/LTwVym9O1C9wBPW+B4NprfT/us99PmTnQ/zZs3j9mzZ7NkyRLCw8P54YcfAEhMTOTDDz/k008/5fjx49x5550oFAosFgvz5s2z3SPz5s3jxhtv5M0338Td3Z1PP/0UgKlTp4JkHXgSqANu3DogTwAAIABJREFUbct4hNbStf9U4uPjxcTERECStp7yzhbqDWZG9fDngxsdG8gvBM2b+DNbkBS+0GN4aWYfbhzR8gPifHLZG5tILZIemhN6+fPprRfeRsJgsjD1nS2U1Rh5/4aBjOjecjP8+WZHWgkHsiqY2jeYSP+/XgrxdzCZLSSeKiO2qxceOvue3Pj4eBrvo47C3cv2cTSvis2PnluPLxmZlmjrPfRbUh7fJWZzef+uzI5vWxDUnLIaA/NXHMZFreT5mbG2e/nr3Vl8sTOTuK6ePD29D9/vzebtjSlYRJg/LYbZg7oy++M9DI/y46EJPRn44noaTBaCPLVsfexSzKLIbUv3sCVVshQYFunDwln9SMwsIyHanzBfV349kMuao/m8PbsfGk3LAVl+ZT3/+e4gdQYzRVV6pvUL4unpsfy4L5txPf3w93Al7tm11OjNqBQCyQsmolK1f/Fw+b5sXvjtOAqFwIdzBjE00q/F40a9spGc8qbsiFI4s1CPs/nPN/uYNSiE0b2CnD0Up3CxfQ99ti2D362+gfOmxHD9xzupN1oQgA0PjbX1BrZlzvfeH6m8sT4FN62Kw89Nsm3/LSmXe7+R+tVuGRHOnWO7c8l/N+HtomLX/Mu475t9HM2t5vNbhtjElOb/cICVR/JInH8ZGo2G6gajw3f6ueKpnw+z/EAOfbt68X2z0tnd6SVc+3GTENETU3pz59jo8zIGmbYjCMI+URTjz35kEx0+c+jrruGnuxM4nlfFpb1bbyA9n3jplFQ2mHHXXBzZmS+3pTolOGwMDAE2nCi54J8P8NraY5y0juNfXyZy5PnJThnHoZxKDmRV0DvIw2nB4dIdmWw4XkivLh48NyPWqSU+F4KeXTxYc6SAeoO51RIiGZkLRY3exOieAUzv79ij1VZ83TUsntO08Pn2xhT2nyqnrNbANYNDud0qHPPf309gMEuqpkMifOn/wkbqjRYO5lTi76bh9/+MZf2xAq4eFIJCIaBAIKF7AIdzqxBFePSyHry8+jg1ehPbT5byzvUDmTEwhBkDQ84wMolgLxfuHBPNg98dpKbBxNIdp/h6dxb1RgsKAY48PZFtj43j460ZXDUorNXA8KPNqcwcEEyQl6Pf3LaTpVhEEYtZykA2Dw5fWXOUpduzeGxyTypqm6T/I/3c+PPRcW38TbeN5oHBinsGMyDsrwV2je/zc1IBC2fGcsOIiHMxPJm/QEZRLdPe3UJsVw8m9w3B312Dn5uC6XFBpBTXMr1fsJ3i5/d3xHPjp4n4e6gxGo2o1U2B2qM/JJFaVMMTU3qT3sKixPT+IUzvH0LEvFUs3ZnFUmt2vqDawIT/bmLDI+Psjn9tzTGW7ZNKtns+s57MRdPOW2AI8M3ebMwWkT2Z5aQV1dj+3akF9i0b29NK5ODwH8rFEamcR0wmCzPf3c4dX+5j/k+Hz37CeaLSajxcY7g47DSSS/+aL05HYPn+ptr7Gr1z+uwq641sOlFEjd7IqkNnLf8+bxzKkcrFThRW2xQDOzI9u3ggipBWLJeWyjifU6W13Pv1fu5Ztp/DOS33AbWXn/fnsmRrBptTSjicW8WiNcmUW3sMG8vYRCDES4ehWd/38YJqQnxcuGVkJBPf2mrzEnx1bTIBHloGhnsT7u9hE89qrYy0OaIoUljVwJieAQRYyzPNFpH6ZgqlSXkVeLvpeGxyjIOkfnN6zl/Ny2tSGP7yZgwGx775f42JJMTHhe6B7tycYF/ytXhzJvUmC8//lswXc4eiUylw1yhZeXfroiF/l9mL97X52ILKGqa+vYXX1hx32PfRlvPr+dcR+WpHBhPf2MS+zDK77TPe3UafZ9by3V7HPtl5y5Ns137EvFU2P8xL3thEndHC3lOVpBZUkhDlz+hXt/LDgTyO5lXZDOQbefC7IxgtkF9pZHazbNqmE0WsO1pAenENr647e1nk6VQbTA7bvthxYbUT3KwLqyqFQIhnk+3OnIRIuvnqEABvFxV3jz13ViQlNfoOr4twMdHhg8Mvdp6ipNaARYRvE3OcPZyLhs6cM5nRbIXetY0TnHONp07FoHAfBAS7+v4LzfVDw4nwc+O6IeGdIpPWs4s08UwukEVpZJxPSmENDUYzJouFY/mtB4cZJbUkZpa1qtwH4Ka1v48VCgFrayI9AtzRqRRE++n4fl8Oz07tiUYp0MVDy+vXDqCwqoGM4hrymglSWETILa/jjdkDCPTU8dzlscwdGcm8KTFt+je+tSGVB749wKtrk/nuzuGoTnvMBLprGNHd8RmYV1HPojXJfLkz0/Zvbh7M7swodzinT7AXax4Yw093j7TziqytrbU7bnCEL8kvTuHIgsm4n8Xz96WVR+j33FrWHj6rwF+LvHLVmRVcT2fMq1s4ll/N+5vT+XlfNr6uTRnUVff8PQGOzkZBZQ1P/XqMlKJarv6wyVT+8+0ZHMqtpM5g5onljgmDX5PsF2uzyuqpOU3A71heFZtSCmw/N+8dbKSxHxiwy+JFB7rb9vUMbJ+dl0YpsPWRMQ7btz7UZN1wLqY0er2eF1ceJbO4ymFfRlEtBpOZIA8N6x4cg+60HunNj40nY9E0Dj47ieHR9mXdW1KKeeG3Y+xOL23XeNYeyefer/fz8A9JVDd03sTGhaTDl5VG+zcJr6g7uOBGe5jQyzny0Qqr+TyAt845f4/4CD++2i2VRcRHOOf3IAgCj03ujcUiomirdv15YES0HyOiW+7L6YhE+rvjolZyJLeSqweHOns4Mp2chGg/DmaXozdamBBzZkud7LI6nlpxGLNF5JrBYVzVyrU7MTaIaclFbDheiNkicseYKNxdpABowZWxLFp9ggPZFSz47Tg6tYKUl6aSUVzDZa9vIrW4FiXSollds0oCk1mkss6Aj5uGQE8dE2OlMsk9GSVkldVzdStiMUdyK6msM7JkWzrbThYT4u1KulWsI8rfjT8eGUd5jYEJb26musHILSMjeXJqDD/uy+FgdjkHs2FguA9xIV70CfbgWH41njoVY3u13YLIzc0NH1c15XVGwrx1Zz/BSm5ZPZ9sl7Iydy07QOaitpX+Zi6axsHsgnaXkzZX8D5ZVMP+Zya1crRMa1TXN/0um4du3s2CGaGF796xPQNYc6TAbpu7m4YZ/YP5NSkflQJ+vV8K0J5acRS9SSS6hbaQdQ+MZPbHu/F00dj5lob5uPLzPQmkF9cyuofjosiulHwWrj3JslsHtHgdlVXVM37ROnoEetj6/Xx8fGx9jWNf3UjUE6uY0T+Yt64b1NqviH99sZcNx4tw0SjZ8fg4vN2ke6PPcxswi/Dp9kwOPTUBz2aCTJe8sQmQSlzf3pjCO9e3/hmNiKLIx1vSMVksnCqtZVhU2+cdjeqqpTV68isbzmvJrIxEhw8Ox8UEMXdUBDtPlrJwVttMbDsDW9PLzn7QeaD5AltFg3PKGN20KkTr14Wrk3tAnRkYdkaUCoG4EM8zSnnLyFxI3LQqHp3U+6zHVTUYMVsfnuV1BjYeL+DN9alMiAnkwct62R372bYMVhzMxWgW6R3sgb+7lg83pTEhJpA96eVYaHruNpaSv7UxldRiKWAzAxZR5MFLo8irrOf7ffnozSIT3tzCyYVTWXUol0d+OISLSkGZVXl02a5T/HzPqBbHftOIbtz2RSJmCxzNq+bGYeG4aBQoEFh5v+QD9ktSLhX1Ukbgl4O5PDk1hh6B7uxIK8Fdq6Krt7TIu/oBx6xJWznwzMR2n5NXUXf2g87AX+kzfPryPry8+jjBXi482sbMrEzL9AjyYFC4N0dyK7mm2WLKlYPD2JFexo70Ej65yVGgcPGcwRiNRkrr9Ly29iR3WXvm3rl+EO9cb3/sz3ePZGtqSYtKusfyqzmUU4kgQFJGEWtPlOHloua2UZGEeLsS4u3qcE5eWTXXfbYfgL4vbSFz0TSH62jwwj8QgT2Z5fz7f4ksvrlJZ2Tt4TxOlUlZ/xUH83nrutZ/R1tTSxCBOoOZbxNzuMtaBtrcZWxHZimT41peFElvR3uGIAhEB7hxorCa7u3MmM4aFEp1g4lwX1d6tFJ2LnPu6PDBIcDgcB/MZuji2fYVQ5mOy7qj+Zit86Mdae0rbzhXiKLIu3+cJPFUOTcMDWNyXNvknmX+Pn1DvPl6zylMZgsquZpA5h9AbFcvbkmIpLi6gSsGhjBy0R/UGswkF1RzTXw4IT5NFTJ7M8tQKQREUfL2/GhLGoVVer7Ymcl71w8k8VQ5rholDUazzbx6ULgPvxxsKps0mER2ZVYQ5deUEWkMTh/4NglTs55BgBOtlGmP6xWIh1Zps7AI8FCz6n77IO/y/l15c0MqtXoTk6xZySl9g+kbKqkoe7k0ZQqi5q2yhbcr7hnOgLBzU/lw8yc72ZJWhgBkWLMwQ6L8CPLUUlClZ0Tk+a8yuXVkJPszy9h2spSDp8oZ0M3nvH9mR+WqD7aTU17HoacvRaezn/u9do2j2X30E6swixAX7M5vD4wlyEvN6y14jjYXGwrw0KI3mll7tICfm1m8AMxavFMKskSY+dFeBoR5olOr6B/qfcZqnW/2Zp/139U8C5pRZl8uHebXPouy+EhftqeWoFEp7Cppov3dSCupxUWtcAgMbxwayrI9OagU8Nv97VusmT+tD7kV9YT5tG+c0QHuLJgpJ3cuJB0+OMwoqWH+iiNYLCLH8iv54a7z23z+TyHASf5+WiU0asAEuDmnNMCjmb9i876AC0lVg4kdaZJa6+9HC+Xg8ALSP8yLz7ZbSC2qISbY09nDkZFpE5PjmjIIGpWCWoMZhSA4CMPcd2l3csrr8HJR8/KV/Zj01hYAGoxm+oZ625W4NfJ/CREcyynnu/1SgNgn2A2NSsld47qTeKqMzNI6Hp7YA5Cy76f3WE2ObT1LtuGh0cxdup+4EE8enOCYKfVz15L0rGNmL9THMbvSvN7k4e+S2PjIpa1+dlvZkiZV04jAxDf+5PeHJLubXU9OOCfv3xb+tyOdlYelksYrF++wBaky7eOmT3exL0vyDez7wh+kvjS11ePv+SrRli07kn/mbNiaQ7l2Pxutps01DY4iMSqlgNnUdJ/U6i14uyoJ93O8pht5eFIf3v0zA5D6C1viiSk9WbQmBY1KYO2DY+32xXb14cHx3Vm+P5c3r+l3xs9p5KvbWrYS23iaGmpzXprVn5dmOQbXbUGjUjhNmV2mfXT44FBAsF9qkQHgMicFI7MGhdlWx249gxHr+ebxKTEcyasiv7KBxXPaVi9/rvHUqRge5ce+U+VM6NP23plzTY3exN7MMmKDPQnsJJn1viGSSfHhnEo5OJT5x5FSWI2/VUTlucv7OBi09+nqxcr7Rtt+XnRVX5btOsXUfsE2pdGWeGX2QF6ZLRk+F1U1kJxfyR1f7uWa+DA7JcbNj47m+o8T6ebvQnGVgWBvHa9e3fpk0d/DlV/va7nstL0oaAoQX7/2r01Sz0aIV/syG+eK7LImw3R52vLXya/U216bWxCLOZ3ogLYFLFP6hcDXB20/Pz6lN1tSirljTJTDsSdenEq/Z9dSZzQzvncXnp/RBxetfRa8Jc7mg33n2B7cOVZaqCmorOO2L/YxIsqPp6ZLZugPXtbLodS8PWxNLWbh6uNE+Lnx/g0DUSjk6prOSIcPDiP83Xjxijj2ZJZx5xjn+a0Mj/BmV2YFA0PbV2t9LhFo+sKJ9HPO6k3zGvXMktpWjjx/qJQKwnxcsVhEvF2ck0EFsFhEyZPrLOqD55PXfz/B8fwqPHVqPrhxUKcos4zwc8NDp+JAdgWzh7TfcFxGxpm8/+dJm5poesnZe+JG9whoUfjiTOzJKKWbnxtzv0jEZIGXViczsU+QzWz7gW8PkVtRx7AoH5beap95SMou5/Hlh5jRP4S7L2m/jH1NTQ3u7q33FKUvmsaLK4/yv11Z3LvsINvmjW/35zQy9/M9/HGiWHqdEMZnO7Lp4qHh89uGn+XM88P86bGsOJhHaa2BO1sIOGTaxoaHx9Ln6TXoTRYW3zjwrMc/NCmGlUn5ZJTV8/TUnq0ee3rwdv3QcIdjGq/jQ1YP5ZoGEwezy4k/rUy4psFE3+fWIQLXxnfllavtx7ottZg5S/YAEN/Nhx//LVW+PbPiCPuyykkvrqHeaOFoXhW9gz1aFYZqK29vSCW3vJ7c8no2HC+yiU/JdC46fHAIML1/179lMHwuKKiWVrIKa5wnw9s8BPnfzkxuTLjwmbvdmU3y498n5vLq1Y41/eebt9en8P0+ydbkig+2s/sClg01UlVvZPn+XKr1Rgw7MpnezznXZ61eKodpMFkwi2KneCAoFAJDInzbLactI3M+OZJbybd7s4jr6sV1LUw4Gxka6cumE0UoBIFhzfrgzGYzN3+2l1q9mQ9vGkTQX8h+PfXzYX5NykOnVtr6skGqMADJHmC31ULi2705fLs3BwH489HRRPh5ctXinZgsIskFJxjfO4BewV5t/uzmvVxny558uTsLg9lCTkUDX+/O4oZhZ/59AXy3O4PHfz6Gl1ZJknXCDrDtZInt9ZbUsrN+7oVg71OXOXsIHYJjL0xp1/EPjY/ivh+O8sb6k9w2pofD/sSMUp765Sg9A1xYebgIEegd5O5Q2hn3zBqbn/V946J4eHIMVy3eQX5lPT26uLP83029iZPf2mybl32XmOcQHL6xPsX2+kC2VCb72bZ0/rfL0dcwv6LeYdtfoX+YNymF1bholMSGyJU1nZWOnya4SMgslW7cvIqGsxx5Ycj9Gyps/3Q2pxbbXpfUOBopXwhEJFsPBQIKwXmKpfeP78G0vsE8NqkX2tMNyDowCdF+pJfUUlh1cdyPMjLf7MniZFENKw7mUtTKdXnjsG4svyuB3+4fxbAoP3ZnlLLxeAHP/HKUXRllHM6r5L5vDrTpM00m+16p4wWSr1mD0cw1g0Px0qmY2CeQWGsptm8LlRYicOPHewHsqiAqW/Aj+2jTSVbsdxTdKChvu+ohQLCXVAKvVAiM7nF2oZjHfz4mjUlvZs7HO2zbx8cE2l4/Oqn1jJFMx+a+H44CUGu0MOmNPx323//dQVKLavjVGhgCJBc4XreNgSHAJ9sysVgsFFjv56wy+wCuX2jT4klLk/H5U5sUaxsXgkqqm0pmVYJkNt8/xJ37xrd8/d7y2W5WHDi70E0jT0/vw7d3DGfN/WNaVFSV6Rx0hkSBTAv4O0kMRiVAY4+2r6tzgpHbR0Vwt7VvoG9X55T5ermouW5oOPtOlXOdE0sbQ31cuWlEhNM+31kMt3os7Uwr5YqBIU4ejUxnx2IR6eKpJaWwmnBfN7xPEwz7NSmPnWklXN6vKwnd/eneRXpu/ZCYzRM/HUYE+oU0TTSDztI/XNNgIv7F9TSYLPQP9eKXe0dhMFl4dGJvFq45TqS/G4uu6surp6k6ajQaXpzRh6U7T5FXUUedUXqYzxggVT4smBnLf9edYGikL0Mj/e3OvfL9bRzIlixkUgpreKyZVUOQT/vk6Tc9egkrDuQwLNKPYO/2ZUiLa5om14vnxLdypExnpbzOcWHDU6emsEpv59XckmaMj6uK8jpp0eXxyT1RKBTcNiqSdUcLHLx1P5gTz7+/SuRQdiV/Pjza4b0GR/iSuWgavx3KY/vJErallvDYlBi2p5WSVVbHg5d254XVyRzKreHh7w/y+mz7SqxGBdZNKVKG/IqBjnMNk9lCZmkdoT4uNoG+Pl2bniUGk6XVXmWZjokcHF4gGg14PbQXR3bG9zQRgwtFVKAbKYVSr+HAUOfIdHfxcqV3kAf1BjMTY50jzCMIAgEeWgLctfi4Oa/vsbPSJ9gTLxc1O9JK5OBQxuks3pzGjrRSAjy0LJjZB41KgSiKLNmWQUphDckFVehUCpbtySKhe1PQtSu91JbFEEV4eloMZbUGHhjfHYPBjEZj/31jsViwWGDD8QIarEqLx/KruObD7RzOqaSbnzs/35OAq+bMU4M5CZHMsbYkvLnuOLEhXky0yt3PGR7BnOERLZ6XXtzUY77tZCmPnbb/TCWd725M5vX1aQBM6hPIRzcPAeCKgaEtHt8So6J82JZejgCss6qQysg054p+Qaw4JCnF7nnKUTn357tH8tq6ZIZE+OKhVfLb4TwWXdUUjOWUVxPq48GBZyY5nHv/+B7cP96xVBWkBYqTRVU8v+oE/5kQjb+HfbbOZLawbFcWIiJf7TrFqB7+/HKvJO7U/clVWG9j1h8tcHjv5n6FKw/mtxgcvrMxlT2ZZUT6u/HyLHuF0zfXn2DpjkyCPF3O+lyQ6VjIf+kLRONKVHWjj4OTqdU7p/cxo9kEYb+1hv5C46ZRUlKjx2CyYDBZzn7CeaCy3shP+6W+x2/2ZDEk4vx7aMk0oVAIJET7sTmlGItFRKFwXmmvjExqUTXltUYajGZEpGsxs7SO7xOzKa8zUG8wU28w4+eupcFgQmedpD01tQ9J2RXUG80svDKOlYfzOZZXSY/5a7EACVF+fH2HJK6SUljN/322B73JwnPTe+OpU1GtN6FWCOzNlJ7FGSU1HMquZPgZfNiac7Kggv9MartR+8JZfXnwu4OolQo+vrntKtFvWANDgHXHitp8HoBer6fPcxswixDfzZsof3dinl5DQrQ/S24Z0q73kunYvHXDYN664cz7XTRKnrk8FoAThRU8M6WpjLM9/bKNLFh5mM+2Z9lt+25vNicX2ttuqJQKYoI9OZZfSb8w+x7e5tMXo9lxLuOuUdjKXJfc6mhhA5BmnZOdKq1z8P79/Vghogj5lfVtfi7IdAzk4LCTklmiP/tB54FmvsnUGx29gS4E9UYzLholAqByUlDgrlURHeBOWnENA6xG1DIXlkmxQaw5UsDBnAoGhctm0zLOw1OnpqrBiEJQ02A0465VEeSpo7zWQFWDCb11FlirN3KyuJa4EC+WbE1n0dpkdCoFGx8axw/7s/l4SzoWi2jLJu5IL+VoTjmxoT6sPVJgE6D6/Xgxh56TMhx9n1tnezCrlQKD2mC83uPJVbZnefJz4x1MxltiWr+uTGuD8FZBZR1+rmrUajXPrDhCgJuaolppMdNL174py6PLj9qyJ4mnKkg8JQXBG5OLMBqNXPPxbk6V1PL9nSPoESSLb3R2Vh3K5V5ry8miq/py7RBHoaNBC36nzLrYf98l0Xy1K/MvfdYXO7Ictp3uH9rI/GkxlNbqCbBWfOWW1RHia59hnDXQvgrqx33ZtsCwpfLX5385wvIDuUzvF0Sojzcjov0c1Mpnx4exeFMaEX6ubXouyHQcOnxwKIoib6xPITGznMcm92RguJyhARAuAhMlJ8WGnCioIqesHhFYfSSfe89Q7nE+USoEnp8RS0W9EX8nlfh2di7pHYhKIbDuSIEcHMo4FV83Dd38XBEQbL5sLholVw8O43+7MjFZBCwWkTAfN/oES/2G7/55EqNZxGg2s3DNcUJ8pN47QZBKTBtZc7SA2FAfrhwUwsqkPOqNZm5opoa6aFZfHvo+CbVSYNMjY9rUX9R8ke/7/XncnHBubBeuXryDxFNS+aePm5oya1A4o18Xuvm68fDkGJ7/9Qj7syp474YBhPm23qt43ZAwfj2UD0gVI/VGMxZRsnV6/KcjHLT2QE55ZxsnF07lhZVH2HSimI2PXLjS060pRdz11X7cNEq2Pz4Otdo5egDO5LU1x3h/s2T+HuKlZfsTF15BfPEfKbz6e6ptYeXFVcdsweFP+7L5bHsmd46NsgWGAO/9mfaX/Sibl3x66pTUGSyM7O7f4rFKhUCghw6j0UjMs79jsoC/u4bMRdOInLcKEfh6bx7PzYizXT/N7cpOv6f1ej2f75QUT7/ek3PGbOetIyO5daRz/KhlnEuHDw6P5lXy4eY0zBaRB75NYstjcr8BgLM0GlWKplIINxfn9F8eyqm0PdALKp2nVqlSKuTA0Il4uail/o2DeTw6qVen8Hi82BFFkbTiWg5mV5BfUY8gQKCnjj7BnvQJ9uyw5b9zR0US5uNKVIAbXTx1mC0iZovIY5N70dXLhfc3pRLk5cJXtw2zmVIPDvdmY3IxCgFmDQphTM9A8ioaKK3VcyKv0mabNNNq4xTm48r6h+xl9+f/dJjfDudxxYCuvGI1st+TUcq6o4VcOySMnl1aFuxy1yqp0ZsRgP6hnnyzO5Prh0WwYOUhPtsuKSM27w9sK4dzpWBNBCqaTcKVCiUPT47hp33ZfL5DmtTOfH8H+5927A1rTkKPADY9PJo/TpQwd1QUSdnlvLr2BHeNjWLZ7qbMjSiKvLL6GEu2S+8dMW/VBbO1uPvrA9QazNQazNz6xX6+un1Yi8f9eiCbGS30jHUEGgNDgNzKv1fVdCCrnA83pzGtbxAzBoTy+bZ03t6YSqCHQEqRdE25qRUcbWZ18cexAl75PdXufUY1C9Qe+fEQFhEe/C6J7gGunCyW1N6bB4ZqhcCa/4zkr3DouclnPwjYll5mmz+Vnqa0LgKnyuvpHigFh4MjfHnlyr6sPJzPW9f2bdP7f7I5hav7BeDjIy+WdnY6fHBY3WDEZJbKbCrrnWNbINNE8xp5vZP6LxOi/fh6jzSB6XGGyY9M5+C6IeHc9dU+/jxRzGV9ujh7OJ2WBqOZ5ftz+Gxbhq0H5nQCPbRM6xfMLQkRdGu2Kt4R8NSpucqqZFhao+fpX45Q3WDi4Ym9uCmhGzcldHM4Z8ktQ9l/qoxgLxebYueb10oCGT3nr7EddzCnkh5BLfsNfr0nCxH4PjGHV67uj8Fk4e5lBzCYzGw6UcS6B0ZxqqyBP48Xsi+73KbuecTqFfjz/ixmfrAbgNfWpdipPLa3PxBgalwQKw7moVTA3WOjWbwlHU+dmjevk/zfGkxN0/EzVOA5EBHgydwAqWS0f5gPy/4l9WCO7hnI2Nf+oKhKz5Kb41nw27F2j/dc4OumprpBKqPpdwZfucaetvu/O3TFDOuaAAAgAElEQVRReDGea0K8tLag8O8s0VksFuZ8uotag4X1xwrxd9exaO0J9CYLzW0Aa432/XlbmtlbAXx121BG9QhweH9RFNnwsJRgyC2rY+SrkuWFWimQ+tJUh+Pby7t/pHCysJa3rx/Y4v5LenXBTaOk1mCmV5CUNZ/aL4jfjxTSo4s73QPtr59rh4VzbQseoFqtlsmxXfgzuYirB0sLDo3X2EtrUvnqtnhG9ZC/DzszHT44jPR3x02rpN5gprfcU2DD+yIQyDQ4RwsGQZBW+cyiiJu2w98CMq0wPiaQLp5a/rczUw4OncT+rHIe+T6J9JJa+oV68cLMWBK6+xPq44KAQG5FPQezy/n9aCFf7TrF0h2ZTI0L5uGJPYkKaJ8Fwj+BE4XVlNVKC5mJmWWt9iQP6tZym0SEvysphTWoFAKDwr2pqG1gzGubqTOYuX1UJPOs/mlqpYDBLKJq3pRkrUk1WEvYjM3q3/o9v45Dz05i4erjrD6cj2hpeoiX1RmJ9HMlo1TKqgS6O5ZH1tfXM+39XYzuEcDzM+Mc9r953UBbIAjw0KTedvtvGBbO3swyjuRW8vZ1A04/vd1sfvRSAPo+t5bqhqbFyvG9mgKDEQvXk19lYO7IMJ65vJ/De5yLMdz3zT6iA9x4cEJvh/21tS0vlnQktj8xgWU70kguqOGFWf3PfkIrNC5Ai0BygWTmrm9BeG7WB9v54c7hKJVK5gyLZOlOKZPcM8DNFhhuSy1kzpJE2zkLZsTaXof4uvL+DQP5cV8OL7ZwLZ+NA48ncN8Px3n3GulefPaXw3xhHcOu9FJ2z2+5tPboAvss4/s3DG73ZwN8eFOTjctdXyba7Xt2xVE2Pip/H3ZmOvzM2GQREUXpQWEyXxxKoRcDLdj4XHDUTqoQs4hSgKhAsOvNudCcLKrhaF4lY3oEyHYWTkKtlDyoFq5OZld6qc3/UOb8ozeZeXN9Kh9vSSPYy4Wltw5hbM8ABMH+wRDp70akvxtXDgylqKqBL3ZmsnR7JmuPFnDdkDAenNCTAI+OU549MMyH6AB3avUmJsS0PkHLr6znx8Qcwn1cGdHdj0Crv+Hv/xnLj4lZLFx1jKs+3EXfrp5UWbNTX+0+ZQsO1zwwhg82neS2UVJfkUal4M3rBrDmcD4+rmre35Ru93l1ejNms5nPtmUgAoIoaauKwNge/nxx2zB+O5hDVb2JG6z+qVtSirj5s71275Necgp3rZJHJ7dd7bSRxuzouaR5YOjrorIpO767MZn8KilQ/2x79nkJDgHevf7ME3w3t6YseUcufL8xIfpvnb9w1TE+3iqVpyqBhO7+zBnejVkDg3l5zQlMZgvLD+RJ+wVIyqlk4Zpknp4ey4S3NtveJ6VZ5cKtn9sHTXNO8wRuq8hSS/j4+PDVHQm2n/efalJvL69rX5WbyWQiubCGuJC/Jm63K73M7ucfb285cynTeejwwWFqUTV1BjMi2Pz1ZCDUxzmTKR+dgvIGaRWve6BzSsPctSoUCgHRIuLmJN/JBqOZF347ht5k5kBWBc81W5GUubDcPCKCz7ZlsmDlMVbcM1I2/L0AHM6p5OEfDpJSWMN1Q8KYPy0GD93ZhTgCPXU8Oqk3t46M5J2NqXy9O4tfDuZx9yXRzB0ZaTNx/icy472tZJbUMbanH1tTy9CqFdzdgjx9I6Io8uRPh0kuqKKs1ojZbMEsQnSAGxseHkdepR6TKKnTiKKIUiGJ3fRvlomMDnTn9dkDKKpsYNjCDZjMIt/8axhzR0Xy3sZUtCoFpsYxCALzJvVCqVSiUyuoN1rwcFFz4Bn7vr/pA+z9B5/++XCL49+dXobBYODPlBImxbV9gj3l7S1kldTxwZyBjO11brIbjQEuwJ1jz424zrmkI5aSnmu+3tPUQ2oG7hwdiUalQKPS8crV/blq8XY8dSrqDGYsoogCiOvacrl1I9fFh/LlnpxWj9mWWkz3QBeCvM5exdAoHvPuNbFcPjjCbt/yu4Yx4MU/MJgsvDKrL1/uyODpX48hAOsfHkX3gDOPte+C9dQbLAR6aNk+71Le3ZhKdnk9d4yJIib47BVzN43oxgeb0tCqFGx8aCw+1jJ1mc5Lhw8OI/3cbCIowV4dZ3X571JW6xwri+a1/oXVzhmDh05NoIcWvdFCpL/zepeEjqmt8Y9Dp1ayYGYsd3y5j4Wrj/Ps5X0cslcy5waDycJ7f57k/T9P4u+u4fNbh3BJr8B2v4+/u5YFM+O4JSGCl9ck8+raEyzblcXjU3pzeb/gi/7vJ4oim1KKMZlFdqWVUFbbwKGcKgBWHipEADRGBR/8eZL/TOhJRb2RMF9XfJtVGCTlVJJZWktFnRGj2WLrwTtZXMsTy5N48LJerDtawMnCaralNWUGahocZaLv/WY/hVXS8/juZfu5clAoBdV6BoZ78/jk3gw8Tc13zQOjWb4vh+uGOvYz/Zh4iq5eriRYS/MSov05lWg/wVYJ8OPdI4l6YhUWEVSKgw7+bi3xzM+HOZ5fDcCtSxNJf3kaoxdtJMzXla/vGHHW889ExqJpfLQplXE9g+jVtakP/b7xvflyZxZFNUZuHt4xxWA6CgPCfdiWWmL72VVrv8h3a0Ikr6xNpk9XT8b3DiQqwI3xMUEAPDQ+mjc2Sn6aGx6WDOZ3pBYT09WT5XcksOZoDk9d3pfliad4/KcjTOvbhVE9Annip8O2MtYlNw9mfJ8gu8987pfDLN2ZhVohees2LkDc98NRu+CwoaGBmOc2IgIhXjquHBxGpLUHUARmvrvToZy0kfyKeuqtPTolNXpSCqvZkynd72sO57cpOHx4Yi8entjrrMfJdB46fHDoqlHhplVTbzQT7CWvhjRS4Zy4DEOzyt7SOud4Wfi4qiipMWA0WzCYnFNqrFMreXp6H47mVTH6DPLVMheOibFBzB0ZyWfbMzBbROZPi2k1C1WrN1FeZ0AUpdJUf3eNrHZ6Fg5klfP48kOkFNYwa1AIz06Pxcv178n2RwW488nN8ew4WcKLq45z/zcH+Hx7Bk9P73NR25PsSCvlo81pHMyqoKGFfigEydQ6p7yeO77ah4+rGk+dmrevG4iLRrouAz20hHi74KpWYDBDalGN7fS04lq+3ZPNF3OHEv/iBru3TsqpJGLeKi7rE8AnN0vlk/1CvNiTWQ5AiI8rUf5u7EgrwddNa9fX+dHmNJbuyMTbRUVFnZGj+VV80kyRdMgLv1NstZ8Y3yuAJbcO5eWr+1NY3cC+UxUsnBXHtH4hABgMBltAeyZ/t9NRnqZW2/3JVZgskF3RwIx3t/LrfaPb9D4tcee4li2N9jzVuiKqzMXBV7cN450NJ/h4awbjevkzqJv99+r0/l2Z3r/lDPX9l/Xm/sua+j0f+u4AP1lLUL10KpKsnqAP/3gEgF+SCvklqdDuPT7fmcn4PkHklkvKNyE+LrY+RqOFVhWUHvj+sC1wzLUqqLtahWcAopstYifnljH53Z0AhPu6sOWxS4nwcyW7vJ74bt5083Mj2MuFwqoGUguriXpiFZ46NQefla9jmbbT4YPDkho99UYzJrOFnOZyVTKdlhUH82kwSqXGvx8t5ImpfZwyjugAd6I7oKDGP5WnpsWgVMAnWzNYcySfCTFdCPeTjIaLqvTkVtSTV1FPbkW9ncw+gEKAQA8dMcEexHb1Ii7Ek7gQL0K8XS76LNb5Jqe8jrc3pPLj/hyCPHV8dks8l/Y+t2IHCd39WXnfKJbvz+G/604w64MdTI4N4vbRkQzu5nPe/gZVDUaySuuoN5rxd9e2uRJBYR2PoVlgOCjMk7hQb7alFFFSa8LPTYtKKaA3mgFJ0bLWYLIFh129XXhj9gAq64306OLBW+tO8P7mNEJ9dCgUAjvTS9CqFehUgp3KZyMbjjUpND51eSwR/m78caKQLSkl7Egr4eUr4yiqamDggt9xUSvZeP8IXl6TDEC+5DhB/rEi+j+3jh1PjMdNq7IFhgBbThYz4fVNiMD/5g6z+TA2otFo8HJRUVlvItCjbT3Xz86M40BOBWnFtXx04yBuWLLHti+z5OJuG9l8ohC1QmHLqLYHi8XCT/tz6RnkQb/QprLglIIqPtiUxu2jI/9yv1lH4v4Jvbh/QssZsAn//ZOM0jruGB3Jv0ZFMnjhH4jAPeOiHHpf1x4psL2ubCHTfjpKhcB/r45j2a5TPPvrUQBeuCIWtaLJE/SBS6J49890Gu/4iHmriAn2YM0DY/j32O42dV8XtbTIeHTBZGa9t40unjoW3xzPnCW76BHoxtYTTdnRrDJpTrvpUXuLttev6Y/BbCHm6bWSLUy9kZnvbuaX++ytbGRkzkSHDw4NJgsGswVRbH+Tb0fG7SKYrzqp3Y/QxkmKiF2ZlkznRqEQmD+tDxNiuvDZ9gzWHi2wBYHuWhVdvXWEeLswMNybrt4u+LlpUCoUNBjNFFU1kF1ez7G8KrakltiMzH1c1cSFeBEX4kU3X1e6eOno4qHDTavERa1Eq5b6tzRKRYcKIhuMZnZnlPF9Yja/Hy1AEARuGxnJAxN6tKm38K+gVAjMjg9jWt9gPtqSzlLr3zAm2JPp/YKZ2KcL3QPd2/17NpgsZJXVkV5cQ0ZJLenFtdL/S2ooaeY1dsOwcBZe2TY/sRHRfohiD5Z75/DLwTxc1Eq+um0YrjoNFouFqgYTepOFxMxygry07Eovo09XTwdf1EBPnU2E5sFJvXhwUi8KKht4fPkh9CYz4b6u7Jg3gRdXHcNFaWHlkQKqGqRrs6u3zu695oyI4JekPEQkwdLfjxWxMbkIiwi1BjPD/7utxX9LZYOJfy/bz5NTezO+VwAbT0hBZ6SPG2lW5dL5Kw6z1Cry0pykZyex+lA+L646xoz3trHs9mFnvT5W3DPK9vrxiT1s/nS7Hh/T6nnOZM6nu9h2shSAybFd7JQi28JD3x/ij+RClAqB7+4cYfOfnP7udgxmC78dym9TWW5n5ds9mZwska7FxVsy+D4xx5ape39TukNw+Mbsfty17CAACVFNisAeGiXVBjMK4J0bBvDhpnRuGt6Na63l1SsOHsJsEREEWHOkgNSF07jy/W2M6e7HfybF8J9JMdy8ZDdbrOWvjSXSA7r5kPzceBKzK+0sJH66V7rWB7+wntJaA9tSSxke5WP7t2iVLT/LFAoBnUKJTq2k3ihlH5Nya4ict4qMi6R/1WCykFVaS3fZTuyipMMHhxqlAgUgCqCVy75saLTOmYg29n8CaJ0kHtEr0AOVVZwhpqvz7E2O51dxOKeScb0DCPTQnf0EmQvCsCg/hkX5IYoiDdZl38ZsTVtoMJo5nl/FkbwqjuZWcji3kk+3pttZApyOIIBWpUCnVtr9302rwl2rwkMn/d9dq8Zdp8JDq8Jd17RP2i/tUysFBAQUAgiCgIA1UyVgt00ELKKk5oxofY3UD2cRQUS0bpdei2LT8aJ1m8FkoaLeSHmtgeIaPWlFtZworGLfqXIajBa8XNTcNDyC20dH0vUCiRy4aVU8dFlP7hobxc8Hcvk+MYfX1p3gtXUn8HZV0zfEi0h/qfTK102NRqVAZQ3ya/UmqhpM5FXUk1NeT3Z5HTnl9bZgH8DfXUOkvxvje3chMsCNCD9X3LVqgrzadw8ndPcnobs/C2f1tVscUCgUeLtqWL4vh/SSGvqFhnPN4FBeW3eCVYfyGRzug5+7hgGhnny0NYPL+3VlQLgP1Q1GXl17goo6PT6uarQqHZNju6BQKHjDqvC54Eozn29L44+UInzcmv4eKYXV7Ekv5f5Lorn/uyQUgsDDE3uyJ6OMinpHaWudUqDBej0LAhhMZo7kVrHk1qFYLBZuXZpIYmaZJPwhCCgFgcTMMuIjHK03vtx1iqJqPXmVDYx/fTN7ziDh3xL/vrQn/760Z7t+784g8VS57fXao4WMeHkDmx8eg0bTtsXJgiopQ2S2iORX1NuCQ6PVSsTcVtPHTopaYT/3GxDmbVvE0Koc50KT+4aQuSjEYfvh0/r+pvcLobRGz+GcCvqGepOUXW5bXLl3nKS+ajBZ+GRbJv8aGYa7uzv3XRplCw793aW/f1mtgS92ZOHjqmZEtCQelZxbxvT3dqJSKjA2E6bam1GOVpCe331DW88WJz19KXM+2cOebCnVf7FcJRaLhZnvbyO3vJ7hUX58fHP7Fktkzj8dPjgM8nahm78b5bUGLo1pv/BBR8VZXyZalYDJIH22p845l9+xgiqUCgFBEMhwUilSvcHMwtXHMZotHMmrZMFf8EmSOb8IgtCuoLARnVrJwHAfOxEPg8lCUXUDBZUNFFXrqTOYaTA2/ac3WdCbLNJro4UGk7S9zmCmusFEfmUDNQ0mavTSfxcrLmol0YFuXDcknDE9/UmI9neagqirRsWNw7px47BuFFQ28OeJIpKyKziUU0lSdoXN2qEl/N21hPm60DfEixn9uxIV4EakvzuR/m54uZzbzKdW5fj7OVlUzWfbM9CqFJgtEBPsQXZ5HaW1Bg5ml+PvriU5v5pqvYllu7NIfHI8B3MqSS2qJqu0jrJaAxqVgq4+Oh4Y3xQ8XfrGFk5Zs3lQSVrRZr6+fQQ3frobvdFMv1AvO/XRg89O5IFvDrDuSB7N3B4I9nEhyt+dey+JZs3RQgwmC5dYvQHTi2vZkSZlz711KmK6erI3s4x9X5Tzxdwh9A+z7wWdGNuFnelSVq35RLsj8dikXiz47bjt5/xKPdPf28HvD41r0/kLZsbx8urj9OzizthmAk43jwjnl4P5TImVPela46r4cL7Zk82h3EqenhbDTQmRzP/pECcKqvnx7pEtnvPoD0lkltbyyKRevLImmfExgdxziX1f6omCKma+vx2jWWRqXBBmUVp2E4AIP3du+GQHR63ZwbgXNzOxTxduHRnJiecnkFWup4fVe/uXg7nszpDugT5dvRga6cu093ZiFsFksthZmJhFCPNzpbzOeFZvXo1Gw/f3jKLHk6swWsDnHD+7/ipVDSZbb+aR3Eonj0amJTp8cKgUBEpr9NTqTRRYG31lnOeX5OOmo9YgPRT8nZQtiwpwQxAkK4sLlc04HUGAvIp6ymoNeGgvjge2zPlDo1IQ6uNKqI/r334vi0Wk1mANFBtMVFv/X6M3Ud1gxGCWUnui9djGlWyL1dSzMfunEASbYm7jawGpJEkAEKzZR6R9ja+lDKR0jFqlwMdVjbeLBl93DcGeUr/bxUaQl47rh4ZzfTN1zVq9iYp6I0aTBaPZglalxE2rxF2najFguxD8cjCXY3lVGExm8irqEUWY0T+EgWE+LN+XTVpRjZTJFUX0VjEto8nC4z8dJi7ECz93LQWVDTbhFtfTAvP8074Dkwtq+N/2DGtfI5TWOLZeLLgilt0ZpTY1U6UCMkrqyCip43h+FTueGG93fE55nS1LXl5vYkdaGVoBtFoVueUN9D9N9POHxGwUgpSh9nXT0Ce445WZzR0VxdxRUQx5cT3F1t+xWzue+z27ePB5C2W5z8/oy/Mz2lbK3Nk5PQh8aVaTZ+VNn+5iR1opo3v4s3TuMP7z3QF+tgrSXPvRLgAO5VQyqU+QXRnkn8lFtmt936ly7rukO1/szGR0jwACvXScLGwSiQKpR3nNkXxGRMfRI6ipRDzC2qusUSlt5d4KQcBsfWb7uakorpUWs3zd1Gx69BIaDCZ0mrZN4VMXXhylpI14u2qY3i+YnemlXDfEUfFYxvl0+OBw+8liKuulm2p7WqmTR3PxYBCdEx4uv2s4sz/ejU6t4Jt//XXp8b9DoIeO/qHeWESRwU5SNNSbLHjq1CgVAlq1XO4s03YUCgEPnVrqzWrdpkumFdy0Kty0F89XYFFVA99YvdpqGkxEB7hhNItMjO1CV28Xqz+bdGx+RQMLZsaxeFMa9UYzW1NL2Jpawv/mDqFvqA9Lt2egUAjcOjLS7jOm9Q1mdVIu+mYCqR9tS+fBCT3ZlV7KvZc6Kna+tOo4xTUGFAoBHxc1JrOFCmvWtbqFLLaniwaVQrBTINVplVwzJIyp/YLtjn1tzXGOWTMrSgH2PnWZ3X6DycKqw3m4aVRMjLW3Cfgnsv2xsUx6ewceOhU/39NyxkqmbVgsIquP5AMwJS7YQcm2PWy19oNuSpHKPdOKHCuKBAFcTgvG/i8hku8Scyit0XPf+O5cP7QbD17WlKnf89REm7dhlJ8LAgKjWxAkuqRXINH+7rhqlba+4kNPX0L8y5tx1Sht90VOeTWhPlJw2tbA8GJlYbPgXObi44JeXYIgxAEfI3mUngTmAm8A8cB+URQfsB73Zlu2tYXmCmnKDiT48He5amDw2Q86D+g0amYOCEGrUjjN5y8qwJ3502IoqdEzykk2Ep46FQnd/dh/quKspSEyMjIdH08XNf7uWkpq9EzpG4RGqaR7F3dbdcPYngEknqoAIDLAnbE9A9iRVsr2kyVYRBGVUoGrVlpwum10FI/9mMTgF9YztW8QL1whZZfevHYAb147gK92ZfLUCklVsau3C3eOjebOsdEtjmtopC8/7c9FBCbFdWHBzL6MefUPqhpMLPm/wQ7HD+rmw/MzYnnxt2PUWxvMF984uEWVTk/XpilISxnnX5Py+HFfNiBlFVvqWfwnodFo+PPRcU77fIPBzKJ1yfQP9WbmQMeeun8CH29Oo0Zvol+oN1/tOgXA8sRsDuVWcUnvQP57TX+74yvrjCxcfZwag4lHJvZqk6Lwj3cOpecz620/K4H/Xt3fQXHXRaPkz0fGtfpezQVgzBbxjEFsozK27b1dXBy8DRsDQxmZ882FXno4IYpiAoAgCJ8DQwE3URRHC4KwWBCEIUiB41m3iaK4ty0f2Lw/R9PJEzT7nprAhNc3MbK7Ly/MGuCUMaw7WsAea219ry4eTHBSYBQX4tyUiyAIPDqpN6IodiiVShkZmb+GTq3klav6UVStJ8LP1eG5cN/4nkT4uZFZWst943uyMimP/Mp6uvm54uemYfaQcJtQCWAL6L7dm20LDhuZMzyCQHctxwoqeXBCb1rj6sFhRPhae5ys2bvt88a3es6Nw7tx4/Bu6PV6tFrtGY+7c2wPjuXVkJhVxtL/cyybdGlWFuus3tWOxDUf7+RIXhUCp/B2Vdv1L/4TeGv9Cd79UzKrH95MRXTryVJEYMWBXF6ZFYdS2XStHMgu51SZlAncllrcYnD477FR/G9nJjePiACkID5z0TSmvLERD1cd3991brK8fye7KSNzIbmgwaEois1lz/TABKDRoXcDMBywtHGbXXAoCMIdwB0A4eFNNcyhPi7oVAqMFpFgn7Z5UJ0PXNQK9CYLaicqpvq5aznw7CSnfT4gSckjoFIKtjr7zowcGMrIyDTiplUR2Uqp6+UDmrI9g7r5sPpwPqII86fFEOZrn3nw0KmoajDh7dpyb9vEuGAmxrWtgiQ+0q9Nx51Oa4FhI29fP/CM+6b2DcLHTY27VuX0Bb2OQKVVeVYE8ir/eb7Pec17ZkV4ZKLkaXj3sv2U1hrw0KnsAkOAviFeBHroqDOYGBbV8nX8+JQYHp8S47B9zUOtL4LIyHRULnjRsiAIM4CFQAqQD1RZd1UCsUhZwrQ2bLNDFMWPkUpWiY+PtzU7dPNzZ/GcQew7VW5bFXIGb107gC93neLa+M7dfDso3Ie3rxuAUiHg5372iYOMjIyMjCMh3i4snuNY1tnIpkfHsf5YIZP/wWXrgiCQEO2c0v+OyAc3DOKRH5OIDnDn+qHdnD2cdvPijDhyy+upM5h55/qBtjnEHw+NYe2xwhZbNPzctbxz/UC5SkdGph1c8OBQFMVfgV8FQXgXMAGNRnOeQAVSINiWbW3mkt5duKS3c78gJ8UFM6mNq7QdnUbTZhkZGRmZ84OXi4arB4ed/UCZTkOfEC9WPzDG2cP4y2g0Spb9a7jDdvc2XOtyYCgj03YuaI2jIAjNU0VVSNUNjXn7CcAuYGcbt8nIyMjIyMjIyMjIyMicIy50A9xkQRA2C4KwGegCLAIaBEHYClhEUdwjiuL+tmy7wOOWkZGRkZGRkZGRkZHp0AiiKJ79qH8Y/v7+YkREhLOHISPzjyYzMxP5PpKR+evI95CMzN9DvodkZP4e+/btE0Wxfebm/2wXzTMQERFBYmKis4chI/OPJj4+Xr6PZGT+BvI9JCPz95DvIRmZv4cgCPvbe04nd/6TkZGRkZGRkZGRkZGRgQ6aOTydP5OLOJZfxRUDQwjxdnHKGOYs2cWutDIGhnvzw10JThnDc78c5oudWbioFRx7YYpTxtBgNPPtniw0KiWz40NROcn3ccWBXIqr9cyOD8PrDD5gMueGiHmrANAq4cRL05w8GhkZGRkZGecS/cQqzKKUoUlfJH8vylxcdPjMYVFVAx9tSWNrajGfbctw2ji2pZZisojszSx32hiW7sxCBOqMFv791V6njGH14XzWHi3g16Rctp4sccoYDuVU8O3eLDYmF/J9YrZTxtBZ2JZaaHutNztxIDIyMjIyMhcJZqvch8W5w5CRaZEOHxy6alW4a6XMUBfPzm26rmhm8zOkm59TxtDF6nEoIBDg7py/h6+bBpVCuvQDO/k1cb6J9dc4ewgyMjIyMjIyMjJtpMOXlbprVSy6qi/ZZXX0C/V22jiW3zWCF1cd58EJ3Z02hv1PjueKD3dyaW9/5o6OcsoYRnb3J8BDi1qpINLfzSljCPVx5ZWr+1FeayAuxMspY+gs+Pj4cFmMHxuOl/LklB7OHo6MjIyMjIzTuX1kOEu2ZzFnaKizhyIj40CHtLKIj48XZXUrGZm/h6wSJyPz95DvIRmZv4d8D8nI/D0EQdgnimJ8e87p8JlDGRkZGRkZmfZzNK+S3ell6E0W4kI8SYj2R9m8P0FGRkZGpsMhB4cyMjIyMjIyNnLK63jy5yNsSSm2294j0J03Zg+gb6hcji8jIyPTUZGDQxkZGRkZGRkADmZXcMvne0VkpRQAACAASURBVDCaLMyfGsPMgV1x1ajYeLyQl1cnc81HO/j4pnjG9Axw9lBlZGRkZM4DHV6tVEZGRkZGRubsJBdUMefT3Xjq1Ky6fzT/GhNFoIcOd62KmQNC+O3+UUT4uXHXV/tIKax29nBlZGRkZM4DcnAoIyMjIyPTySmt0XPb0kRcNUq+u3M4ES2oSfu7a1l661BcNSru+nIf9QbZvFRGRkamoyEHhzIyMjIyMp0YURSZ99Nhimv0fHJzPMFeLmc8NshLxzvXDSC9pJa3NqZcwFHKyMjIyFwI5OBQRkZGRkamE/PLwTzWHyvk0Ym96B92dj/ghO7+XBsfxqdbM+TyUhkZGZkOhhwcysjIyMjIdFKqGows+O0YA8O9mTsqss3nzZvSG1e1kv/+P3v3HRfVlf5x/HNm6EWKIEVErNh7jzG2NE3vyWZTN9ls2u7ml1421fTuJrtpm7Ipm16NsUWNvXcBUUGl984AM3N/fwwCRtRBZjgMPO/Xi1eGy8y9XyJw57n3nOcsSHFjOiGEEG1NikMhhBCik/r3sn0UVdbyxHlDWrSGYVigDzdN6c3C3blsOVjsxoRCCCHaktuKQ6XUeKXUaqXUCqXUK/Xb7lFKrVRKfaKU8m7tNiGEEEKcnKySat5bmcb5I2JPau3CGyb3omugD68tSXVDOiGEEDq4887hAWC6YRinAt2UUqcC0wzDmAxsBy5QSkWe7DY35hZCCCE6vH8v34fdMLj7jMSTen2QrxfXTkpgWUq+zD0UQogOwm3FoWEYOYZhWOo/tQLDgGX1ny8GJgDjWrFNCCGEECehsKKGLzYe4sKR3ekRHnDS+7l6Qk/8vE28u2K/C9MJIYTQxe1zDpVSw4AIoAQoq99cCoQBoa3Y9vvj3KyU2qiU2pifn++G70QIIYToGD5ccwBLnZ2bp/Ru1X7CA324dHQPvtuSRV655cQvEEII0a65tThUSoUD/wRuxFEcdqn/Upf6z1uz7QiGYbxtGMYYwzDGREZGuv6bEUIIIToAS52Nj9akc/qgKPp2C271/q4/JYFam50vN2a0PpwQQgit3NmQxgv4GLjHMIwcYANwWv2XZwJrW7lNCCGEEC00f2c2JVV1XH9Kgkv21zsyiIm9u/LZ+oPY7YZL9imEEEIPd945vBQYCzynlFoG9AF+U0qtBEYA3xmGkXey29yYWwghhOiw/rf+EAldA5jYu6vL9nnV+HgyiqtZsbfAZfsUQgjR9rzctWPDMD4DPvvd5jXAc7973nMnu00IIYQQztufX8G6tCLuPSsRpZxf1/BEzhgcRXigD5+tO8hp/WVqhxBCeCq3N6QRQgghRPvwxcYMzCbFJaPjXLpfXy8zl46OY1FSLnll0phGCCE8lRSHQgghRCdgGAY/bsvitP6RdAv2c/n+Lx/bA5vd4PutWS7ftxBCiLYhxaEQQgjRCWw5VEJmSTXnDItxy/57RwYxMj6UrzdL11IhhPBUUhwKIYQQncC87dn4mE3MHBTltmNcNCqO5JxydmWVuu0YQggh3EeKQyGEEKKDs9sN5m3PZkr/SLr4ebvtOOcOi8HbrPhmc6bbjiGEEMJ9pDgUQgghOrgth0rIKbMwe1i0W48TGuDDjAFRfL81E6vN7tZjCSGEcD0pDoUQQogObmlyHmaTYnqi+4aUHnbRqO4UVNSyIlXWPBRCCE8jxaEQQgjRwS1NyWN0fBghAe4bUnrY1MRuhAV485U0phFCCI8jxaEQQgjRgeWWWdiVVcbUAW2zOL2Pl4nzR3Rn0e5cSqvr2uSYQgghXEOKQyGEEKIDW5aSB8D0Ad3a7JgXjepOrdXOvO3ZbXZMIYQQrSfFoRBCCNGBLU3OJybEj8So4DY75tDuIfTtFsQ3MrRUCCE8ihSHQgghRAdVZ7Ozcm8BUxO7oZRqs+Mqpbh4VBwbDxRzoLCyzY4rhBCidaQ4FEIIITqo7RmlVNRYmdIvos2PfcHIWJSCr2XNQyGE8BhSHAohhBAd1Nr9hQCM7921zY8dE+LP5L4RfLM5A7vdaPPjCyGEaDkpDoUQQogOas2+QgZEBxMe6KPl+BePiiOjuJoN6UVaji+EEKJlOkVxmFdmYUN6EVabXVuG3DILH65OJ7OkSlsGIU5WZnE1T/y4i92ZpbqjCCGcVGu1s/FAERM03DU87IzBUQT6mPlaGtMIF/hk7QHeWJqqO4YQHVqHLw4raqw88M0OXlqYwrsr07TluPrddby0MIWr3l6nLYPNbrDpQDE5pRZtGYRnOmfuCj5cc4CL/70Gm82mO44Q1FhtbEgvoriyVneUdmtbRgmWOrvW4jDAx4tZQ2P4eUcO1bXyt0OcvDeWpvKPH3bx8qJU7v5ym+44QrQrOzNL2Zdf4ZJ9dfjisLrWRlX9CamwokZbjsMLAZfXWLVl+GhNOi8sSOb+b7ZTUiVvqITzLHWOu+51Njvy/k60B68tTuWlhSk8+O0OraNC2rM1+wpRCib0Dtea4+LRcVTUWFm4O0drDuHZ0goaR15llVRrTCJE+7I0OY+n5u3m4W93kpRd1ur9dfjiMDLYl79M7cOMAVHcOLm3thyPnz+Y0T3DePTcQdoyFNQXx5Y6GxUai1TheR6cNYCErgHcMrUP/j5m3XGEaPh7Vmapo84mzU6as3Z/IQOiuxAaoGe+4WHjEsLpHurPV5tkaKk4eU+eP4RR8aEMjunCq5cP1x1HiHYjv/58aGBQ5ILRNF6t3oMHmNI/kin9I7VmGNI9hAMFVQzrHqItwyWju7N6byFjE8KICwvQkqGixsqHq9Px9TLxx4k98fWSQsMT/HFiAn+cmKA7xnHd++U2skotvH/tKLy9vXXHEW6UW2bB18tMWIAP101KkAsWzbDa7Gw5WMJlY+J0R8FkUlw8qjv/XLqXnFIL0SF+uiMJD+TvY+bLWybpjiE6iBqrjf+uOUCN1c61kxII8j1+SVRVVcd1H21gUGwXHjtvSBuldM65w2Kx1Nnw9zYz0QXTCDr8ncP24tr31vPmsr1c85/12jLc/NFmtmeW8p9V6Ww+UKwlwy87c1iRms/ipFxWphZoySA6nnu/3MYXmzJYubeA6S+v0B1HuNnnGw6RmldOcVUtXfzlQkBzknPKqa6zMapnmO4oAFw0Kg67Ad9tlTUPhRD6rUwtYHFSLitS8/ll54mHvJ/60jLWpxfzweoDvLo4uQ0SOs/fx8w1ExO4dEwPTCbV6v1JcdhGKmsdwzir6/RN2KqsH0pqoG/+ZXx4AAqF2aS03b0UHU9mk/knMmS64+vZ1fG3w9/bTGSwr+Y07dOWg44LgKPi20dxmBARyOieYXy9KQPDkGHAQgi94sICMJsUCkV8+Infj1qavH/PKOrYjR07xbDS9uCZi4bx5cZDXDCiu7YMb/5hFA99t4Nh3UM5fXC0lgzjeoXz/CXD8DabZGiRcJkPrhvN9JdXUFFj5X83jdcdR7jZ+SO6Mzg2hK6BPoRpWr+vvdtysISIIF/iwvx1R2lw8ag4Hvx2BzsySxkWF6o7jhCiE0uMDualS0dQZ7PTw4ni8P3rx3DzR5uIDPblxctGtEFCfaQ4bCPTB3Rj+oBuWjOMiA9j3p1TtGYAnPolFKIlvL29WXHfdN0xRBvq2y1Id4R2bfPBYkbFh6JU64cYucrsYTE88dMuPt9wSIpDIYR2LblJMa5XBFsfPdONadoPGVYqhBBCdCCFFTWkF1a1m/mGh4X4ezN7aCzfb81qmOYghBCifZHiUAghhOhAthwsAdrPfMOmrhofT0WNlR+3ZemOIoQQohlSHAohhBAdyJZDxXiZFMPi9C2ddCyj4kNJjArm0/UHdUcRQgjRDCkO20hpVR3L9+S7ZHHKk85QXcv9X23n+y3SSly4xqGiCq5+bx2frpM3ekK0F5sPlDAotgt+3u1v/UelFFeNj2d7Rik7M0t1xxGi3bNardz04Qae/TlJdxTRSUhx2Ebm/Lybfy3byxM/7tKW4eI31/Dl5gz+78tt2tY5FB3LrNdWsjK1gIe+3cHuLHmjJ4RudrvBzsxShrfjhi8XjOyOn7dJ7h4K4YSzX1/FoqQ8/v3bfl5fskd3HNEJSHHYRg6vvaZzDbaq2sZ1Dour9KxzKDqWOptjvTIDKNC0dqYQotGBoirKa6wM7d7+hpQeFuLvzTnDYvl+S6asSyrECTT9HclusqavEO4ixWEbufuMRGYNjeHeswZoy/DmH0YxOKYLV4yNY8ZAPescio7lxcuGERPix3nDY5nSX+9SLUIIGoZqDu7eRXOS47tqfDyVtTZ+2CqNaYQ4no9vHE98uD+j4kN55uLhuuOITkDWOWwjvSOD6B2pd12uEfFh/HDHZK0ZRMdyzrDunDOsu+4YQoh6OzNL8TGb6B8VrDvKcY3sEcrAmC58tCadK8f1aFfrMQrRnvTpFsRv98o6vqLtyJ1DIYQQooPYkVnKgJhgvM3t+/SulOL6SQkk55SzLq1IdxwhhBD12vfZQ7jUt1syGPyPXzj71eXaMmQVVzL8sQWMeWoR1bU2bTnWpxUxb3s2NVZ9GTqCn7Zlcfarv/HA19uP+tqdn20m4f55THthqYZkQnQ+huFoRjOkHc83bOq8EbGEBXjzwap03VGEaLd2ZpZy3j9Xct3767HUumeO7pyfdpFw/zwmPL3YLfsXnkWKw07k7i+3U1lrIymngtcWpWjJcM7cVZRarBRU1HLO679pybAnt5yXF6Xw37XpfLExQ0uGjuK1JalkllQzb0c2u7OP7Fb6w7ZsANIKq1ienKsjnhCdyqGiasos7bsZTVN+3mauHBfPwt05ZBRX6Y4jRLv06uI9pBdUsvlAMZ+76T3LOyvTAcgpq+HVBbJkRmcnxWEnYrcbDY8DfPXM76izN7lTp2mKiWFAVkk16QWVlFXrW3eyPdiQXsQj3+3kp+0n1xRiQIxjXlOIvzc9wgKO+Twfr5P7x16RkkPC/fNIuH8e17y75qT2IURnsaO+Gc2QWM8oDgGuntATpRT/XXtAdxQh2qVRPcMA8DabGF3/uKmKioqG8+SEOYtafTyvdj4kXbifNKTpRHy8TNRY7QDU2fT88ttsjQVqZY2eIZ2VtVa6+HlTa7NjnPjpHdp/1xwgr9xCal45MwZE4e/TskWz5145ik0HiukbGUiwn/cRX/vDuDg+XZ9B/6ggJvY9uU6mN3y4qeHxb3tlXpIQx7MzqxRvs6J/tN7mZy0RG+rPWYOj+d/6Q/xtRv8W/w0SoqO7dWpfpvaPJCzAh5hQ/6O+fu6/NjQ8zik/uQvef5vWm9eX7icuzI/bZyaedFbRMbitQlBKxSqlNiulLEopL6VUglIqVym1TCm1sMnz7lFKrVRKfaKU8m7JNtEyPbs67uyYFExNjNSSYWiThZlP7acnQ3x4ANEh/nQN9PWoK+zuMCjW0e6+T2QQft4n9+dgdM8wQgJ8jto+56LhpD07mwV/P+2k842Kb/x5Ocl4QnQaOzNLSYwOxtfLswqs605JoLS6ju+2ZuqOIkS7NCg2pNnCEOCaifGt3v/fzhzI/mdn89t9M1q9L+H53HnnsAiYAXzbZNsiwzCuPvyJUioSmGYYxmSl1H3ABUqpZc5sA750NsjevHL25lVwar9IAn313Cz9dF06/1q2n2sm9uSmKX20ZPjfTRO55+utnNYvkkGaiqLP/zyJzzccJMjXzGxNSyBEBPny2hUjqK6zERHkqyVDe/HnKb05f0QsEUG+2lvJn/HKcjKKqvj0TxMYUT905vNbTmHukmR2Zpbz1jVjteYToj0zDIMdmaWcNdjz1rAd0zOMwbFdeH9VGleMlWUtROtNef5XCitrmHfnKSR0bd9rfrbW9ZP7EOzrxQ/bsvjoTxN1xxEdgNuuxRuGYTEMo/h3m6cppVYopf5e//k4YFn948XAhBZsc0pRhYVL/r2GOz/bym2fbm7pt+EyD367i0PF1cz5OVlbhr9+voUNacW8vCiV5OwyLRlySi1sPlDCurRiSqvqtGSw1Nl4fUkqT89LYm9ehZYM7YVSipgQf+1t7+/4ZBN7ciuoqrNz4b9WU1FZS98Hfybh/nksSSqQwlCIE8gsqaakqs5jOpU2pZTiukkJ7MmtYPW+Qt1xhIe78I2VHCyqprLGztQXVjDp2SW6I7ndJWN7SmEoXKYt3xFmA/2BacBMpdQwIBQ4XKWUAmEt2HYEpdTNSqmNSqmN+fn5Ddu3Z5ZSbrFiMwy2Z5S4/rvyILb6hjQGBla7ntl2y/fkcaCokj255axL0/MmYFdWKdsySsgqrWbBrhwtGcSRLPVzYQ97blFKw8/otozS5l4ihGhid5bjFHl4qLinOXd4LBFBPry7Yr/uKMLD1f3ufJJVYtGURAjP1GbFoWEYNYZhVBqGYQV+AoYAJcDhM1mX+s+d3fb7/b9tGMYYwzDGREY2zmUb16srsaF++JhNnDss1g3fmXN6RwSggO6hftoyvHL5CE7tF8E9Z/TXdnV5ZHwYft5mgv28tWXo2y2YyGA/vEwmxvUK15KhM8kprWJpyvGXsnjn2rF0D/HD26z4z7WjuWZCQsPXIoOPns8ohDhSSk45AIlRwZqTnBw/bzPXTExgaUo+e3LLdccRHuynv06hS5POFP7e7pmDW1pVx8Kd2W7ZtxA6tdkEPKVUsGEYh//inwLMBdKAW4HngZnAWmCDk9ucEuDjxfK7p1JusTbbNKOtxIb6k1dmIfYYE4rbwsPf7eDX5HyWpuQzbUA03cPaPkv/qGDeuWYMCn3tkkP8vXnt8hHU2e0e17jB06xPK+Dyt9ZhAP26BbLorqnHfO6qB46cCL/nidPZW1DFoNjQY7xCCHFYcm458eEB2ubVu8LVE3ry5rK9vLtiP89fMlx3HOHBtj852/HfQ0UM6+H6i8BVVXWMfHIhdgNC/b3Y+uiZLj+GELq4s1upt1JqMTAcWADcpZTapJRaDWQZhrHOMIw84Del1EpgBPCds9taksVkMmktDAF2Z5djMplIzdU3x23LQccN1xqrndX7CrTl8DabtK+jYzIpKQzbwBcbMhqWC0kvaNki1z4+PlIYCuGklJxyEqM9867hYeGBPlw2pgffbckir0yGAorWc0dhCLDuUBGHZ+eUVlvdcgwhdHHqHbpS6hRntjVlGEadYRgzDcMIMwxjhmEYjxuGMdowjEmGYdzb5HnPGYYx2TCMqwzDqG3JNk9yxdgehAX4cPHoOG0Z/jS5F/7eJhK6BnDRSH1DbEXn8cg5g/HzNqGAi0fr6U4rREdnqbORVlDJQA8vDgFunNyLOrudD1an644ixDFNS4wiLMAbBYxNOHpheiE8mbPjT+YCo5zYJo7h3rMGcO9ZA7RmuGVqX26Z2ldrBtG5hAR4k/zk2bpjCNGh7c2rwGY3SIz2zGY0TfXsGshZg6P5eO0BbpvW16OHyYqObcs/ztAdQQi3OO6dQ6XURKXU/wGRSqm7mnw8BnjMmLyCihq2Hipp6NbZWVksVh74ehs/bde70PCe3HLSCiq1ZhCtd/V7a3n25yTdMYTo9Bqa0XSAO4cAN03pTZnFyhcbD+mOIoQ2f/5oI498t0N3DNEJneiSnA8QVP+8pmedMuASd4VypYoaK/d/vYOKmjpmDIjipim9dUfSZuory8gpreF/GzKIDPRjfJ+ubZ5h1d4C5v6aikLx0OyBHrkml4CRjy+kuLqOlamF2Ox2HjpnsO5IQnRayTll+Ho5pgx0BKPiwxjTM4z3Vqbxxwk9tc9RF6KtTX5uCRnFjnm3BRU1/OvqMZoTic7kuH9xDcNYbhjG48CE+jmDhz9eNgwjtY0ytkpVjZWKGsdi6zmdfIJ7SUUNAAaQnKtn7bjcMgvpBZUcLKokvz6P8DwVtY0T8N9flc7Ha9I0phGic0vOKadfVFCHKqJumtKbjOJqfpG1aEUnVFxZ1/A4Jad1jQyf+Xk3o59ayE9b9Y4aE57D2TOJr1LqbaXUQqXUr4c/3JrMRbp18ePmKb05tV8kN0zupTuOVuYm3TnjQvVcYV60O4e88hqySy2s3VeoJYNovZcuGY63WQFgNeDh73drTiRE55WSU05ilOfPN2zq9IFR9IoI5O3f9mMYnXtKiOh83vrjaHzMigAfM1/dMumk95NRXM5bv6VRWFHH7f/b6sKEoiNzdqb3l8C/gXcBm/viuMf0AVFMHxClO4Z2qsnjoio9DV8ra20o5UhSWlV3gmeL9uq8kd05c1AEiY8u1h1FiE6tqLKWvPIaBnSQ+YaHmUyKm07tzYPf7mDl3gJO7RepO5IQbWZyv0j2zJnV6v1U18iFFdFyzt45tBqG8S/DMNYbhrHp8IdbkwmXe++asfQI8+eswVFcOiZeS4a5V45kQq9wpvaPZM6FMk/Nk/n6+jKlXwTeJsV5w2J0xxGiU0rOKQNgQEzHKg7BsfxNdBc/5v66V3cUITxSv+gujOkZirdJccUYfUupCc/i7J3DH5VStwLfAg0TxQzDKHJLqg6owmJlXVoh43qFE+znrSXD+D5diQ/z57R+EVqODxDi78OIuBCC/L0wm/U1vP3Pyv1szyjl1StGastQVWslq6Sa3hFBmEzqxC9ohz66cbzbj9H/wXkE+ZrZ/OhZbj+WEJ6mo3UqbcrXy8yfT+vN4z/uZt3+Qsb3bvsmakLo1Pv+eSRGBTD/79NOeh9f/eW4y5ILcRRni8Nr6/97T5NtBuARrT9tdoPKWitdNBVlAFe8vZoDhVXEhPiz8K7TtGTo88A8bAas2l+El9nEpWPb/u7hua+vYEeW40r39oxSLR24nvl5N2/95migsjQ5j22PndnmGaw2Ow99u5Ps0mpO7RfJbdNk/cnmJNw/D4Ciahu975/H/mdnH/H13dml9O0ahI+Px6ysI4RLJWeXEx7oQ2SQr+4obnHF2HjeWLqXfy7dK8WhcIvCihosdXa6h/nrjnKEw+e/pNwqzn5laasKRCFawqlhpYZh9GrmwyMKwxqrjQe/2cHNH23kh21Z2nLsL6iiqs7OgaIqbRlsTYaez9uu5/9F0/UNtx4q0ZJhWUp+w+PyGutxnuk+1XU2ckod3XNlzUfn2H/3+SX/Ws25c1cx9pklVNd63FRoIVwiObecAdHBDXO5Oxp/HzN/OrU3K1ILtJ0zRMe1JCmHic8s4bQXljJ3Sfttwp+Uq++9o+h8nCoOlVLXNPfh7nCuUFBRy4Eix5vvjen6RsHGhfnj720mJsRPW4aeTa6KPXr+UC0ZXrtiBGaTwtus+Oh69w9JbM4Pt07Aq34Y523T9FzjCPbz5vpTEhjRI4wbO3kX3eMZGNXYVffJcxKP+NrhuVYVNVaSssvaNJcQ7YHdbrAnp7xDDilt6uoJPQnx9+afMvdQuNgP27KxGY6hcIuTcnXHOYJPk3fo6b8bNSOEOzk7rHRsk8d+wAxgM/CRyxO5WGyIHzMHRpGUXc6FI7try/F/ZySyYGcO0wZ005bhjatH88HqdPpEBmlbLHnGoGj2Pd36Dlyt4evry17NGQDOGBzNGYOjdcdo1443jOaS0XF8uTGDXhGBjOoZ1oaphGgfDhZVUV1n63CdSn8vyNeLG07pxSuL97Ajo5ShcSG6I4kO4u8z+7FqbwF1Njt/m9lPd5wj7HlaCkKhh1PFoWEYdzT9XCkVAvzXLYlcTCnFn07VPwL2zMHRnKm5EBjSPYQXLx2uNYMQrvLYeUN47LwhumMIoU1yfTOaAdEda43D5lw/OYEPVqfx/IJk/tsGjbBE55AQEcTGh0/XHUOIdsXZpSx+rwpoX5dYhBBCiE4kJaccpaB/VMe+cwjQxc+b26b1ZUVqAStTC3THEUKIDsvZOYc/KqV+qP+YB6QA37s3mhBCCCGOJSW3jJ7hAfh3km69V0/oSfdQf577JRm7XRb3FkIId3B2zuGLTR5bgQOGYWS4IY8QQgghnJCc3fGb0TTl523mrtP7839fbuP7bZlcOFIW9RZCCFdzdimL5UAyEAyEAbXuDCWEEEKIY7PU2UgvrOwU8w2bumBkd4bHhTBnXhKlVXW64wghRIfj7LDSy4D1wKXAZcA6pdQl7gwmhBBCiOal5lZgN+jwnUp/z2xSzLlwKEWVtbywMFl3HCGE6HCcHVb6EDDWMIw8AKVUJLAY+MpdwYQQQgjRvKT6dT4707DSw4Z0D+HaSQl8sDqdWUNjmNQnQnckIYToMJztVmo6XBjWK2zBa4UQQgjhQik55fh5m+jZNVB3FC3uPiORXl0D+fvnWymsqNEdRwghOgxnC7xflFILlFLXKaWuA+YB890Xq+NJyS7hqnfWsvVAsbYMVquVs19dztzFKdoyADz/SxJvLN2rNYNwr0veXMU176456dc/+v1Opjz/K9XV1S5MJUTHkZJTTv+oYMwmpTuKFoG+Xsy9aiTFVXX89X9bqbXadUcSHuy8uSv480cbdMdo96qrq5ny/K88+v1O3VGEGznbkOYe4C1gGDAceNswjHvdGayjOfO1VazeV8gF/1qtLUO/hxeQlFPBS4v38v6KfVoyXP7v1by5bD8vLEjh7i+2aMkg3GvQI/PZeLCE3/YWMfrJhS1+/VvLU/lwzQEOFlUz6PFfm33OytR8lqfkNfs1ITqD5JwyEjvB+obHMzg2hDkXDGHl3gL+78ttWG1SIIqW6/fgPLZnlrFgdx6nPdf8OUdAcUUtAx//lYNF1Xy45gAv/JKkO5JwE6fmHCqlegE/G4bxTf3n/kqpBMMw0t0ZTrhW01WhliTlcf2pfdo8w86ssobHq/cVtvnxhftV1TW+QSuqbHk3waY/F82tZPbvZXt5YeEeAO6Y1oe/nZ7Y4mMI4ckKKmooqKhlQEzn6lTanEvH9KCgopbnfkmmrLqO168cSYi/t+5YwoM0OWWRUSKjVY5lxivLj/h83f4iTUmEuzk7rPRLoOklOVv9NuGkgPpFin299E3VHNkjBAAFvH/jeC0ZEqMaiCOMfgAAIABJREFU58eMTwjXkkG41/+d3njR4YWLh7T49R/eMAEfs2Oo3DlDoo/6+ob0YuyGgc1uMPfXvRwqqjz5sEJ4oJSccqDzdSo9lr9M7cMzFw1l1d4CTn95OV9sOISlzqY7lvAQ10zo0fD4g+tGa0zSvpVV13F4ELtJwfasMoY+toD9+RVacwnXc7ZbqZdhGA1rGxqGUauU8nFTpg7p/evGsiQ5j9P6R2rLMCYhHF9vR5F6qKiK3pFBbZ4hKsQfc6bjjU1YsPwIdUR3zBjAHTMGtGofe+bMOubXnjh/CMtfWIrVMLAb8On6Q9x3VuuOJ4QnScruvJ1Kj+XKcfEMiunCw9/t5N6vt/PkvN2M7xXO6J7hDI8LYXD3ELmjKJr1xAXDeOKCYbpjtHuXj41jwa5czh4SzZp9haQVVlFVa+OjNek8dl7LLwSL9svZ4jBfKXWeYRg/ACilzgcK3BfLtTJLqtiVWcbMgd0wmfTcuRsU24WSqjqGxOobBjS5Tzg/bc9mcEwX4sICtGT4w/ierE8rxtts4pLRPU78AuHxZr2ynFE9Q3nqouEu2V/3MH9un9aHN5btw8/LzOVj4lyyXyE8RUpOORFBPkQE+eqO0q4M7xHKD7efwpr9hfywNYu1+wtZnNQ4N7lXRCBnDYnm+kkJdOvipzGpaG/eWb6XT9cf5MubJxARouf9UXs358JhzLnQ8fjNZam8sigVXy8TV46L1xtMuJyzxeFfgI+VUv+s/zwD+KN7IrlWUUUtZ7+2AkutjfG9u/JfTcMpRz2xiDq7gZcJ9j49W0uGmz/eTI3VILvUwrr9BZzav1ubZyi11FFns2MzDKpqZNhPR9fngXnYDNidW0Gpxcrcq449ZCfh/nkATv2O/O30RJlrKDqtlNxyBkTLfMPmKKWY1CeiYe3D4spadmSWsiOzlI3pRby1fB8frznAExcM5sKRcmFJwOrUfObMd3RxH/PMUtKf1fMezZPcOrUft07tpzuGcBNni8M0wzAmKKWCAGUYRrk7Q7nS9swSKixWDAO2HSrRlqPO7mitobPbdo21sb3HSwuStRSH765Io9xiBQXvrdzPGJl32CEdLvSaWrf/2Mu4fL3xQMNj6UgvxLHZ7AYpOeVcPaGn7igeISzQhyn9I5lSP6UjraCS+77azt8/30Z+eQ03T2n7xmyifbnjs03Nbs8qKmfS878BEB3sw9qHTm/LWEJo4+wYy71KqReAHp5UGALEhwfgYzZhUhAbKsNIDuse5q/nuKH+oBxNcXpFtP2cR+F+D327tdnty+6adMzXzOwX6q44QnQoBworqbHaZb7hSeoVEcjHfxrP7GExPP1zMj9uy9IdSWj24KyBzW4/e27j0mM55bXNPkeIjsjZ4nAYsAd4Tym1Vil1s1LKI8a0dA/z54xBUQyJC+HGyb11x9HKp8m/9tXj9YwRHx0fimGAYcDIHnoKAsMweHZ+En/5ZBOFFTXaMsxdksq1/1nPLzuztWRwl2vGH3klPv3Z2ZwxsBs3f7r9qOeeN3clCffPY8QzK7lzSk/C/L348dbJze7XYrHQ54F5JNw/j+fmJ1FV1fJlMoTwdIc7lQ6UYaUnzcfLxMuXDWdMzzAe/GYHmbJ8Qad28Zie3DmtN+H+Xmx7oPH8c/GIWC150gvL6F1/rjv8ceXba116jJ+2ZnL6S8tYnZrv0v3W1cl5uSNwqjg0DKPcMIx3DMOYBNwLPApkK6U+VEr1dWvCVvL1MvPCZcN555oxXDqmczdAqW0yXO/jtYe0ZPhsveO4BvDhmnQtGT7fcJB3V6SxcFcuN/93o5YMZRYrq/YVUGO1sXBXrpYM7pIYG8x3t01gfEIo6c/O5rx/rmRhUh4r9xYy6ZklRzx3Z2Yp4Ph5SCmwsOXRMxkaH3LUPmtra5n+ykps9SOj/7V8P4OeWMgl/1p91HOF6MiScsoxKegXJSMvWsPXy8wrl4/AZhg88M0ODKO5VVVFZ3HXmQPZ/OiZhIQ0nn/+cf5QXrl0KFP7R7TpPMTz/7kW++9+HNenu3ZNwdv/t5XU/Equem+9y/Z59xdb6ffIQhLun8dXm/S8xxSu4VRxqJQyK6XOU0p9C7wGvAT0Bn4EfnZjPpfw9TLTLViGlDZVXmfVctzuoY3DWXtHBh7nme5TWWtrWFy9VtMEty5+Xozv1RUvk4kZA6O0ZHCnET268vktpwCQUVzVsL246sihOQNiGofG3X1G8w1miipq6f+PRWSVHn2Xd1uGvnnEQuiQnF1Gr4hA/OqXJRInr0d4AHefkchve/L5LdVjGrCLNnTh6Hg+uKFtGxkOaObCjytHWtXUuGfE1PwdjUO07/3q6JFCwnM425AmFVgKvGAYRtNL9V8ppaa4PpZrVdfaKKiooUe4vvbE4YE+FFfWEuzn7P9y1zMBh0uh4d31DOmcMagbO7JKMSvFxN4RWjLcOLk32w+VcKi4mtcuH6klg1KKv5/eX8ux29oPt09k+osrsBvw0Q1jjvjaz3898Z+P77dlHvH54NggUnIqsNphVI9QbvpwA0+eP5RomVMsOoGU3HKGxB59d12cnKsn9OT91Wk8Oz+ZU/tGYDKpE79ICCd9ueEgq/YW8uqVzr/X+PyWSdz7xVbyKmrcUpj6+vqSGBVEal4FY+LDXLbfxOgQNtc3fvz9nU/hWZydc3iNYRg3Ni0MlVKnABiGcadbkrmIpc7GvV9v556vtvHpuoPaclwzsSe9IgO5StNcPwC/JpMOZw2L1pIhNa+Cwopa8spryCzWM88jr9xCRY0NHy8Te/I8qr+SR4oLC2bPnFmE+Htz5Tvreebn3S16/fWn9MLH7HjD1r9bIPPuPI29T88m/dnZrEsvZlFSHhOeXXKCvQjh+SprrBworGKANKNxGR8vE3ed3p+k7DKWpuSd+AVCOOmfv+7hnq938N22LAY+Mr9Fr33+shGtLgzHP72Yvg/O46Fvdxz1tQV/P439z8zmi78cu1FcS/3vprF415+rB8XI3yhP5mxx+Hoz2+a6Moi7FFfVkl9uAWBPrr5CYMGuHPLLa1i0W9/8sqomkw7f+HWflgzr9hdh4JhjtmafnmE8mcXVVNY6htWm5lVoydDZPD8/icLKWqx2eG9lmtOvOzwpv39UEOnPzmbhXVMbvlZS/3stRGeRUn8OGxAjzWhc6ZxhscSE+PHuCuf/NonO5Q9vr2loDuOsn7Y3NpurrmvbKSwfrk4jt6wGqx0+W982N0Z8fHxInTOL9GdnOzUqSLRfxx3jqJSaCEwCIpVSdzX5UhfAIyY8xIT4c8noHiRll3H5WH0NafbklGMzHFd+24Nyi562zLlljW/oDxRVHeeZ7jMsLpTTB0WTV27hghHdtWTobKYOiOTN5fsBCPH34eFvtvLxesdwUV8vRcpTs456zU0frm8YmrIz6+gLO6HBfgT7mSm32OgW7OO+8EK0E4c7lcqdQ9fyNpu4blICz8xPZmdmKUO6y7DdzqbX/fMaehHMvXQw545OOOLrq/Y3NoQ5/aVlLPq/qSfc53e3jGfQ40uwG3Du0LYdrTWhV+Ma0kG++qYzCc90op8YHyCo/nlNz0ZlwCXuCuVql4yO0x2h4U1uexmHnZyr546Zzd549azOpqcZjNmkuHFyLy3H7qzG9YpgSEwwO7PLGZsQxifrG+cR1lib/6WYmhjJoqTjt9ne8dhZLs0pRHuWnF1GkK/XEY29hGtcMS6eVxen8vHaAzx78TDdcUQba3oWuvfb3UcVh01NTYx0ap9+fn7sf6b5LqepOWWc+8+VeHuZ2fjAVHx9fVuQ9sQSY0L4+paJzN+Zw31n9nPpvkXHd9xhpYZhLAeeAlYZhvF4k4+XDcNIPd5rlVKxSqnNSimLUsqrftsrSqkVSqnXmjzvpLd5ksNzprydHcjrZteM76nluEPjGhvhTOgdfpxnio6kpqaGndmOux6/7Mrl/CZzXo/VdPEPE3px0+QEooJ92PXI1DZIKUT7lpRTTmJ0sDRNcYMQf2/OHhrNT9uzqa616Y4j2ljT36jHzh141Nd3PTKV6C6+/GFcHA+dM7jVxzv3jVVYrAblFivTXl7Z6v01Z3RCOA+fMwhvb2+37F90XCe812wYhk0pdTLv4ouAGcC3AEqpUUCgYRinKqX+pZQaC9hOdpthGBtOIpM2sWH+FFbUEuyn75e0b2QgaYVVKGB8765aMoyOD2NHhmNtuxHxUhx2Fr+/KvrqVaN59aoTv+6hcwa75EQshKczDIPk7DLOHa5nYe7O4NLRPfhmcyYLduVwwUiZctCZpJ1gHcPAwEDWPjjTZcfzNZuw1M9DDAuU4k20L84ORN6ilPoB+BKoPLzRMIxvjvUCwzAsgEWphusxE4HF9Y8XAxNwrKxwstuOKA6VUjcDNwPEx+vrCHosH1w/ju+2ZjJ7SIy2DF/+eRJz5icxoXc4Y3rpKQ7vOiORbsG++PuYuXi0vjmgou3dfUZ/3l+dxt9nyBAXIVoqp8xCmcUq8w3daHyvcHqE+/PlpkNSHAq3Wv/AVM54fRVd/Hz48Y7JuuMIcQRni8NwoBCY3mSbARyzOGxGKHC4RWYpMBjHHcGT3XYEwzDeBt4GGDNmTDuZ2dfou62Z/LA1C0utnfvOHqAlw5q0QtbuLySvzMJFI7tjMrX9GNfCiho2HSzGz9vMWUNiCNQwUbrOZuet5fvIK6/hplN7a13/sjO5fXo/bp9+coXh6r0FZJVUc8mYoy8oXPn2WtbsL8Tf20TSk2e3NqYQ7VJytnQqdTeTSXHxqDheW5JKdmk1MSEyt1O4h6+vL8vvmX7iJ7bCgIfnY7HamdSnK5/eNMGtx2pq7b5CDhRVcunoOC3vM0XrOfWvZhjG9c183NDCY5Xg6HJK/X9LWrnNo3y0+gD55TVt1lK4OU/+tJvsUgur9xXyy84cLRneXLaPJUl5zNuerW3dye0ZpazcW8Ce3HJ+3J6lJYNw3srUfP7yyWae+Gk3j/2w66ivr9lfCDhahb+6KKWt4wnRJpJyygBIlDuHbnXe8FgMA+bv0HOOFMIVXlqQjMXqGLa6el9hmx13fVoht3y8iTnzkvjH90efr4VncKo4VEr1V0otUUrtrP98mFLq4RYeaw2OOYgAM4G1rdzmUfpFBQGQEBGoLUNkkGPel0kp4jTdLQv190YpR4YQfz3tlRO6BtDFzxuFYqi0LG/3MkuqMQzHYICmS6EcFujT2NFm9lCZjyU6ppSccrqH+tNF47z1zqB3ZBADooP5eUf2iZ8sRDt13vDGYdFBPm238lxWiQX7cc7XwjM4++78HeAe4C0AwzC2K6U+xdHJtFlKKW9gPjAcWAA8iGMO4gpgm2EY6+ufd9LbPMmnfxpPcm45/SP1XfV96dKh3PDBRsYkhDGsSdfQtnTTlN4UVNRonXPYNciX164YiaXORligrI/X3l0+Np7d2eXklVl47Lyjm9PseuIs3l+VxukDI4kLD9KQULS19WkFPPbDbq4aH8/VExJ0x2kTydnlMt+wjcwaGsPLi/aQU2ohOsRPdxwhWqxfdDDL/u80lu7J5/pT2m7prgtGdmdHZimZxVU8dM6gNjuuMz5dl87Haw/yyOyBTOzr3HIknZWzxWGAYRjrmzSXATjuau6GYdThuMvX1LpmnvfXk93mrI3pRaxPL+KPE3pq6xZabrFRUF5LTBcrYV56CpLL315HUVUdh7Zmc/6IPKYO6NbmGVbvK2DR7lzMJsWZg6MZGR/W5hkA/H3M+Lfh1bSObnVqPjd8uJHhPbrw+Z9Pcfn+H2+mKGyqLU9+Qr8r316HzYCHv9vFWYO7ERHcsecN11rt7MuvYOagtv+b3RkdLg5/2ZnNdfK3RdT7cNU+np6/h7OGdOO1K0brjnNCCZFBXB/Z9hdMH2lnRSFAVVUdD37rGOZ69Xvr2XeM9SeFg7MzRQuUUn2oXydUKXUJ4BFjLjJLqrj5v5v497J9/OXjTdpyPP1zEm8u28vjP+obg11UVdfw+LfU4y8u7i5vLN1HVqmFQ8XVvL8qTUsG4XpXvbcei9XOurQSXlucrDuO6ODsTVqOVda0u/5jLrcvvwKr3WBAtDSjaQt9uwXRPyqInzXNzRft06M/JlNjtfP91hxScj2u9UWnVmVrfP9r7/injFZztji8DceQ0gFKqUzgb8AtbkvlQpU1Nqw2x6Tccstxb3a6VXmN4wezokZfBr8mN8oSo/QMT/LzNqFwLDjrbZYuVh3R3rzKEz+pXl6phcd/2Mme+mYbQjjjrtP70cXPi9nDoumpcR53W0mu//2QYaVtZ9bQGDakF5FXLvOmxNEKy+pO/CQnLNydw4sL5IKqu0UEB3Du8Gi6+Hlxx/Q+uuO0e04NKzUMYz8wUykVCJgMwyh3byzX6RsZSESQD1klFib10bO2H8Cy5Dyq6uz4mNWJn+wmfSKD2JVTgQImavp/MTQ2hFV7HZ2zxibomfdoqbPx4oIU8itquG1aX/prKpRLq+s4UFjJwJguHl8oXz0ujo/XZxDoY2buVc4Pt5n60jKqam38d+1Bkp84g5FPLaZvRCDf3n7qCV/70Dfb+GR9BgCn9A7nk5snnnR+4VnumNGfO2b01x2jzezKLMPXy0SvTlAItxdnD4nh1cWpLNqdyx/G99QdR2hUWVnJ4CeXHbGttLq21fv9cVsmd362FQNYnJTHL3+b0up9imObe2X7HwrcXjjbrbSrUup1YAWwTCn1mlJKX6XVAlsOlVJQUYuPl4lfk/UMpQSoqnPcvay16bufvSunAnCMDX53+R4tGRYlNQ7T+WGbnpHJu7JK2ZlVSm6ZhUW7c7VkqLPZefDbHTz9cxJvLN2rJYMrPXXRcG6b2pvKWhsJ989j8W7Hv/P69EIGPjKfxIfnsyw576jXWepsAFjtBn0fXkC5xcaWjDLOe30FAO+vSmPOT80Pxf5sQ0bD41X7i1z9LQnRbuzMKmVATBe8PPwikifpHxVEr4hAbcs+ifZj/HO/HbXtL59uZVN6EX//fAsVlScuFHdllJJw/zwS7p/H3V9uAWDjgSIOvyPMkc6eoh1x9kzzPyAfuBi4pP7x5+4K5UoDY4Ibuo1NTZTuRIct1FQoh/g3NgQKD9DTmKdvt2CiuvjhZTIxoXe4lgw1VjtFFY4TSlZJtZYMrvb2isY5pPd+vR2AJ37YTXWdnRqrnafm7T7qNVeNiyfI18yMAUf+bu4tqOSR73bw+I+7eWdlOtNfXHbUayf2avy3iw+TjoKiYzIMg91ZZQyOlfmGbUkpxRmDo1izr5DSKtcMIRSeqaLW3uz2i/+9hm+3ZDFizuIT7uPWzxp7Xnyz2bG+8iOzBtYvreXFMxcMdU1YIVzA2W6l4YZhPNnk86eUUhe4I5Cr+XubuWJsPDsySpg1NEZbDi+Twmo3MOkbVXqE0Zq6hI7oEca2jDIUMDJez7DSEH9vXr18BDa7oe1KfJCvF7dN68uWg8XMGqbv59KVBkR3YUdmKQBnDIwCHPN2dmU55kvNrN/W1FMXDuWpCx0nxTs+2ciPOxx3cnc/cRYzX1rW8LzmCuhPbp5IXkklBdW1DIpx/Dzf8dkmftqWg5+3ie3/mIm3t6wJJzxbRnE1ZRYrQ2JlTda2dtbgaN5avp9fU3K5cGSc7jiiFe7/ehufb8jA19vEugdmEhLg/LkhyNdMRY0NXzPYDLDawc8Elvqa0epEh5NLR/fgxYWOEVvdQ/0B8PLyYtk901r+zQjhZs4Wh0uVUlcAX9R/fgkwzz2RXCu71MLC+iFuX2/OYHgPPQXJ4JggMkosRAX7ajk+gI8Zah2j+LhifIKWDAHeZgy7gaEcBZIuSim8NM7/BKiqtVJRY6Wmrvmrkp7mxzsm88vOLLoGejO2l+NO4K3T+nLm4GhqrDYGxYbQ78F51NnBx6zYM2fWEa+f+4cxzG3y+cd/GsOU53/Dajd4/Pwjl7LYmFZITGgA3cMC6RbaOA9r/o4cDKC6zs4z8/fwjxMsgSFEe7cry3HBRe4ctr3hcaFEdfHll505Uhx6uK83ZWIAljo7T/60ixcvG+H0a7c+MpPV+4uY1DscL6/G9y1jn1pEQUUtp/WPOOE+bp/ej2n9u5GaV8YFo1yzxvNZLy8jub4BXPqz7WtphpScMmyGwaCYll3UMgyD3y2bJzRw9t35n4G7gI/rPzcBlUqpuwDDMIx2e9bqGuRDfHgAB4uqGKXpbhlAYZWVihob3mZ93UoPF4YAH63cz6n92n6Y7ZebDmEHMOCjNQe5fFznnOhfbqnjP/VLeRRW1vLipcM1Jzqx4spavtmSSY8wf84YHN3sc84aEnvUtj7dGtdZOlwHOzP3Njok6KgCEuDOzzYzb0cOXibF5zdPYEST3+vuYf4cKKxGARePljdzHdHBwirm/Lwbs0nxyDmDiAnx1x3JrXZmlmE2KRKlU2mbM9Wvx/vFxkNU19pkbdx2pM5m5+tNjnnnF4+OO2FTt4SIAFLzKlHAZWNbdm7w8vJiSv+j1xjd8PDpLdrP4LgQBse5bgRAcpPO4Kc99yvL75vusn23xger0nhqXhIAD84ayA2TnVsrNCm7jBcWpBDi782j5w4iVNPUI+F8t1KPPSv5epl5+sKhVNbYWjSMwNUqa6zU2exU1uorDpsanaBnrp3dMJo81nfHbGVqAXnlFmYNjcHPu+1P+P7eZmJC/MkuraZ3pGd0IPx47QFW7SsAHAVfHycX103JLuWP/1lPVLDz8wKLKmtZuCuHATFdGPG7u/2bDhRjsxvY7AbPL0jh05smNHxt+T3TWZqSy9DY4A6/MHpntfFAEaXVjjlgmw+UMHtYxy4Od2WV0jcySMvfKeEYWvrRmgMs35PPWUOavygm2t6SpFy+25oJQGiAzwn/bRbdNZWlKbkMjA4mOqTjnRv8ffQ3q/p+SyYPfLuDmjobBo4RWktT8hqKw335FaxPK+KUPhHEdz3632D1vkKqaq1U1VrZnVXGpL4nviMr3MPpnyal1HlKqRfrP85xZyhX8zKbtBaGANX1t+1q6mwneKb7eDWZ8Fhj1VOYXT42HpMCs0lxzaQELRmSc8r459JUvth4iM83HNKSwcts4ukLh/LUBUO5ZYpnrLkTHuS4iudtNhHs5/yQ4EveWkteeS07ssqYkBBKbBdf/nv98VtK/3v5Pr7bmskLC5IpqTqyE9zIHo13CvfnHb2qzrTEKCkMO7AJvbsS1cWP2FB/xiboGw3SVnZJMxqtxvUKJzTAmwW7pGtpexIe6NvksXN3mKYlRnWowrDpUNLk3Eoyi6o0poG3V+yjxmrHboCP2UTXQB8emDUAcAwXfebnJL7fmskLC1Oaff1p/SMID/ShV0QQQ1x4h1W0nFPv8JRSzwJjgU/qN/1VKTXZMIz73Zasg+nbLYj9BZUNE5F1CPYzU1zluHM5TNPcyz7dgggN8MGkoGczV47ago/ZhEJhYODrpe9qm7+Pmb7dnLv71h5cOTaeAdGOTq/dWnAXsOlFiQGxIfzvllNO+Bq/+n8XL5MJ8++6ON13diJL9+RRU2dnxiBHk5vSqjpeXbKH3FILf53ZX4bgdWCxof68dsVI3THaRF65hbzyGgZJcaiNl9nEzIFRLNyVQ63Vjo/Gc4ZoNK5XOI+e65hTPjCm8/5+mBQc7ofjq7n/2rnDYknJ2YOvt4kPbxjH+F6NK94ppfD1NlNRY204v/9e327BvPmHtlmLsNxSx0/bswkN8GZPTgUh/l5cPaGnLBdUz9nL/7OAEYbhGAeolPoQ2AJIceikD24Yx4a0Ikb31Hel+8pxPXlz2T66+JqZNuDozpFtYd62LIrq1wRavDuHSX3aft5jQtdAhsV1IbPYwhQnJpILB5NJMbpny4cjXzYqlrdXHiDE34vHzhvi1Gv+MrUvw/cV0LdbEMF+R57xeoQHsuvxs6ioriXI33HF+MftWXy/NQurzU5OmYVvbj1xASral2d/TuKt3/bj521i2yMz8PGR+SaHO/0O6S5X0XU6a3A0X23KYO3+Qqb0lyWx2ovOWBRe+fYatmWUcsMpCdx95gDeu24MT/6YxOVj4lo1YmbQP36hutbG1RPiefIkl9W4ZWpfrp3UCx8zmM1HD4N/9NxBbD9UyiiN74MP+3jtQZbvySOn1EJogDd+3mYSo7swsY9HLOHudi0pkZveavKoM9WK1HxeWJDSsK6cDoE+XgT6emmd0P7msn0AlNXYeOrH5hcWd7eNB4obHi9LKdSSYVtGCevTijhQVMkP27K1ZAAoqapl88FiajUN8W0r76w6gAGUVFtZs7dxfc2KigoG/2M+17y75qjXFFRYGJMQRs+ujfMx80otXP7Wap7/xTHR/XBhCI670GalUMr5IUaifXlnZVpDp9lbPtmqO067sLu+OJQ7h3pN7hdBgI+ZX2RoqXDC0McWcOqzi7nozVX8uC3TZfvdlF7Emv1FVNXaeGOp4/3ctMQofr17Kn+e2vek9rk/v4LbPt5EVa1jnuAnaw+2KqO/j7nZwhCgW7AfMwdFtYtzdJCvI2OArxmTUnibTVpH9rU3zt45fAbYopRaCihgCvCA21K50KHiKm77ZDN1Njvr0gr56pZJWnLMen0FB4uqiOniy8r7Z2jJ0JSuxjh1TQqhGque+ZcmBWkFlVjtBoUVNVoy1FrtPPjtDooqaxmXEM5dZyRqydEaLyxIZtuhUp66YDAJEcceHms2Kez13UljQxuvbA55ajkAv+0t4u7PN/Pi5aMAmPPTbv6zOh0vk+KTG8cxpn5oyuy5K8ivqGVdWjG9IgIpq7by+cZD3DG9L+cO785/rhvDvvxKubLvoUL9vSmsH1Vwpoc1/tidVUpCRCABPq5dnmdXVinx4QF08ZP1OnXy8zYzLbEbC3fl8uT5Q44a6i480z+XpPLD9izuOzORGYNc8zcn4X7HKm/lFiuHSmrYemgr5w7v3ur9vr44lWXxu8jcAAAgAElEQVTJeQ2fe7ngZ/Cmjzbwa3I+piaNAgP9Okfjq8l9I+ji583g7iH4mE34+ZhaNF2mozvhmUw5FhxZCUzAMe9QAfcZhuERl9AKymqoqLGCAYc0TtZNK3C0HM4osWjL0FR2iZ7/F03LQV1NcRydDh1/WCtq9BTJtTY7JVWOjot55XoK1JP11vJU7HaDfy/fj91ucOarK/jkT+MZc4wOuIv/fhr3fb2dS8bE0TOi+c6s2zPLGh4vTXHcXbTaDX7akd1QHNY1WWi4qLKGZ+fvwQD+/vk2zh3enfBAX8xm1S6uSoqW2/TI6Tz6/Q4m9enKmc0sidJe3f7pZn7bk0/XIF/m3zkZPxcWiDszpRlNe3HmkGjm7chmy8HiY/6tE54ju6SalxY5ziE3f7SJW6f14fpTejc0XnOVEy/adGJr9hbw2q+pAIT6e+FjNhET6s/2jBKGxZ18/4jNB0oAsCvFnybFU2MzTnpIqSf5etMhnvwpCaVg7pUjmdyCZd12Z5YSEexDty4d+y7jCYeVGoZhAN8ZhpFtGMYPhmF87ymFIUB4kDcmpTDQu+h6e6OrIc3YJmPNzx6iZ95joK83EcG+dA300XalKMjXi9un9+XUfpH8+TTP6FYKMOHpxTwzfw/PLUjFZjcwcKw3NefnJD7fcJDJzy3h/fr1Gw/rGRHI//48kUtGH7nw79T+jqJPAQvvmtqw/Y7pfQnwNhMR5MOtUxv/33x84zh6RQQya0g0144/ct2kpcm5THtxKefOXcXTPye59HsWbefx84d6VGEIjYvUF1bUkF3quot/pVV1HCyqkvmG7cS0xEh8zCZ+2ekxb3+Ek2zA3KX7GP3Uoha9Lqe0gqnPL+X2Tzc3bLtmQuN5Lj7cn3tcMCrIZFYcvk/oZTZhsdpJK6hs9bnu2okJ+HmZ6BkewAOzBnaKwhBg7f4i7IZjOaw1+4ucft3dX27j3DdWcerzy9h6sPjEL/BgzlZLa5VSYw3D2ODWNG5QUlWHr7cJu93ArPQNBVE4riC1l8EoRRV1Wo5bVt0477OwXM9d1OFxIVw4sjv55TVcOkbfQumT+kQwqY9nNcTJbzJvNzbUj4LyWnzMip7hgdz39Q4AHv9xN9efcuJFbz+4YUKz288f2Z3zRzYOw5nx0jJKqur49E/jWHr3VBbtzuXlX1O54ZQEVu0r5K/T+7FgZy71I1dZkZoPDDz5b1KIFrjltD68uyKNkfGh9HJy7U9nbM90XNUf3oo7A8J1gv28OaVvVxbszuGh2QNRGt9PiNaLCfXnnjMT+WFbFsk5jiWRWnqXb+oLK7BY7aQXVREXmsT9swbyxAXDeOKCYS7NOr5XVx6cNZA1+wu4YVIvbv9sC3U2O72azMm/5F+r2ZtXzpwLhzJ7mHMX2O6c2Y87Z/Zr+HzNvkJ+Tc5l2oBuHvfepCVumdqHlNxyfL1MXH9KT6dftyHN0SfDajdYnJzHiHj9jXXcxdnicBpwi1IqHaikvtYxDMO1vwFuMLxHGGcMimZ3Vhl/ndHvxC9wkyBfLyprrVqXTmgqOkTP0Lvc8sbi4mCRnuLQy2zitmknN3m7s7tqXA8+XnsQL7Ni4R2nkl9VS2peBTMHdmtYkNiVrn9/PfvyHUOyr3hnHavvn8F/VqZhYBAT4s8vf5sCwMieoSxPzae6zsbdZ/R3eQ7RNjKKqyioqGV4XIjHvPm+fGw8l4+Nd/l+tx1yFIdDZb2vduOsIdHc9/UOdmeXMThW/l083a3T+nLrtL5Mfm4JGcUW4sJaNpLI2mSqQ76bp4fcMLlXw2LyX9wykbT8CmbWz5N857d9Dc3+/vb5VqeLw997+7d9VNfZSMmtcGlxmJRdhrfZ1G6W7uoTGcQPt09u8ev+NrM/j/24ixB/b2459cQXwD2Zs8Xh2W5N4UZWm53IYF+6dfHF31ffRNshcSFsTC/S2nrZ18vUMM+vX5SeE9vI+FB+2ZkLwKkal5GwWu1YrHaCWrCYu4AnLxh6xNCToECfhrsll46O46ftWcwY6JrhwokPzz9iXqqftxlfLxMxIT7sza+iT2TjVdPoEH/WPKC/0ZM4eTmlFh74Zgd1NjsXjYrjsjE9TvyiDmzroVJ6RwYS4i/NaNqLmQOjMKkdLNiZI8Whh8oprWDiM8sxcAz7/O3e6ay87+TOHe9dO5q/fLKFbkG+vHT5CNcGPY4+kUH0aTJKIbLJPMnjNaopqqilqraWuPDmi7Q+kUHszCqlrwtHQKxIzeeNpXtRKB6aPdCjh8lfOCqOC/+fvfOOq7Ju//j7PovDHspSQFAcIIgDcWtus7Qsy7JM2z6Np/GrnsqynZU9TduZ5dNwlWm59wgXKIhskL33hrPu3x8HDiBTBQ7oeb9evjzc49zfczic7319r+v6fEYar9qsK2n1zlgQBCWwHPAGIoC1oigaR8HjCskpq+F8un4F9lBMLlMHOxllHGdTilBrRc6nlxjl+tBYACYio4TZfq5dPoZFo93ZH52LBDpEwetKSMor58ZPj6HW6nhoshcv3ehrlHFca6y+I4DVdwRw59fBeL64AwGIem0a5uZX1rjd8PMqEWCEmzXH4nP545zefqSqRsMT04xXDWCiYympUqPW6n/n+UZSEe4uiKJIeHoxk7yv3dKunkgvKzNGezqwJzKnRypMm4BvjiYZykfTCqsAeH9nFF8d1ffKb35kLKP7t8/rbspgZ6LenNMZw2zE8fg8nt4Yho1SzvbHxzeycQK4daQ70dllHE8o4Nt7mzeR//5IIm/vigFg4sBe/Pxg07aO/9w4hLTCStzsr9wv8VLqvstFxOv+e70n0VaN409AIPrA8Ebgv50+og7GxUbJSA97zOVSZnRQRuNKqPOy0+o6Qrvq6jkZn9f2QZ3AJ/viUWtFarQiaw4mGGUMnx6Ip1qjQyvCpjPpRhnDtczpZH15iwjc/m3TNuW3/47C88UdeL24g70XWvaZNJfXfz0JgsCe6HxWNWjAv1hQyfrgiwxasZMFXxzvuBdgwigMdrHmvnGezPBx5u5OKNPsSWSXVpNXVkOAkYTDTLTMHD8XYnPKuJhXbuyhmLgCHp3sZdB+8KpVz/76aL2I2tJ1p1s9XxRFQlOKDAr0rbHwq38YuGInaw7GXfF4Qd/HX1SpJqWwko8PxDd7zEtzfdnx70n0dagP7O765gSeL+7A++Ud/BRc/xrPJDUvpiKXSujvaIWiA9ufbvRz5SZ/V24b4cZE02JXj6GtmjpfURT9AQRBWAu0/lfTDZFKBG4d0RdvJytGG1F+Wrzkf2OjNDNOP09sbeM36LOpxuDesf34+3wWWlFk0mVIGHc0aYWVRGWVMm5Ar2vGx0ylUjX6+Y6RTbPDm0LSAP3fwkf745h1SQY78O19FJSr6NfLgsPPT2XcuwfILa9BIoBMXv+5nTKwNyu364PFc2klbD6TiplMSnxuGf83e0gHvzITXcFc/66vZuiO1PUbmoLD7sesoS688VcUeyJz+NcN3aOHyoSeNQfiWBecwlx/lxaVN11srUh676ZG2xws5BTUWkuNaENkZFtYJhvOpCIRBN5d4I9nC/ZMey9kElJrFfHh3niemKbvhf/+SCJSmaRdom11jPCw42J+BRIBJrdxz+L/+h7KqzUMc7M1KClrdODjakN6SR4icGcXCvEp5VKWjPPssuuZ6BjaCg4NkpaiKGp6ikBAQ/JKa1iy9hRVKi17I7P5ekmgsYfULbBSmhnluhpdfalgjUbbypGdR6CnA/+8OI2C8hp8jdQ3Uq3W8tr2SCpVGk4nFfLqzT2rtPWzA/H8cioFvz62rF022rB9wgdHDI8lAtw/qalNx83DXPn1dBoC8NCk/o32lVSqya9VRE0uqOSn4GR2/HsSh+Ny2HQmFQQJ94zx4J0F+om/znAYYE9EFvvj8gH4KzyLwy9M7bDXa8JEVxKWVoJcKuDjam3soZi4hL525gS42/HnuQyWT+nfY4STrnUWfRPMqdqM2P9OpnJ3kDu+fdq3uBK6chavbbtAHzszHp3SeqtCcaV+ftKJIqXV7Vd93x6ewYbTaQQn6hUvj8Xl8cP9Qe0694OFAcwP6IOLjRJv55a/E/ZeyKKsWt/5dT69BP++tpzPKEEiwGvz/fh2WceVi3Yl+eU1bD2bgUcvC2YPdTH2cK4L2goOAwRBqHOnFgDz2p/r1Eq7vTtvXnkNVWp9EJJeVGXk0XQf7IwkctDLUk52mf4L1d3BeF9UzjZKnG2M43EIIIr1Smd1fVY9id9D06lSaTmTXMjRuFzsLRT4u9lR3aBPsKUK6ndvG8Yb83yQy5t+Bm0t5MilAmqtiESAXReyMJdLuXO0O+4OloSnFTPHr35yeHO+D+/siMGvry1pDTzmMktMf+smei7hacX4utpgJjOeiJqJllkU6M7LWyMISytuM9NkomuIzCxt9HOVqvV5NTm/nMIKNSNrvZffuMWvXddZGOiOVCLQy8qsVQP6WX59GNA7lsT8SsxkAr+cTG1UORV+mfoT7TFqn9i/N1IBtCI4WCrY/uRE1Gp1s3NtT+LnkymcvKgPqgc5WxvKgU10Hq0WFouiKBVF0ab2n7UoirIGj7t9YAjg42rNXYHuDHax5qW5xis1s6jtn1IYca63VtZf/IFJnkYZw6xag2sBuHWEcQRpugPmCinejpaUVml6lI9ZZHoJni/uIKWwkrJqDTbmch74MYRbvwxm9Z4Y9j0zwdDPMcen5f6C1iar+Hfm8vldAYzx0osC9LbWN9+P9nTgoUn9GzXL3ze+P7HvzOX3xybw0wOjkNeaBb801+RzaKJrEEWRhNxyKlUdo9Wm04lEZJSYSkq7MfMCXDGXS9lwOs3YQzFRy0MT66tQpnj3YlQrbUTH4/OY9fFR7vjmBCu2nm/2GJ9Xd9X26+1stN3KTMaScZ7tKoH/9ZFxeDiYYy6XMcvXmU/vCkAqEZBKBL68Z0Q7X1n7sbCQE/PmLLY9Pp7QV2cCrc+1PQVHa32lm0ImxbqDFOYzi6vINZLXdk/gmtfxFwSBl28yfsmeWicilQgGo25jUF5dX8b584k03ry1628+fF1tcLc3RyIROlQR63JZe/wiqYVVPDtjELYWXf/lWVKlJiqrFBtzGf8k5HP7qJ4hj7xiW4ThsYihhAAEgePx+Tw/e0iTfo4rYd5wN/zc7KlUadotGe9ia0X8O3Ov+tomTFwO3x69yKHYXFxslKy+IwC59OrEHBLzyimv0bSalTBhXKyVcuYFuPLX+UxeneeLldk1fyvV7Xl65iCentk+j9uDMbmGe7HTLYizVKn1mUeNTuSur44xb4QH94xtv2E66CuUDj93AyqNDqVC/xlJfPfK5qhfTqUQmlzEUzMG0q9Xy5kzuVxOgPu1lc1eHOSBr6sNLrZKeltdfUtUSHIh/90bh1Qi8No8Xwa2Uqp7vdI9HNmvA9zszNDqRFysjbeKI23QGjHM3XiJ37IaNWXVaqSt+PF0Jnsis/l4XzxbQtNYsTWi7RM6ARuljJEe9ggITBlsPFGcy+WZGY37MbJLqpBKBKzk+ux4fkllo/3rjicy6q29RGQUXva1vHpbmrzETHR76lQLs0urqay5+j7qOjPrUf2urRu8a43FY/pRqdKyOcSUPewpPPnzGca/u58npw6kr50SW6WMF29s25LkTFoZr22PJDn/8hVqJRKJITC8UqIyS3h/Vwz7o3N4bnP4VT1XT0QQBEZ42ONqe2W2WJeSlF+BiIhGpyO1sLLtE65Drovlroj0EuJyypjh42yULBFAUoE+fZ1RomrjyM5D0yBrGZNV2vKBncif59IprtSXX+290HGG6ZdDcaWKCpUGREgtbFuOujMQBIEX5gxBpxORGClIvhKmDHbG19WaqCx974REIjBpoCP7o3M5kVRE4KpDJNdmDrOLynnjb72v0rzPTxi215GSX8H0j46g1Yk8ONGLV65ClGfxdycprVLz84OjsbM0Xi+pieuPZRM82XougxHu9h0yv5xJLqS3lQLPXj1TPOJ6Ybi7HaM97fn+WBJLxvZDdpUZYxOdy4M/nuJAjF6wbMTb+5rMRw35188hzW43lhOZuVyKRCKg04lI0TH4lV2oNDpuHd6Hj++6uvLU+9edJqukmnXLRuNq1zHBV3dnjp8L2SXVmMklTBxostdojmv+26yoQsV7u6PZHJrGN0cTjT2cbsPeyByjXPdCg6bxowkFRhmDKIKZTIJcJsH2EjPZrqYnBYZ1/O/BMUwb4sQcP2cem+rNJ4uan5zqZLxb4uWtEWh0IiL6kpkr5d+/nSM4sYALmaXc8c2pK36ey2X3hSy+OZJoMva9zhniYsNLN/o0Ekq6GkJTihjVz96kgtkDeGTyADKKq9gR0bJfq4nuQWgb81FDjsQ29oEe178Xr9zkQ39H41iXeDla8fndI3hgohe9rc2p0egQgb+v8nP3xvYLHIrNIya7jDu+Du6YwRqBo3F5fHk4gfSi9mUBrZVynpw+kEcmDzCJfrXANR8cSgQBSe0ke7W9IFdDnaeoMWOBhr6mb80fapQx3NjgBmrJGE+jjGH2UGcGOlnjbGPGveMur4fABPSyMuOHZaP5+t5Anpo+CCulzPDZavgZu3m4m6GU2c68aZHC4jH1RudXI8pjLq+/aHmNmmc2hhGXU9bKGVdPYl45PwYncyg2l19OpnbqtUxcP+SWVpNSUGlUT14T7Wf6ECcGOlnx6YH4Hqk6fa2h0+lYtTOK17ZHUn2JQNTx/5tgeDzZu/W/r+/vq7c8mz7YkZ8fGsOyy/Al7AwmDXTk6RmDuH+Cl0H0zdvp6oJV8wYKiT01811UoeKrw4kcjcvj+2NJxh7ONcM1X1ZqayFnydh+nEwq4O4x7sYbh1JBSbUaSyPKlS4c5cbmkHQszWQE9OtllDE8ccMAfg/NQCKBB8YbJzCztzRj62PjUWvFRl+O1yOpBZXsj85hVD/7K1JHLK5UEZlZyrmVs7BWNi6p+2RfLFKJgK+zNX/9e1KTc28a1ocxXnbklKoZ2rd9vYU7zmfwf5vO42ClIPjF6QC8vzCAKrWOtMJKEvPKORCdQ0JuGX892fSaHYWtuRyFTIpKozUoqZm4er48lEBYWjGf3TkcZQep0vUkTP2GPQuJRN8e8PD6EDacTjWZfRuZb48m8evpNGrUOmKyStn46DjDPisrq1ZLSRsyfqBju4/takZ5OhC2chbJBeWNhGemrj5MZkkVr84dwr3jGwey+eU1xGaXMcLDDosG/Y8vzPEhr1xFakEFc3ydGP7GHkZ42LOunf6L7eX/NoVhpZTyxnz/Dn1eAKVcr2BaWq02zcUdSM9cKrgMiipUrD+RQlRmKT+fMN4Kf6Vai04UG/nAdTVbQtPRilBarWHr2XSjjGHqR0fRARodjHp3v1HGAPrMT/DFfKNdv7vw+cF49kZl8+HeWGo0ly+m8fr2SD4/GM+qXTFN9n1yIAGVViQis5QtIU3LRpMLSnlucwQC9Y0caQWVzPr4MDM/OkxlZVOD4ac2hFOt0ZFZXM1Tv50zbP/s7hF8vWSUYfXTXN65QX9vKzPev92fF2/04e4g4y06XUtsPJ3K6j2x7I3KYeanR409HKMQklyEUi4xCTH1IGb4ODHGy4GP98dTVGE8TQETYG0uo1qtRaXVcS61iN9DO0cs6O/wDB7+6Uy7jo3KLKGwvP2fize3RzJu1QH+PNvy2G0tGiuSrt4VTVJBBTUaHSu3RzU6VqsTWbntAp8fjOe/e+OaPNfqhQFsfHQ8b++MpbhKw6HYPA5EdVzb0d3fnuD3sxn8FJzK81s6XkzHXCFl1W3+vDBnCI9O7t/2CSbaxTUfHAqC/h8Yt6RTItQ2MwvG87JoGJemFBhHiKVhQ3dbJrWdxT8J+dz02TEe/imEf/921ihj6C7YmuuzfVZmMqSX2eMkiiIlVWpOJRXy66lUHv3pdIvHWpuZUV3d2FPohtXHOByXz9zP/wH08uJTPjxEXE4F8bkV3PjFsSbPI28guevVu7Fgh7ONki8Xj+T+CZ58fW/gpad2OK625gx3tzP1hnUQaUWVhmWCipqO8QzsaYSkFBLgZodCds1PzdcMgiDw2ryhlFWreXXbBWMP57rmnjH9GO5uh5lMglIuRSrp+L+jP8+l8cRvYeyLzmXASztaPXbVziju+vYkN352lLQG/XCDV+zE88UdPLf5XKPjU/Ir+CE4maySap7d3Lz/YnN4NDCFl0obz0eZxZWUVukXWoubWXCto6H+gV0HCjcWNFgwySrpHF/BXlZmjPSw77Glsd2Ra75ux85CwSs3+RKfW8YNg52MNo4KlT4rU6M2otFhA0JTm/f26WwkQF1IaGkkV48D0TlodXqfvjPJxnkfugvPzhrEudRiBrtYt/uL9YfjF/nsQDwTBvZGJhERaz/Se6Lz+PxAPPeO6cfcz4+hlAtIgGk+Ljy96ZzBNypsxXTsrBsrihaXVXPqYn6banBnXpzOwu9OMMrDnqdn6iXIP9sfS39HK24O6MvYAb0YO8A4JdMmro7nZg/hdFIh6UVVrFnc8QbR3Z1KlYbIzFL+NWWAsYdi4jLx7WPDU9MH8uHeOMYPSG3UT22ia/nfA0F8djABZxslt47o22T/X2EZvPznBczlUrY/MQGXFuwRZn50mJJKNb8+MgZvp3rrrxe31NtfteVbvTMiC1Vt72NEWgnu9hY88tMZampP3BKayYd3NP9dpxNhzcE4npjWtnfjotEeJOSUcSQuj/UP1i+MPv7LWXZHZmMmFXh0cn9uHdmyn/Kfj03g/zaHcZO/K6M6sOf55wfGcOe3J1DIJHx/z6gOe14Tncs1HxwCWCtlOFgqUJhWFeoRjR+k6oyUcfFxsTJkKIzZA5pbVk18TjkjPeyN1vtooZAxwfvypJzf3hGNToQd57N5+cZB7IuuL8/dHZlFtUZLbplewdPd3pw1i0fi+WL9Cus3x5P4z40+ONsoyCnVryou/uE0P94fxDdH6xvKdz2u7xncFZHFzgvZTBviyIIRbux+eorhmFFv7aWgQr8a+tymMGLe6Z59Iibax6bl4409BKMRllqMVicyytPUb9gTWT5lAGeSi1i57QIutmZMG9L1Nk0mQKmQ8cKcIS3uX3MogUqVlkqVli8OJfDWrU374B766Qzxufrqqju+Psm5lbMM+2oaRIStdS/c9uU/pBXpM2V2Cilz/PSfh5lDndgbnQuAFBjw8k60OpHbR/Tlv4uG89BEL9afTEKlgQ/3xrMpJJ31D4xhzaEEelkqeGbmIBBFSqo1ONvUL7KuuHkoK9BbSA1asRMPe3OKqzWGMbvYmtOvlyUtMbSvbaO5taNwslVy+PmpHf68JjqXaz5aKqtWs2zdaR7/9Swf7m3aF3W9YqzOx4bXrVQZJ0DdfaG+nr690scdTY1Gyytb9X0Anx6IN8oYrpSGIf3phIJG5dpOVkrmDHUxlH9OqvUQslbWz6JPTdU3yz87s958OCqrDJWmcSmhRW1py5bQdPLKqtkcko54yaJGYUV9mUy1Fsa+s+/KX5gJE0bk5EX935JJjKZnIpNKWLN4BENcrXlkfSgbTqc2+b4yYTzu/DqYQSt24mylQABkEoGbA/o0e2xvq3qLq0tLvP371mcRP75zeIvXi82uV8wWBNgSmsHr2yMZ5ubA6oV+zPBxItDLHm1tucyf4ZkAvHKzbyN7hfSiKvZF5ZBeVEl4ejGHY3OZ8fFRZn50hE8PNO0hHPv+EVRakYT8SuQS/fj72ilZMLxpFtWYhKYU8cHuGNIKTCb03ZFrPnMYkVpCfE45IvDrqVRennvlRts9nYYlncsnehplDAIYsnYKmXEyh4Fe9hyo9THqbWUcdSuNVqSyttS4pKrlPoDuyPu3D+OVPyOo1ojsj6/3qhSA7NJq/N3sCHl5OvkVKjx766W2I16f0+R5pgyqL12xUEhxc7DC2dqM3LIafFytDfvG9HfgYEwuQV4OTfr77hjZl01nMww/F1ddn71qJno+wYkF+LvZYaM0Ur29iavGWinnt4fH8q+fz/LiHxHsiczm2ZmD8XczCQwZk7/C0jhd20JyNLGQYy/cgJVCjr1V8z7H790eQFmNhvTCKrY8OqbRvu2tqGDnl1fzxcEE7gh0Z+U8X176PQJBIvDOLUP59ngyAL+dTuX1+UO5I7AfO85ncCpJPy63Bgb0ny0azv0/hQLw6OT+jOxnz5G4PGzMZZRWaQw9hMfj83lqestlpwIC0W82nXuNTbVKw6P/C0Wl0XIgOpc9z0w29pBMXEKXBoeCIHgCp4BoQCWK4ixBEJ4HbgFSgGWiKKrbu60911SaSQ2CNJ2tYNjdabiGqcU4gdnjN/RnzeGLALx/m59RxjB1iDNbQjOo0Wi5z0jS45ZmMp6ZOYjwtGJmDe055UflVSp+O52KmUxC9SXqphIBlk3wBGDdiWQ+3hePhULKhTean5xcbK04+8pMjsTmsGCUXvHz1IoZTY57YIIXQ1xsiM4sYdL7B7lleB+em60vG/rgzuEM62vDK39FA3BfkGsHvVITJrqOihoNYWnFPGxS2+vxWCvl/PRAEOv+SeKzA/HMW3OcgU5WTBnkyNC+Ngx2tqG/oyXK6/x+pCup03yow92h5fLKOt6e78/DP4ew9MdQ1i4d3WLrx67zWazaHc3UIY5sCcmgQqXlfydTiXlzFotG63tPq9Va/gzPJresmiEu9QufNw3ry1BXW2JzSpng1RufV3eh0oq8u8CviZXG90sDkUkENFodf4ZlkFFcxUMTm35fPDDBnR/+SUMCBL/cdD5tL/d8d5JzacVMH+LE54tHNtpXpdISnl7MQCcrel3BArsO0NVm1VUmf9BuiTEyh/tEUbwXQBAER2CqKIoTBUH4D3CrIAiH27MN2Nyei43sZ8+/p3kTfLGQ12++frOG0Dg4/GhvHLeO7PqmeRc7c2zM9b6iGvYAACAASURBVMqYlmbNr9p1NkNcbHhiqjfJBZUsGWscr0XQl4/1tBKy53+PICy9pNl9iavqJ7NP9iegE6G8Rsu/fg7hqxbUQx2sFIbAEEClUjH0jf2otSKzfZ355r5AfjqRwr6obE5dLEQEvjiUyEMTPbGzVJJdUkVWWQ3S2trWzWG5vDy/416vCRNdwenkQjQ6kfEmMaVrAqlE4KFJ/blztDt/hKazJzKH9SdTUNVKhgsCuNtbMMDREm8nK0b1s2fyIMdGHnQmOo67gjz59mgSyfmVPDhBP+c/vzmcpPwKtvyr+T7npzeFcS61GICXtp7n1Zt8OZ9ezNRLekmf3hRGjUbH+uBUwz2WRieSV67G1U7/+1TKpXywcBgFFSr62jUWwPF0tMLT0Yp5nx0ziLa9+ucFQ2BZR91iwkt/RBCcWIBMIhDgbtVk3CvnDWPlvGGX8e40pUql5WRSIQB7mrG1+GR/HOHpxdhbKPj87hGXrRJqoZDx3m3+7InMZul4z6saq4nOwRjfRFMFQTgG/AHEAYdrt+8HFgOV7dzWKDgUBOER4BEAD4/Gf1RB/XthY66gt8kg04DSSAIoeyNzKK0t/TsUm8vMoS5dPoaLeeW8vSOaGo0WmRSebIca2LWKKIqkF1XhZGPWqM+hJZxt6v+GhvW14UJGqaFUefx7BwzG9A17bSYPdGz1OU8k5HEhs5SHJw/g+d8jUdc2/O+JymHQip1YmskY3GC1FQGUUhkX88qZ+9kxqmsnVKlEIMDdrj0v24SJbsWJxAIUUgmB/TpOJdCE8bFRylk2wYtlE7zQaHVczK8gLqeMhNxyEnLLScyrIDixgO+OJaGUS1gwwo1HJ/fHs3fbmS0Tl8fB5+pFUZ7fHM7mUL3X84g39zYSnKnjYl6ZoR/QTqlg8geHqNbo8O9jy59PTDAc17Dnfv4wFw7G5jHa0wHXS4JApVzaJDBsyNj+DkRklgLQq4VyV4A/zunbKDQ6kWXrQhFEeOuWIQT2v/IKpC8PJfDxvjjM5BIOP38Dva2U9LJUUFChwsO+6ZgLa+0pyqo1aHQi7bh1aMKsoS7MMsL9n4n20dXBYRYwCKgBtgE2QN2yRAlgD9gBpe3Y1ghRFL8FvgUIDAw03Jnml9fw8b44qtVaskureXmuT0e/ph6Ji42y7YM6gYj0YsPj07UrU13N9vBMimtr9reFZV3XweGXhxM5Fp+HV29L3l3g36Zn3+vz/XC0NkOngyenD2Tah4e5mK9XdSupVJNaUEl8blmjc1qzkNkSmsZztX5Om0LSeG3eULbVNuYDqLQiqko11goZz88ZxN7IHDwczPklJA2FFENgCCCXCPx4f9BlvwdXSlxOGaEpRUwe5NjqpG/CRFsEJ+YzwsPOaKrFJjofmVTCIGdrBjlbN9qu1uo4k1TI9vBMfg9NZ0toGv+aMoDHp3m3a8HOxOWTmFdueFx5SckpwJ9n0wxKowCTB9rzv1MpACQVlDc6dvPycby2PYqb/V24v5kyz/ay4uah9LZWkJBbyeo7Alo8ztXWjPTascVk68ey8NsQfnsoiHHe+oXY/VE5/BWeyc3DXZnp03YA9u3Ri6h1IuoaLat2xvDfO4dz4sWpxOaW4+vatF/2iWne7I3MYWQ/+y4pjz6fXkxUZikzfJ2NphNxvdGlwaEoijXoA0MEQfgbfcBXJ6FkAxTX/mvPtnZRo9YQkVGCWiti0g2rR2mkSaeh0aqxnEWmD3Hm+2NJaLQ6Jg+8PBuHa424HH0gl5xfSbVa166b08enDjQ83v6v8Yz74CBqrcgPy0bx2vYLVKm1KOVSKlValDIJ9q0Y6u6+kG14nFZUxRBXG56fMwiVWsunBxIN+6zNpTx2w0D6OVjxv5PJ7IvKZskYd+zMZQYRmhpN1/UuaLQ63t0ZTbVaS0hyEf+9s+XJ3ISJ1iiuVBGZWcrTrQhLmLh2kUsljPfuzXjv3jw7cxCrdsXw2cEEDsfl8e2SQFxsjbOQ25MprlRhZ9Fy9m3DQ6MZs+owlWot3y5p3E93y5rjhF/SOjHNtw8Bbkkk5lXw0ESvRvv8+trxewulqXXUaLTsvpCNrbm81cXSR6cMbHFfHcf/M53t5zKIzCzhm2P11k/7onIZ5+1IZnEVK/6MMPQFjvHq1abI1ah+dhyIyUMiwO0j9bfaUqm02cAQoF8vyy7rjy6tVvPB7lg0Oh1xOeWsnHd9t4d1FV0tSGMtimJdWmEC8Dn6EtEPgBnASeAM8Fg7trWL3DIVMokEiSCi1hgvPDSTSqjR6pAb0TxEJoG6++e5LUg4dzbD3O04FKNXCh3rZZz+Gn83W/54bDw5JdVMvM6Dw6XjPdkelsnY/g5XlLWwslTw5LSB/H42nbOpJYaS0LuDPOhrq+Sz/bFMfP8QH981nEnNlJcG9rPjWFweWlHk/2YOYs3BBGKyS5FLJVjIJVTWZgYTcvVy15ZmEnRaHVKpXt007LXZDF6xkxqtyJgONO5tC4kg6EV51FrMFde8I5CJTuREYgGiCOO9Tf2G1ztONko+XjScOX4uPLsxjPlrjvPLQ2MYeEm20UTL3P3tSSIzSxjbvxff3td8r7tCoeDca01LSQHic+szg0qZhDduGQrAH49NaPb4hpRXqbj/pxAA1i0NpFylxcXWnK8PJ7IpJA1HKwX2Foorbn8or1Kx/JdzKGQSvlsykh+Dk6nRisgksHK+fpw1Gh0KqYQq9Iu07UkErF0WxIWMYpyslDh1s8UImURALhXQ6EBpzBvo64yuLiudJAjCW+izh8dFUTwlCMJRQRCOA6nAJ6Ioqtqzrb0XHOFhz3QfJ6KzSnlymndnvKZ2UVOryKQ2ojBTw8RKfnmNUcaQVVRleJxZXNXKkZ1Lc+U91yMjPewZ6XF1ojir98aiE+GT/fFsXj7OUP7x+cEEdIIElVbH3sicJsHhR3tj+TE4GTO5lBdv9GHxGA/e2h7ByYv6cuPellKq1Hqfps/vHsFzm8PZei4DhVTgx2VBlFareen382h1IlKJQFhGuwsKrhqJROCN+X5cyChhdBcGpSauPQ7H5mFtJmO4qV/WRC2zh7rwx2MTWLL2FHd/d4oNj4zF26mp+IiJxuh0OiIz9Vm/s6lFbR5/IDqH/VE5LB3vyRBXvX/hMzMG8t6uGORSCYefn4KLrUW7r//clgjO1orYBK06QI1GpK+dktIqDWU1GgoqVE18Ey9l8XcnOZtSxLLxnrx4SRvUvzeG809CPiIw46OjxL4zt8n5Xr0tefc2f0KSi7gryL3N69Xh17f++2fr2QzWHr/IpIGO/OfGIe06v7OwUMh48xY/4nLKGNvftIDWVXRpGC6K4k5RFEeJojheFMUXare9L4riRFEUF4uiqLqcbe3l07tGsPeZKS0anl6P7IrIbPugTiCloMLwODy9627mTXQ8lSp9Oaeitj5YKog8vD6Et3dEEZ5axD1jPHCyUeJoreSeMXqRqOJKFZ/sjyM4IZ/S6npPwuIq/Z/01vAsw7b8Ci23jexL7Ns30q+3Jcfj9RlnlVbkXHoRz2wIY0dEFrXJSmSSrrVncbFVMsPXGdtWymZNmGgNURQ5FJvLpEG9kRurzt5Et2SwizW/PjwWgCVrT5FbVt3GGSYkEglz/FywNJNxSxum72XVap7fcp4dEVk8+ds5w/aHJw8gcdVNxLx942UFhgAutvX9cNUq/Wp8amEVEgmYySRYm8nwqQ1Cm+N8WiHBiQVUa3R8ffQiw17fw6i39pFbov/d25jLDO1RyQWV/HIypclz/HwimfXByUwa2BtX2yvrhf94XyyphZX8fDKZd3dGcax27u0ssrOzueuuuxgwYAC+vr7MnTuXuLg4w353Bwum+zhjadZ91Hw3b96Mj48PU6dObfvgy2D37t0MHjwYb29v3nvvvWaPqampYdGiRXh7ezNmzBiSk5MN+1atWoW3tzeDBw9mz549hu2CINgJgrBFEIQYQRCiBUEY19o4us87fY0jkwhodCLSNgQ/ugr7VurxOxVBoM5UQ2LE92L3hSzyympYMNINq270hdNTeGVrBNvDM/HsbcnGh8fw25k0UgorOZ5QAMCLf0Rw5pWZ7H92iuGc8LQibvvyBDpRxM5CzpblY9HqRJRyCctr+xfszOUUVtRbmLo71E/OS8b1Y83BROwt5NwV6MYPx5NBC662SkZ7OXC/SRLbRA8jKquU3LIaprbSh2Ti+sXbyYof7x/NHV+f4NH/hfLbw2NN/oht8MHC9vd/1y3HdNTCYp1gG8DppCJOJOYhk0moVuvo39uSV25qvl/u8V9DORyTx5xLPI/rFlCf3RLOzw+O4ZNFIzgel09BhQqJRMDBsvF9XE5pNav3xiGKIkkFlY3m38uhX29LitOKUWtFfjudxuaQdP7413i8HDs+ey2KIgsWLGDp0qVs2LABgLCwMHJychg0qO0+bK1Wi1Ra/zchiiKiKCKRdO5i29q1a/nyyy87NDjUarU8/vjj7Nu3Dzc3N0aPHs38+fPx9W38uVm7di329vYkJCSwYcMG/vOf/7Bx40aioqLYsGEDkZGRZGZmMmPGjIZB9qfAblEUFwqCoABaXfkwLVV2EeMG9MLVVsmoft2jdGiIS8urV52JZYO+NjsjZVwuZJTwY3AyOyKy2HgmzShj6Okci88HIDm/AkulnHduG8Zc/z7UTbF1JVB7o7L5YLfeoH7pD6fRinphqNIqNaIo8Natfqy4ydfwRX7wuanUxerWZlLuG+vJ4u9O4rdyN72tzIh+aw7BL03HzlLJl/eM5M7R7qx/IIhP7xrB8KssjzVhoqs5HKtfkZ8yuHW7FxPXL359bfnozgDOpRbzxl+Rxh5Oj6O6WsPbf0VyOrmg0XZrpZw1i/VzyNdLRnXY9R6fOpDHpw7kpweC+GDhcMxkEmQSAUszGWOb8TGtrFSz43w2FSotf5zL5P9mDcTDwZyRHvp7NAEY5GRJwBt7uOGDQxx+bgq3j3Lj1Zt8uNHftdFzWSikmNWWkdqaX/mi97qlo/ninpEMdrFCALQ6kSpNU1XXjuDQoUPI5XKWL19u2DZ8+HAmTZqEKIo8//zz+Pn54e/vz8aNGwE4fPgwU6dOZfHixfj7+5OcnIyPjw+PPfYYI0eOJC2t5fu6nJwcFixYQEBAAAEBAQQHBwPw0Ucf4efnh5+fH598Ut+59vPPPxMUFMTw4cN59NFH0Wq1vPnmmxw/fpzly5fz/PPPd9h7cfr0aby9venfvz8KhYK77rqLbdu2NTlu27ZtLF26FICFCxdy4MABRFFk27Zt3HXXXZiZmeHl5YW3tzenT58Gfaw3GVgLIIqiShTFVkv3TCmTLmL5lP5sCklvs9Shq1DpjCPOI5PWr9DJu7gMsA4bpRypRECrE7EzN5UEXgm3jerLr6dS8etja1hNXDzGgz62SpLyy7l/Yn/2RmXz6PpQRPRKatZKuUFZdJCLFb2tmn/vQ16ZxaYzaYwb0Ivj8XkEJ9ZmI3+PYNFoD/67J4bvjycx2sue9Q/oy65qNFqS8ivw6m1pkn830WM4FJOLf19bnKy7lwiEie7Fjf6u/OuGAXx1OJFJAx2Ze0lQYKJlJqw+REGFih+Ckzn4f1Pw7F2f/Ro7oFezAVtHMd3HiXX/WJJbVsM9Yz2aPcbCQk5dPZUg6H2X6+y1fj6RjJOtkqd+O0eVWkdJlYblv57l5wfHGs7PKq4it7SaAA97rJVy1j8QxD8J+Swc5XbF45bJJEwa6IiHgwWf7o8nPL2I278M5qGJXvzf7KvvQdRodSTkldPPwZILFy4walTzwfkff/xBWFgY4eHh5OfnM3r0aCZPngzoA6kLFy7g5eVFcnIysbGxrFu3ji+//LLVa//73/9mypQpbN26Fa1WS3l5OaGhoaxbt45Tp04hiiJjxoxhypQpKJVKNm7cyD///INcLuexxx7jl19+YeXKlRw8eJAPP/yQwMDGokdlZWVMmjSp2Wv/+uuvTbKADcnIyMDd3d3ws5ubG6dOnWr1OJlMhq2tLQUFBWRkZDB27NhG52dkZACYAXnAOkEQAoBQ4ClRFCuaPHkt13xwqNOJfLw/juisUu6f4MUEb+OoU/5nSwRZpdWcvFjAqZdnGGUMDbmYW9r2QZ1AcWV9n1l22WW1jnYYHr0seG7WYNILK019qJfJT8FJvL49CoBXb/bhgUt8nW4Y4sQN6EvkziYXGfojckqrCV0xjQfXn+V8ejHRWeUEvnOQQ89Nxt2hcamKtVKOTCqwNyoL/z71mfa6pYTPD+ktLo7GFRCVWYxvHzve3RFNbE4ZQ1xseL1Wtc2Eie5McaWKs6lFPDHVeEJpJnoOz84cRHBiAS/+fp4AdzuTt2o7KastzdSJEJdb3ig4bI3PD8Tx0b54AFbfMYyFo9zbOKMp1ko5256Y2OZxaxaP4PtjF3lpbuPA695xngCN2pGsG7TBHI3LZdm6M+hEmD7EkbXLghjiamMQ17lSSirVrNoVxd1BHiwb78H8LzIA/dzbEcHhJ/vjCUkpxM3eAnex5UTF8ePHufvuu5FKpTg7OzNlyhTOnDmDjY0NQUFBeHnV24r069evUWDUEgcPHmT9+vWA3q7D1taW48ePs2DBAiwtLQG47bbbOHbsGBKJhNDQUEaPHg1AVVUVTk6ttwBYW1sTFhbW5jiaQ2zmvWjOe7ql41o5XwBGAk/WCoF+CrwIvNrSWK75stKs0mrOJBdSXqNhT2R22yd0EhnFVWh1IrmlxlEJvZRKI8mm9raqr5H36m1plDFkl1Tzyf54fjmdyp7IHKOMoafyzZGLiOhXOd/8Oxq/13Yb9qlUjYP9F+f6MKC3JTZKGe8s8EMul7P+wTFU1X72NDqR/VG5Ta6xYmsEr22P4pP9iXx15CJ3jHLD2dqM9Q8GEZvV2H/KQq6fKFMK9VYXDQWPTFy7bA/P5NujiRRVGGeBqSM4EpeHTtQvqJgw0RZyqYTP7hqOVify7MYwdEaq/ulpPD1jIFZmUkZ62DHLt21D+Dp+Ck4xzHWfH4y/omtnFFYy8OWdeL24g+c2tRww3DSsD1sfn0iQV/PJi6MvTMPNXskYL3u+ujeQbw4ncN/3J9h8JoW6j0FoascJ/AW9u58NZ9K59YtgRF19cNJRtV5183VmcRWDfXwJDQ1t9rjmgp066gK5hj+XVKn5/thF/jib3uq57b2OKIosXbqUsLAwwsLCiI2N5fXXX2/1ucrKyhg+fHiz/6Kiohodm5aWZtj39ddf4+bm1qgkNj09nT59miYwGh6n0WgoKSnBwcGhtfNVQLooinVpyC3og8UWueaDQ2drM/o7WlGl0jLJSFlDwJBB6S5f5+VVxrmpcrSuDw4bKnt1JWlFFSTklnMxr4Jz7ZC7NlHP3UGNV0/La7R8czAezxd3MGjlPoLe2ddo/4HnbuD867OZF1BfTn3HKDdkEgFHKwVLmim1OZ1UaHh8Ma8cN3slfR3MCU8v5qbPjxv2LZ/kgaejFSWVao7F53HyYiFnUwp5YN3pjnq5rfLermju+e4EGUXGs2S5HonMLOHXUykcjMllY0jP7RneFZGNk7UZw926Rx+6ie5Pv16WrJzny6mkQn49nWrs4fQIHpvqzYU35rTLp7Aht4+qn7OW1mbwmuOXkyk8tzm82Xuqt3dGo9bp++y3h+sV4p/67RzLfjjNL6dS0Gjat0jvYKXg+H+ms/HR8fx3TwyrdsdyNKGQHRG5WJtJkUsFHr9hQJPztoVlMGX1IZb+cBqdrum1skqqWHMwnt0XGidOVLXjEoH7fzrDk1MH0NdeyY/360soQ5IKWLL2FJuv8Pv3kUn9GdXPnuVTBjB75gxqamr47rvvDPvPnDnDkSNHmDx5Mhs3bkSr1ZKXl8fRo0cJCgpq8ny/nkwhraiSLw7Gsz86h00haYSlNR8sT58+na+++grQC8CUlpYyefJk/vzzTyorK6moqGDr1q1MmjSJ6dOns2XLFnJz9YvYhYWFpKQ0VYhtSF3msLl/l5aUuru7G/YtX76c0aNHEx8fT1JSEiqVig0bNjB//vwm15g/fz4//fQTAFu2bGHatGkIgsD8+fPZsGEDNTU1JCUlER8fX/d+aYA0QRAG170NQFSTJ27ANV9WWqPRkVtag7lCSnJBpbGH022IzzVOhiUys8zw+GhcvlHGIAAKmQAIjXogTbTNk9MH8eikAQxaWZ8x3BNVP7Hk1pYKV1drCM8oYUyDfo7PDsTzU3AyAxwtiXlzDrIW/Jdu8nfls4PxiEAvSwWfHEhAFCEstZiGi+V3j9GXtK49nkitjSgl1VoOxuYR9M4+Tq+Y2UGvuim/h6Qbsqi3fxXMyZend9q1TDTGwVKBXCpBrdXhbGOcBaarpVKl4XBcLneMckdipN5rEz2TOwPd+Ss8i/d2xTBtiBN9TOWlncJLc315aa4v+eXVZBQ2vwB4IDqbldsj0epEtp5L57aRbqxuoJZ6/4R+7KoNvIb2sWHeZ8eIyNS39ByNyyM4IZ8v7rk8MZw/zqYbHuuAiDfmtHjs98cuUlShoqhCxT+JBU28hn8MTiY8rZjjCfn49bXBzV4vYDnH15ldUfqqqsJKNf83e0ijctIH14dQXqPl5MUCZgxxxt7q8tTv/d1s8XezNfy8detWnn76ad577z2USiWenp588sknTJ48mRMnThAQEIAgCHzwwQe4uLgQExNjODcqs4QvjyRSpdLyv5MpBLjbIZNIeP/lZ3ju6Sea9AR++umnPPLII6xduxapVMpXX33FuHHjWLZsmSHwfOihhxgxYgQAb7/9NrNmzUKn0yGXy/niiy/o16/fZb3e9iKTyVizZg2zZ89Gq9XywAMPMHSovk1m5cqVBAYGMn/+fB588EGWLFmCt7c3Dg4OBpXXoUOHcuedd+Lr64tMJuOLL75oqOT6JPBLrVLpReD+VsfSKa+wG1FRo6G8Ri+Nn11q8gmqw91IWTu5VEBVa0xnozTOx2+AozU+rjYUV6qZ6G1SCbxcVFqtwZpFIcCzM4Zw74/12TqfV3agFSWotDrc7JQcf1EfOG0Pz0St1RGTXUZMThl+fW2bff4hrtYEeTkgk0govKRscJaPE8cS8hnVz4F+tWXJi8d4sOZQYqPAsaRKQ2dSXFVjqAKo6SAVt4LyGo4n5OPf15b+nSAZfq3gamvO+7cPo6Bc1egGoydxJDaParWOG/3aX+ZmwgToe4hW3ebPrI+P8vLWCNYtG91sX5KJq+dCRjG3rAlGK4qM8bJn46PjG+0vrFAbyntFEQ5EN26TWPxtvZjI2P692BTSOLDLK7/8Cq4f7x/DzE+OAtDPofWFgfEDepFSUImdhZyhrk2/K11tlIQDVmYybBqI8311XyBDXt1FtVrXJaJ9ffr0YdOmTc3uW716NatXr2607YYbbuCGG26gsEJFZGYpcltn+jz4JSLwyk2+2FnIcXvox2afz9nZuVkF0GeffZZnn322yfZFixaxaNGiJtsPHz7c5uu6EubOncvcuXObbH/zzTcNj0+nlrH8zTVMHezUZHFxxYoVrFixosn5oiiGAYFNdrTANR8cOtkoeWRyf6KzyrhluEl8pI6Jg5zbPqgT8HAwJzpbn7Uc5GJtlDHYWypYMrYfWSXVjOwm1iI9CStzBS/MHszf57P41w0DmDjEEQdzGYW1AZn+P30qL7tBj+3soS78cjKFfr0tGOTc/O9+U0gaUZmlPDtjEO69LCiqUPH2jmiyiqtYGOjG8inelFSpG/k7udhasPJmX7afS+NcRhmIsDjo8sUDLoel473YH51LUn4lH16Gr1ZrfHognricMv6US/l6ySiT6iqQVljJl4cTsDGX8/T0QZjXWuH0sTPv0RmTXReysbeQE+TlYOyhmOiBuDtY8MKcwbzxVxRbz2Vw28grV6a81jmXWsTnB+MZ49WLR6c0Lb1sje1hmWhr+9EiMxqL+G0Ly+CH4xdxtFJQqdIgCBImXtK6pGmwYHnyYgEbHh7LzWuOo9XpCPJy4PX5fpRUqjFXSAl6Zx+l1RruGOXG+63MKQNdrEl+76Z2jf+lub4sG++FvYUcpaLp7f7S8Z4EejrgaqvERtk4CIx560bUajVyedPgcO19gXx6MIH5AX0uO2vYURRVqHhucziVKg1D+9iQV17Df+YMaXHRuSdTUaPh0wPxlFVrGN/fgV9qS8q1OpFZQztngfGaDw4Bpg1xZtoQ4wRDddRbv3cPCo3Uc9jQ4DynxDiZ3PicMj49oG8wr1BpWTK2c0oErmUemTKARxpMtL0t5YbgEKCPnZLc0hqmNvBve372YJ6fPZiWCEku5O2/9WXwyQUV/Hh/EK625vz6sF6BTKcTeeyXs0RklLB4jAePN1B5TCuqQqGQI5MImMmkbAvP4tWbfTvNCFcmlfDbI+M65blN1LMvKoekfP1i0tnUIqOpTXckNRotB2NyucnfFZn0mm/7N9FJLB3nyd/ns3jz7ygmDXQ0mK+baMzLWyPIKKoiJLmIcf174dfXpt3zwr+nD2JTSDrlNRruG9/4PuHtv6PIK1chAINdrNj9dFPD+QcmePDDP6nIpQJbH9erlsa+faNh/9/nM3ngxzNotDqDzdOmkPRWg8PLxbWVRTRBEFoNppoLDAECvXrxvwc7zwKkPRRUqKhU6d+zaUOceHZWy/cWPZ2QlCLOp+t7KJXyrpkzrouZKS6njB3nsyiv6dxSs+5OQ1/B6UYKlhuWKPQykrdXwxIcU7tP+9BqtTy98Rwv/X6+2f2jPOsN6AWgvFrDCA87vls6ut3XkDb4ZdRJd/9yMoW5nx5lfXAS2aVVHIjJIbu0mu+OXmx07tJxngR5OtDbygyJAFYKaacFhg3RaHWXpYrWGs/MGMQ9Y/qxct5QU9awlhEe+v4RG6Wcgc7XRqntoZhcyms0zB1m8qozceVIJALv3z6MSpWW17ZfMPZwjMrx+DyWN1e4GQAAIABJREFU/nCafc0o0jtY6DNbGp3IPd+fZOqHRyhsZzmnlVJG2GuzSHh3Li/M8Wm0z95SgYDem1AqNJ1rispVXMgs54bBjsS8ObvZ5/9obxxZJdWNKmzMWujFN9EYbycrFo12Z2z/Xiwe0/kL/BqtcRT+AYa4WGOtlCOXSlgwoi9PTB3Io1MGMNO38+7jr/nMYXGlirf+jkKt1RGbXWq01QWJAFrRuNG4pkFTltpIMtjqBn9gGo1xgnVvJytemDOE3NIapplk5NvFE7+Fsbe2QV0mFXjrVn90Op0hAHtxrh9yuYzY7DISc8pQ6SA2u4x7vz9JWFoxfWwUJORXIRUENj4axMh+TTNAIzzsefMWPyLSi1FrRe5fd5qjtXL/b/4Vxc3D+iKTStBodViaydh9IYvkgkpuH+mGu4M5D03uz71jPNgVmcM0n87/vZ5NLeLjfXH0slTwxi1+2F5lb4a9pYJ517Hv5if7YtkfncszMwcy3UdfKjPCw57v7gtEKhFQdNObpoj0Ej7aF4ujtRkr5w3Fyqz1afX3sxk4WZsxoRPNt01cH3g7WfH0jIF8sDuWXRFZ3Oh/fS44PPK/UGo0Ok5eLGiUmQP4bmkgW0LT+d8/F0nIr6KsppKvjsSz4qamfrhpRZU89nMoOp3ee9Crld7vDQ+PY82heIrKqjkUn8/QlbvZ8mgQPn31peJP/HaWM7XK26/8Gcmq24c1eQ47CzlpRXrT+cem9Cc+t5yP7hhu2N9wjr1S0osqcbBUYNFMWemVcDqpkC8OJaDW6pjp48Tisf1aXMx89c8IwtNKePOWoQz3sG+0r7RajbWZ7Kr6ZReM6Jpy6oMxOXx3NIn+jpa8Nm9op8xFv5xKYVdENlOHOPHgRK9G+5xtlHyxeCRanWhorehsuuds24GIov4fgDFtgepCImOWlja89teHE40yhosF9apfJ5OMYyNRrday43wWOyOySDb54rWLhskxjVZkU0gao97ez5QPDhGaXMiTG84Rn1PBMzMHc3ugB5ZmMsZ69eJ4QgHlNVri8qrQifpFidu+OkVJC2XNAW627IvWWxTkldegFfWfW62ol/N+7zZ/bvLvw8p5vvwYnMzh2Fze2xWN32t7CHxrP18dSWTpeE/ca1XXOpOTFwtQa3Vkl1aTkFvW9gkmWiSjqIo1hxKJzi7jmY3hjfaZK6TdNjAEOJ6QT5VaS2phJTFZpa0eW1ih4lBMLreO6GsqKTXRITwyqT9+fW14dVtkj/b9vBpau6+yUMi4b5wnLvYWhuM2h2Q0e+xPwcmkFFSSVlTJd8cuNntMHQ5WClbOG0pMXgXFVRoqVFpuWnPCsL+iRmPwSaxSN78Q/sXikdw6vC8vzB7MUzMHs+aeUTy54Rxj3t3P4z+HEvTOAcavOkBcTvvnl7/DM5nw3kEWfPmPwWbjuc3hl105l5hXzqYzaWQUN1ZqPRiTS1ZJFRcyStgalsG+qOa9og9EZ/Pr6TQis0p57Jezjfb9cDyJR9aHsGpXTLPndjeOxxcgIpKYV05WSedYVx2IzkWj03EgOqfZaiSFTNJlgSFcB8GhvaWCl+f6cHeQB49M6W+0cZhJBQT0ap3dga6qW24NY70TkZklnE8vJqO4ssUvNhON+WzRcOYMdWF+QB/evnUof4VnotGJFFSo+Pt8FiqNFhGR+JwyXprrw4mXpvPZouGNSkUbEpFeQlG5iuPxeY22bwpJp6iiBlEUySurwVIhQS4VsKzNxszxc2FUPzsu5pWjqL25jkgvoUKlRaXVsfVcZue+EQ2Y4eOMo7USX1dbfJtRgjPRfpRyCZLaFeTuHAg2x+RBvbFWyunvaIWPq02rx9b93dw2sm+rx5kw0V5kUgkf3B5gqJK6Hllz93DGejnw3zubZufqWDTa3XDP4WzbfEvLJO/eSCUCUonAlEFNq09OJOSTW9o4OPDqVb8Q2TABMcDJCoVUgplMgodDY8P2OlztzFl9RwAPTtLfm+aUVnPiYgFVKi0HY3NRaXWU12jYdSGLKpWWzOK2A5P1J1MorlQRlVnK5lC9OmphhYr8spo2zqxHFEXe3RHNH+fS+e+e2Eb7pg52xNJMhoVCilIuxamF9iB7CzPD+21xSVATkqLPqJ5PL+4wte/OZK6/C/YWCoK8ehnsPjqaOUNdMJNJmePn0i3Uh6/5slKAQc5W9LUzb6LG1JX0tbPgYkEFTjbG6bO7lHuCmpqPdwWBHraEpJYAsMBI6rH2lgpS8iuoUmuZa+QyHI1W1yMyCAqFlC/uGWn4+ZbhfTidVIhEAK/eljjZKNl9IZNXt0Xy6rZIvrlnOLP9+/LXExPYGJKKm70F7+zQrxL2tlTg72bLhPcOUqXW4dfHhm1P6Jv15/g58/vZdOQykVW3DSMio5i/w7MMkv/7o3L5KzwDiUTCrcP74tvHhgPR2cQdKAdguHvXBWmDnK35/O4RXXa9a5leVmZ8s2Qkf5/P4slp3m2f0I0Y2seW7+5rn0L4H2fT8XG1YYhL60GkCROXg28fGx67YQCfHUxgXkAfpl5n7RLTfVwMpegtcfOwvihkUsJSi5r0D9YxZbAT+56djE5Hk3u1ZetOcyw+H7lUYOe/JxnshqYMcmLnBf0is7djfeDw2FRv4nPLUcokLBvvxYWMYm7+/B8Abglw5dO79fNptUpjUBJ1tFLQ39GKi3nljPZ0ICG3HJlEwNPegue3hJNfXsPCUe4sHNVyOeVMHyfOpRYhEQTUWh3+fW3x7WODZ+/mA9SWUMgkVKiaLtaN6d+LrY9NIDGvHFEU8XZqXnl8ZD97Vi8cxomLBbx0yft9R6A7f5xNZ9JAxx7RXx/o6UCgZ+cqS9852p07R3euyvrlcM0HhzUaLa/+eYHUwkruDvLgluHGWbFNKqhAFGnXyk9XsDUsk0VjPLv8ukUNFC1Tio2jVhqTVUpxlRqtCCcSC3hwYtdnlEVR5L1dMYSnF3NnoHuPkyIf7m7PCA+9DUhOWTXPzx7C6j31JSJPbzxPtH9ffPvY8sZ8f5789awhi+jRy4KY7DKq1Ppi6zo1SoAAd3uC/zMNjU6HUiFj2hAnnpo+CND3X3yyP46L+RX0slQwyMWa82nFfHZAXyItABEZpZxPL2aYm8mipKcxdYgzU2uFsmKzywhJKWTyQEfcHTq/RLgrqFJpMVdImedjXOVsE9cmj0/zZndkNi9vjWDPM5ONuhjeXZnl68Is39aDyN5WzS/gR9Wa16u1IicSCwzB4dH4fMPcZmdZrxg7wNGK7bWLngA3fnrE8Hh7eBaf3g3fHEnky8OJOFjK+X35BBysFPz5+ATKqzVYKWUEJ+Rx79rTPLUpHDtzOUNcrZstXY/JKuVATC4LR7nx8OQBFFWqOZtShIOVgldu9rnsAEwQBF6bN5Tw9GJGtxAUDWiHF++CkW4saObe5q+wTI7E5pFbWsOdgU0DooMxORSUq5gX0Ael3HjB46qd0aQUVLBiri/uva6Neai9dP+UxVVSUK4itbASgNAU4/S4QX3PVgcJG141lmbG+dWPbqBqOWWgcWTpC8pVCIKAVBAorVa3fUInUFqtIbxWmvh4fL5RxnAl7I3MZsrqQ7z0x3lm+jrj62rLwlH6L3dbZf1ak/oSZa8VN/nQx1ZJbysFK2/2pbBcRf/eFliZSXlggmejY2UySbOeTBkl1eSUVteWIMJID3v+Op9p6CMR0ctbL/wqmKiMko582Sa6EK1OZNWuaP4Kz+TjfXHGHk67aI9irblCyoZHxjURGzBhoiMwk0n5YGEAOaXVvLYt0tjD6VG8+VckE98/2GpZ7pPTvLE2kzHQyYq7RtcHPC/P9cG1dm577WbfFs8PbHDvIwIF5TXsjcpGFEUKylWcSi4w7LdS/j979x1fd109fvz1uftm3ezR7CZN05Xu0gmFgi1bRaaggoICMhQVRRT05x58QcUBKCgqQ5ki0tICpYWWtnSmbdokTZs0e6+77/38/rhJWujKvJ/ce8/z8eBBxr33c5Lm3vs5n/d5n2Ng/YEmHllXMVCq6vL6KE6P45qPzfD1ev18/skt/Gl9JZ//yxYAvnZBEfdeWMxPPjWDF7cfZV/90N8P020WVk5L/8hM4dHyfmXgnGd/fRfdHzsHK63t5LF3D/HC9qMDZbGjZSidxdfsbeCZLdW8X9nK/a9EXjfgsE8O0+PMmA16Drf0UqzR0HXgIyew44FVo6X86RNsmPQKZoNyynKEsXbZzEymZsSRbrNw23JtSthsViMritOIt4ZOh8oup4c/rK+kvdfNgYZukmPMfP/SqeT3lavseGAlxr69tTq9joMNx65wptusvH3P2Xxw3/n868MavvrMDqpa7Nx/8VTuvmBwHYSzE6JYkJ9IjMnA1X3lF+lxJ85wcvtU7vn3rhO+LkKDTgFr39Viq0mP36/y9oEmth1u0ziyEzk9Pr7z4h5u+PMWNlW2nvkOMC72k4jwNCs7nrtWFPHSjlpeGOUT61Cw/mAzt/9jO3/eWPWRr3fY3TR1nbpS6cUdtXQ5PLy4/Sher/ekndRvWJTHzgc+wRt3n41ef+z8KTPBysZ7z+OD+85nxmkqVh797DzS4gIrizoFvv3ibq5bEGjeVpAawzlFx2YCv767njue2cHuox0Y9QpGvcId503iwcumnXDe5PX7cXsDF2P75/4Z9Tpm5yRw45Nbuf/lvXzy0fepGEJTG4Bup4ft1e043KO/J/CSvhXBJYWB/drHsxj1KH27FaNGadWw2+nh68/v5PNPbmVnTceg7pMWZw400fOpJI1BgjzehX1Z6eFWO6W1nXh8fl7dVReUeSgnYzbocHn946YhTbrt1INRx9Jf3juM2xdIkf+2qYpPTDt9icdYsEUZeen2JUE/7sfdfPZEbtY6iEFq7nbx7Rd209rjxuPzY9ApfO+lUp7fWsM/+obUV7X0MsFmobbDSWKUkbcONFPUt7dq1g/X0GH3kBVvGSjbUYEPqtq48iRlJafyRN/cxKYuJ3c+s4MtVW1Em/W4PH5iLHo67F50ChQOouRFjE+KovCDy6ZRWtfJ3NxE/rO7jme2VAOBq/TjqWT4cGsvVS2B/a4bK5pZJOMphMa+el4h71e28L1XSpmdEz9Q/hgJXtlZS2uvizf3NfCZOVnYooxUt9q5/5VSPF4/d58/ibMmnvgcnZYRx57aThKijBR9bzUqcN+Fxdx8dsGI4nG7fVz66Eaae9z84NKpfHpOFo/1zeidlhHHFXOzuWLuie9/Ne12PH4Vt08lMdrI324665TNriwmAz+4fBqrSxu4YWHeR753tCNQNefzq+yp7aQwbfAX5B94ZS91nQ6mZMSRFG1iy+F2rp6XzcWjMJ/1/ouncv/FJ19lLUyN4XuXTKXd7mbRSf6thuNgY/fAlq73KlqYlX3m95CEKDO5SVbsbh8zMiNvj3jYrxwa9AqGvnpwq4a1y0WpMdgsBvKTtatbPj4tNem1+V009xzbc3lEozESHp+fR9aW892X9lDdatckhlBztN1Or9vLhHgLX1yWj1+FXo+PzVVtAyWc7XY3KbFmbFYjUWbDQAlxj9NLhz1QOlLb6eQnV0xngs1CQXI037tkCn6/n9LaTpxuLzf8+QOmP/AG3/jX6Vf+PjzSTlO3k4x4C1nxUSRFm5iUEs0FU1O55eyJJ50pJUJHapyF84rTsFmN+I5rAejVch7RSUxMjqEkKx6b1cj5spdQjAN6ncLD18zCZNDx1X/uGJOVn/GqP5mYPsFGnDWw9lHZ3E1brwuPz095U89J7/f0Fxew+u6ziTIZ8PeNP3tua82IYtlU0cLM/7eGA409tPW6+fnqA9y7qpiHrpzJI9fMPG3FzBeX5DNtQhw2i4HshKgzjii5bGYmj352Lgs/dnHq/oumkhJjYn5uwkn3/p3K/vqugREWdR0ONla04Pb6WLOvYdCPMRJTJ8SxpDAZ3Sm6nR/PN4j3hKkZNianxZIYbRr0bGufqhJrMZIWZ8GvWW997YT9ymFOYjTfWDmZ0rpOPqvRqiFAnNWITqdgs2q3PJ1hs1DXGSituFSjTqHJ0Ra6nYGELPsU7Z3H2u6jnWw6FKh5f21PnWalpQ63j7pOB/lJ0YN6EdRSSVY8F0xNp6nLyWfPymXt3qZAJzajjpzEwCr07Ox4Prc4n5ZuJ5+anUVCXylGjMVAhs1CQ6eTorRYpmbY2HDveQOP/YUnt7D9SDupMSaq2gJvSP/ZVcevrpx5ynjm5ibwemkDXp+f+y6awvPbanhlZx3tDh9dDi8/eHUvvzzN/UXouKyvBCnGbGDOxwYpa81k0HHfRSfvfCiEVjJsVh66aiZf/Os2vvnvXfz22tkRUc585bxsLps14SMNWErruuh0eOjVeTlv8skTA51OR0a8lduXF3LHsztQgS+PcPTZL1YfwOU9tvd+Rmagk/bls8/cFNFg0PH0TWfxxMZDxFoMLBzmCtrlszMHdbzj/fT1fTyzpQajXsdn5mXxyVmZrN3XyJbDbePqApjT4+PBV/dytN3BbcsLWFx46h4WVpOeH1w+fUiPn58czT2fmExdh+OMTYzCUdgnhwBn5SeRHGsmR8Oud9FmA5PTYzVt2xtnNdDQCXodNPe40OKUZmFBEtXtDhRgcUHKGW8/FvKTo4m3muh0eJipUYma1+fnuy/toa7TwTlFqdy6fGTlK2NNr1MGGml87s8foCgqBalRpESbsXv8xFgD5YCXnWL/5KbvrDjlYx9oCOyFaOpxE2cx0OX0kpVw+rLn1DjLR8ZIdDk8TIi3cLChm1iLgcbuwKzESDghCncGvU7zkTNChJrzitP41spifv5GGZPTYrljxSStQwqKj59jtXS7yIy3oqBgPsN85wtLMqg4rmzy2sc2YTHqefLGBUOO47ziVPbUdqJT4Mtn5/PNU4zPOJWdNR28X9GKQR+YuZg/xFEUw7Wtr3Gjx+dnbk4CUzLizji/VQtHWu0c7qs+e6+y5bTJ4XCdqlNrJAj75LDT4eF7r5Ti8vooPdqp2QvknSsm8XZZE0s16tAJUN1qxw/4/eBwnbjhOhi+tbIYnaJgMeq4aWmeJjEkRpt45NpZOD1+bFZt2n07PIFVQ4DK5pOXuoxHn3p0IztqAmWkUUYdJoOeo+32Ec3vvHnZRP65pZqlhcnct6qY3bUdmAwKr+2u47ziVKJO0rn041ZNz6C+08nK6elkxFlZMilZEkMhRET7yjkTOdjYza/fPEhucvQpL96Fsy8unciru2qZlmkjKcZ85jv0WfXwesoaAu/Nn31888De+sG6Y8UkLi7JwGzQk3mGi50nc6ilBxUVj0+lps1OjNlAXYeDGZm2Ma00uuO8Sfz09TJyEq2cP+XElVaH28dbZU3kJkUxPTN4c4U/Lj85mpnZ8VS32rkgAlf2xlrYJ4den3+grX6vhrX30zNtmj6RAJzHlTiUNXaxckbw3yg6HR4aOh2YjXp6XN5BnfiPNr9f5ZkPqmnucfH5RXkjSmyGK9Zi5AuL89he3RFSb9jdzmMXFdw+lR6nl3113czJTTzjSt33Xt7DqzvrSI41s7wolRVTUllcmMxNS/O56bj2/jnJ0XztuZ34/CpVzb2DuqCzqCBJmoEIIcRxFEXhp5+eQW27g68/t5MYs57zisdPaWAw5CRF8dXzhr4o0Os6dr7Ybj+2509VVeo6HcRZjAOdNr/8t218UNXG8smpPHzNrIHbjqQZ0MUzMmjqchFt1tPe6+aKP7xHrMXAFXOyP/J+OdqWT05l+SnKbwH+uukw7xxoQqco/PqqmWRo1NzQZNDxnQulpH+shH1DmqQYM/d8oohLZ07g5mWRPV/q+E6pGTZtSmxf2nGUbUfaeb+ilTf3NmoSw66jHbyxt4EPj7Tz4o5aTWKAwGrXfRdN0fyiwVC8cOsSMuMtpMaamZVlI91moanbyVtljVz/5w948NW9J8w4BLjn+Z3844NqulxeDrf2suVwG3/s69p2gvHVcyQoajscrNvfSI9GK/pCiPBkMep54gvzKM6I5da/bx/0yJVgaulxsbOmY9BjBoLhpdsWkh5nJjvByiu3LQLgX9tqWP7LdzjvV+tZ8ev1HGzsxu/3s7mqFb+q8m5586gdPz7KxNcuKOKmJfn8bfMROuwe6judNHafeiRHMIy3md3imJo2O2+VNY5KE6qwXzkEmJubyNxcbWuHV+9t4I3SBs4rTtVsrp1Jr+DyBp7RZr021wUsRgN6XWCI+Znq/8dKZrwVq1GPw+OTkQdDZIsy8t63A/sH3yitp6rFzhVzM/n925X4/CplDV00dDrJ/tj+3p01HegUBa9fRa9TUFFP+btPjbPwnQunUNXSO+jOYqHM5fXxwCul9Li8fFDVJg1OhBCjKs4SGIdw9Z82ceNTW/jD9XM59zSrQ8FQ3tjN89tqeH1Pw0BnzIKUaNbds1zTuPolx0ax+b7zP/K19Qeb6XS48fpVHB4fmw+1UpQWy9LCZN6vbOXcyYPvo9DY5eQ368qJMum56/wiYswnPx036HUUpcXS4/SSGG3iC4vzBr7X1O3kxe21TEyODtpYsC8sziM70UpOYpRmq4biRL0uL99/pRSHx8eHR9r55sriET1eRCSH48Hj7x6ioctJZXOPZslhcqyFHpcdnQIZ8do8qc8uSuaF7Ucx6pVRm2EzVKlxFh6+ejbdLg9ZCdo1KQplde12GrucmA06Ys1G5uTEs3pvA8kxZmItJ76s3Lgkjx/9dz+KAlEmPXEWI9+56NQvXuOhDDtY/H4Gutr1ysqhEGIMJEabeOaWhXz+L1u4+a/b+PVVM7l81tA6WY6GqpZefrX6AK+X1mPQKZw9KYUbl+SRnxw9pD2BY83u9uL2+omPOtZh/pKSDOo7HBxps2OzGnn3QDMWo55HPzt3yI+/dn/jQL+Bt8uaqO90EB9l4sq5WSdsz3jwsqnUdTjJSYxCf9x+w6c3HWHr4TbeOQDF6XHkJI39+YzVpOeSktDZChMpvP7A/lQAh/vE6q2hkuQwSDocHrocHnQaNsmYnmmjvtOJ1agnOwgvIiezq6YDt9eH16dQWttJpkbJWY87MHsva3x1xg8Jf9lYxXNbq+mwe8hPjiYx2kS300NuUhQer8rD68r58rKJqMC6siZmZ8dz/cI8GrtcPLe1BrNRR35yNEaNVq/HG6tJz72ritl9tJMVJ2kAIIQQoyE5xswztyzkS3/dxl3P7uRIq52vnlsYlFFKLq+PP60/xO/ersCk13H78kJuWppPYrR2471OpbHLyXdf2oPd7ePOFZMGRkmsmp7BqumBbqZffGorPW4vL22vPWlCdyYzs+J5o7QBs0HHoeYeNh0KlPsWpESfUOlmNuhP2q00NfZYMr1mXwNXzs3CFjW832dzt4vVexuYNiGO2eNsZJA4M5vVyDdXTmZvXRcXTB35vmJJDoNk0cRE9td3UaBhGaPb60dVQQGcnpFfWRiOPbWd1HUEauYrmntYqUEMR9vtfPuFPXj9fq5dkKPJ1dNQtqe2E5NBh8Pjw6eqpMVZKEqL5dG3K2nqdrK3rpO39zexqCCJw629vLmvkcc/N5evX1DEtQtyqO90MiUjVusfY1yJpJVSIYR2AiWmC/jOi3t46M2D7K3r5NdXzTplWeNo2Hq4je+8uIeKph4uKcng+5dM1aQR3GAdau4d2P+9t67rpHMGFxcm8+a+BhYXJA2rM/b0TBuP3TAPnQ7eOdDM05uP4HD72F/fPehtUNcvzGX6hDhu/ccOfrOunFd31fHqV5cOORaAP66vZG9dJ/8rref3183FFqVNJ3cxfDOz45mZPTrj2SQ5DJJ7V01hc1UrC/K0uyJzoKEbj89Pl1OlprUnaHNzjhdlMmA1BeYQaTXzsa3XjdcfSI6bu12axBCqupweAHx+uHlZPhfOmEBhagyltZ30ur2oKrh9frqcnoF/Z4tBh15RUBSFCfFWJvSVNPv9KvVdTtJizRhkFVEIIYLCYtTz0FUzmTYhjp+8vp+LHtnAQ1fNZN4oz3XrdXn5xRtl/HXTEbISrDx543zN9zoOxpzceGZlx7OxvIWatl56XV6ij0ueHW4fF81I5/qFOSM6j+l/j0yKNuFw+1AUeOaDaq5fmDuo+yuKwuSMOJyeQAOStl73Ge5xatF9sZj0Ogx6GQMV6SQ5DJLvvLibD6ramJUdz2Ofm6dJDD1OL34V/KqKxahNYvalZflsqmzBbNBx1bwsTWIoyYrnmvk5NHe7uHJutiYxhKr1B5qp73QQZzWQmxxDYWpgJTw3KYpoo0K3M9DFbEVxKvd8YjJbD7cxJT0Og15HfacDj1fFZjViNCg89u4hNh9qpTg9jgcvmzboGDrtbt452Mzj7x5iSWES37lo6lj9uEIIEZYUReFLyyZSkhXPPf/ayZV/2sTNyyZy54pJo7KK+O7BZr7z4h7qOh3cuCSPb66crMnoquEwG/RMSo1lZ00HZQ3dbChvYdX0QMMXu9vLN/+9m9YeF1fPz+ZTs7MG3tuGs+ev2+khLzEKW5SJHqeHqZmBgfNr9jVw1zM7MOgU/nPHUvKST151FmUy8I1PFLF6XyM3DDKpPJ6qqjT3uLjl7ALm5CZQmBrzkUQ42NxeP1/953Zae138+JMzKM6I0yyWSBYaz9Qw8H5lKx6fny1VbZrF0HrcVaXV++pZMDE56DE8u6WG2g4nCvDa7nquO2voL2aj4ZOzpZR0OIrSYgf2ChalHXuzirUYmZYZT0NZoJX3+oPNxJgNA1eJDzZ284P/7KXD7gYU0uMsAyMvDjZ24+vrYno6fr+fyx99jyOt9oHbV2+x87nFeWTGS2MhIYQYqgX5ifzvrrP58X/389i7h3hxey3f+EQRV8zNGta+8MrmHn76ehlr9zcyMSWaf39lkebd4odjcnosBp0OnU4ZuAgK0NTlorUnUHG0v76baRMC720+v8rXzi/irCEW/7OzAAAgAElEQVQ02nv07Qoee7eSeKuJp29aQJfTM7Df74ev7sXRt/3nvpdK+efNC0/5ONcvyuP6RXnD+Cnhj+sPsf5gE1MzbHz/Uu0vtD6/tZrNffsvf73mAI9/fr7GEUUmSQ6DZNmkZDYdamV2zujUAw+HwrERcjazNpvA/X4/bq8PFPD5tRuUs/toBy09Ls6elCIljUMwOT2W3103BwhsgO63/Ug7++q6Bj4vyfro/rnaDgc+v0qvy4dOp9Dr9nLu5FRqOxwsLUw+aWKoqiqv7Kyj2+nhM3Ozael1caTVDjCQHMZHGUka5gZ8IYQQEGM28NNPz+Dq+dn88D97+faLe3h4bTlfWJLHp2dnnnF/oKqq7Kjp4C8bq/hfaQNWo55vrZrMTUvyNatSGqnpmTZ+d91sFEUZeK97v6KZn71RRm5iFEkxForTY3liwyF6XV4sRj3VbfYhJYdvlTWiqtBud3OwqZsL+5rdAMzLS+TozjoUYOW0j5bitvS4aO52MWUUVtV2Hw3Mltxf34XH59e8UdyMLBsGvQ6vz8/0LNmHrxVJDoPkoatm0dTtIiVWu1bNsVYDnY7AJutpGjW/8PpVvH4VBYLSIe1k+q9sqqg0dbm4ZkGOJnGEquOTQoAel5er/rQJb1+y/40LJvHVFUUfuc3SwmSqmntp7nHR5fCQFGPm84vzTnvisPVwO89urQYCs56uXZDDoolJ7K7t5KYlWczNS2RGpg1LiJQqCSHEeDYrO54Xbl3MOweaeXzDIX72vzJ+/kYZc3MSmJ+fyJSMOFJizFiMOnpdPmra7YEGZGXN1HY4iLUYuGlJHl8+p4DkcTSWYrjiP3bh8QtPbsPt87PnaBcbvn0O9/67FK9PRaconFOUyoUzMk7xSCd3w8I8frn6ABk2C+cWfXRG4sPXzObTczJJjDYxPfPYokJrj4tv/msXDo+PT8/J4qp5I9sac/3CXF7bXcfigmTNE0OAmdkJvHTbYlp63MzNla6pWpGzqiDR6RTSbdp254q1GOlyelE4thE62HpdPqx9CUGH3aNJDF6fitq3hur2adO1NZwE9rIeWwWelH5iJ1KjXsdNS/OH9LgJUUYUFFTUgXbnf9Jov64QQkQCRVE4tziVc4tTqWjq5vU9Dazd38gTGw4NzFE7XrRJz6KCJO5cUcjFJRPGtOup1lSO/fzl9T00dbkwGXScOzmVW5cXDPnxPjk787RbXM4uOrF5T7vdjaOvAU1dh2PIx/y4JYXJLCkM/haj08lNiiY3KfgNE8Ux4fssFic4d3Iqr+2uI9ZiIDtRmyfeN1YW0esOlGDcvGxoycJomZwey50rJtHc7WLltHRNYggn6TYLF0xJZV1ZE7EWI7Hm0WmBPSktlh99ajq9Li8lWdqVYwshRCQqTI3lzhWB90unx8fh1l7aety4vH6iTHrSbRayE6I0qwIKtl9+poSH15ZzSUkGz39YS5zViNfn56vnDT0xHK7C1FiuXZBDdaudq+dLQz0xNiQ5jCCT0mKYnB5LlMlAnEWbGTZxVhO/vmqWJsc+3uKC8XWlLNRdc1YunU4vOkUZ1dJpLeeCCiGECLAY9RSnR3bnyE/OzuKTswNd1h98dS/tdjf5ybFYjME9lZbZzGKshVRyqCjK/wHzgO2qqt6ldTyh5vqzcpmZFU9GvCXiB5xuqmylucfFJ6amheyG+fHk3MmppMdZiDYZhtXOWwgIzB1992AzJVk2JqWdWJ4shBDjwb2ritnf0EWRvE6JUebx+Vmzt5E4q4Flk1LOfIcxEDLJoaIoc4BoVVWXKYryB0VR5ququlXruEKJTqcwM1vK8w42dvPIuoNAYGbeDcNsAS0+ajQ6p4nI9vDag1Q29/Dqrjoe+9zcEQ2YFkKIsWI16ZmTIw1TxOh7eUctL2w/CkCcxajJebv2rYkGbxGwtu/jtcBHhr4oinKLoijbFEXZ1tzcHPTgROjQKQoKgT0Sel0oPQWECG/93fIMEbKHSQghhDje8V1jzzT/eayEzMohEA9U9n3cCUw7/puqqj4GPAYwb9487QboiXGvMDWGb19YTHO3i+WTtVmyF0Kc6GvnF/F+ZQvTJthk1VAIIUTEuXTmBGxWI3FWA9M1GjsXSslhB9BftxbX97kQwyLltUKMP7Yo45BnhQkhhBDhQq8LjJPRUijV1G0CVvR9fD6wWcNYhBBCCCGEECKshExyqKrqdsCpKMoGwK+q6hatYxJCCCGEEEKIcKGoavhtz0tOTlbz8vK0DkOIkHb48GHkeSTE8MlzSIiRkeeQECPz4YcfqqqqDmkxMJT2HA5aXl4e27Zt0zoMIULavHnz5HkkxAjIc0iIkZHnkBAjoyjK9qHeJ2TKSoUQQgghhBBCjB1JDiPIvrpOvvTXrfzfmwcIx3JiIULVyztq+e5Le/jwSLvWoYSMXpeXdw400dDp1DqUMWN3e3lozQF++vp+2nvdWocjQpjH52dDeTNVLb1ahyKEGOfCsqxUnNwP/rOP/fVdbD3czvLJqczOSdA6JCEiXpfTw7NbqwH4xwdHmJsrz8vBeHjtQfbUdhJrMfLodXMwGcLvWud7Fa1sOdwGwJv7G7lqXrbGEYlQ9bdNR3hzXwNGvY6HrppFSqxZ65CEEONU+L2bilNKiDIBYNAp2KxGjaMRQgBEmwzkJ0cDMH2CNgNvQ1GPywuA0+PD5w/PSojC1BhMBj0GnY7i9FitwxEhrMcZeL54fH5cXp/G0QghxjNZOYwgP7tiBs9srWZquo2JKTFahyOEIDDw9oeXT6e1x026zaJ1OCHjjvMmsW5/I7OyE7Ca9FqHMybyk6P53XWz8ftV4vsu7gkxHF9YnEdyrIn8pGiyEqK0DkcIMY5JchhB4qNM3HpOodZhCCE+xqjXSWI4RBPirdywKE/rMMZcnEWqPMTI2aKMfPasXK3DEEKEAEkOhRBCCCGE+Jgjrb089f5hfH6VaxfkMCUjTuuQhBhzkhyKoHK4fTy7tRqTQcfV87Ix6GXbqxAAFU09vFFaz9zcRBYVJGkdjggjBxu7WbO3gQX5SSzIT9Q6HCFCQmltJ9c+thmXz49eUXh2Sw2/u242n5iWrnVoQowpOTMXQfW/0npW723gP7vq2FDRonU4Qowbf1xfycaKFn73djkOtzSMEKPn929XsLGihd+sK8ft9WsdjhDjntvr5+7ndhJjMfDWPefw/rfPY+qEOO58dgdlDV1ahyfEmJLkUARVelxgX5WCQkqMtNIWol9aXOD5kBBlwqhXNI5GhJO0vv2sidHytyXEYDyzpZqKph5+/KnpZCVEkRBt4rHPzSXGbORb/94dth2ShQApK40oFU09/H3zEQpSorl+YS6KEvyThMWFyaTEmjHqdeT1te8XQsBdK4rYW9fJxJQYKbfu09Tl5ImNVdisRm5eNjEsZxmOtfZeN36/Sl5SNF+7oEiT130hQonPr/LExkPMzU3gvOK0ga+nxlr43iVTuOvZnTy3tYbrzsrRMEohxo6800aQ57fVUNbQxX/31HO41a5ZHJPSYiUxFOJjTAYds3MSZAbpcV7fU8/uox1sKG9m25E2rcMJSWv2NbCntpPDrb2U1nZqHY4Q497GihZq2hx8cWn+Cd+7bOYE5uUm8Jt15Tg9Uv4vwpMkhxFkal+XraQYM6mxUtIphBjfJqfHoaBgNerJlwtKwzI5PQ69TsFk0Mt8WyEG4T+76oi1GFgxJfWE7ymKwtcuKKKhy8lzW2s0iE6IsSdlpRHkk7MzWVSQhM1qxGIMz6HRQojwsaggiUlpMViMemLM8nY1HLOy4/nttXPQ6xRZlRbiDFxeH6tLG/jEtHTMhpOfJy0uCHT9/f07FVyzIPuUtxMiVMnKYYRJi7NEfGKoqirPbqnmt+vKae1xaR2OEKLPgYZuHlpzgPUHmwe+lhxjDovEsLnbxW/WlfOvbcFfbUiMNkliKMQgbKlqo9vl5aIZpx5XoSgKd543icYuFy98WBvE6IQIjtB/xxViiHYf7eTlnYEXdLNRxy1nF2gckRAC4LF3D1HbYWfr4Xbm5yUQZQqft6jnt9XwfmVgfM/UCXFMm2DTOCIhxMdtrGjBqFdYOPH0s2aXFCYxM8vGH9dXctW8LGkiJsKK/DWLiJMaZ8bUVwaSlRClcTRCiH5ZCVYg8BwNt1Kt/p/NYtSTInu+hRiX3qtoYXZOAtFnqFZQFIXbzi2kus3Of/fUByk6IYIjfC7LipCgqiqbD7VhMuiYm5ugSQwZNiu/urKELoeHwtRYTWIQQpzojvMKWdmYTk5SFHpdaIxc8PlV3qtoISnGdNrVwMtnZTIlI47EaBPJQZjxuqWqDUWB+XmJY34sIcJBW6+bvXVdfP38okHd/oIpaUxKjeH3b1dyackEdCHymiXEmcjKoQiqdfubeGTdQX65uowPNWxNnxprkcRQiHHGoNcxdUJcSO0xfOHDo/z+nQp+9Np+Kpt7TnvborTYoCSG7x5s5qE3D/DrNQd4v6JlzI8nRDjYfKgVVYUlk5IHdXudTuG2cws40NjNurKmMY5OiOCR5FAEleO4uUBOj1/DSIQQYuSc3sBrmoqK2zs+XtOOn7/mkFlsQgzK9iPtmA06ZmQOfj/wpSUTyE608ru3K1BVdQyjEyJ4QufyrAgLF05PRwXMBh2LC06/4VsIIca7q+ZlE20ykBJrZkrfLFmtrZiShsenoihw7uQTZ7UJIU60o6aDGZk2jENoLmPQ6/jKOQV896VSNlW2srhwcKuOQoxnkhyKoDLodVw2c4LWYQghxKiwGPVcMTdL6zA+Qq9TuLgkQ+swhAgZbq+f0tpObliYO+T7XjEni0fWlvPoOxWSHIqwIGWlQgghhBAiYpU1dOHy+pmVEz/k+1qMem5eNpH3KlrZUd0+BtEJEVySHAohhBBCiIi1s6YDgFnZQ08OAa47Kweb1cjv36kczbCE0ISUlQohhBBCiIi152gnyTEmMuOtw7p/tNnAjUvyeHhtOR8eaWNu7vBGyPj9Kh9UtbH7aAcqcFZ+IrNztBn7JSKXJIdCCCGEECJi7W/oYkpGHIoy/FmFX1o2kee31vDtF/bw2p1LMRv0Q7r/2weaePDVvRxptX/k6xdMTeOhq2YSazEOOzYhhkLKSoUQQgghRETy+vwcbOyhOH1ks49jzAZ+9KnplDf18H9vlg/6fs3dLu58Zgc3PrkVg07hkWtmsev7n2Dn9y/g2xcW83ZZE9f/ectHRtQIMZZk5VAIIYQQQkSkw629uL3+URlFc15xGtcuyOGP6yuZkhHL5bMyT3lbv1/l3x8e5cev78fh9nH3+ZO4dXnBR1Ycv3JOAXlJ0Xzl7x/yw9f28ZNPzRhxjEKciSSHQgghhBAiIu2r7wagOH105pT+4LJpVDb18PXnd9Hr8nHtguwTylVLazt54NW9fHiknQV5ifzk09MpTD35yuWq6el8aWk+T2ys4oo5WczNlT2IYmxJciiEEEIIISJSWX0XBp1CQWr0qDyeyaDjyRvnc+s/tnPfS3t4ZWctn5qdSZrNQnWrndV7G3i/spXkGBO/+EwJn5mThU53+r2Od19QxGu76/nJ6/v591cWjWhvpBBnMq6TQ0VRvg58WlXVpYqi/B8wD9iuqupdGocmhBBCCCFCXFlDNwUpMUNuIHM60WYDT35hPn/ffITH3j3Et1/cM/C97EQr31o1mesX5hI3yCYzMWYDty4v4IFX9/JBVRsLJyaNWqxCfNy4TQ4VRTEDM/s+ngNEq6q6TFGUPyiKMl9V1a3aRiiEEEIIIULZ/vouzsof3uiJ09HrFD6/OI8bFuZyuLWXDoeHtDjLsMdlXD0/m9++Vc4TGw5JcijG1HjuVvol4K99Hy8C1vZ9vBZYqElEQgghhBAiLHTY3dR3OikehWY0p6LTKUxMiWFOTsKwE0MAi1HPlfOyeftAM01dzlGMUIiPGpfJoaIoRuAcVVXf6vtSPNDV93EncMJuXEVRblEUZZuiKNuam5uDFKkQQgghhAhFFU09ABSlxWgcyeBcOTcLn1/lhe21Wociwti4TA6BG4B/Hvd5B9B/WSeu7/OPUFX1MVVV56mqOi8lJSUIIQohhBBCiFBV2RxIDgtTRjbjMFgmpsSwIC+Rf39Yo3UoIoyN1+RwMnCroihvANOAZGBF3/fOBzZrFZgQQgghhAh9h5p7MRl0ZCYMv9wz2C6dmUFlcy8VTd1ahyLC1LhMDlVVvVdV1ZWqqq4C9qqq+gPAqSjKBsCvquoWjUMUQgghhBAhrLK5h/ykaPRnGCUxnlwwNR2A1XsbNY5EhKtxmRweT1XVpX3/v0tV1WWqqn5V65iEEEIIIURoO9Tcy8SU0ZlvGCzpNguzc+J5o7RB61BEmBr3yaEQQgghhBCjye31c6TNTkFKaDSjOd4npqazp7aTRulaKsaAJIdB0tbj5rmt1Zq2H/Z4PNzyt60890G1ZjEAlDd2c7ilV9MYRPi59e9buey3G7QOQwgxBOsPNPHbdeX4fD6tQwk7dnvgPV+al5xcdVsvPr9KQWporRwCnFMUaLy4sbxF40hEODJoHUCkuPbxzdR3Ovjj+kO8/Y3lmsQw58dv0e30smZfE8mxZlZMTQt6DO9XtPCbt8pRULj/kilMm2ALegwi/Fz72CY2HWoDYNoD/2PvDy7UOCIhxJlsqmjhi3/dhgqsP9jMv29drHVIYWXBz9fR4/KxZl8TabFmlhWlah3SuFLZHLhIPTE59FYOi9NjSY4xsaG8mSvmZmkdjggzsnIYJO12NwCdDo9mMTjcx67M7qlr1ySGhr6VUxWVpm6XJjGI8NM/qwrA4fYH7biVzT209MjfsRh/6joc1LTZtQ7jtCqae1D7PpbyuNHn9Bx7z99X13WaW0am/jEWobbnEECnU1hSmMzGihb8fvXMdxBiCCQ5DJLvXjyFGZk27l01WbMYLpyehqKA1ajjpqUFGsWQwcpp6Vw6cwLLCpM1iUGEnzfvWoZeAQV46KqSoBzzjdJ6vvvSHr7+/C7qOx1BOaYQg7G/votv/GsX3/r3brYdbtM6nFO6YVEeyyYlk5MYxa+umql1OGHn3lXFWIw6JiZH8+XlhVqHM+4cau4lLc5MrMWodSjDsmxSCi09bsoaZKSFGF1SVhokl8/K5PJZmZrGkJkQzVn5iQB09HqI0+AF0WrSc+OS/KAfV4S3+FgLlT+9OKjHrO5blXF7fTR2uciwhc6cLBHejrY78KuB1YTqNjvz8hI1jujUnrpxgdYhhK2bzy7g5rO1uRAcCiqbe0KypLTfskmBC+zvVbQwdUKcxtGIcCLJYQSJMunYWd1BcoyZzHiz1uEIMaq+/txO9tZ1cdeKSVxUkjHmx/v0nCwcbj8psWZmZsne2bHS3O3i8Q2HiDEb+PI5EzEb9FqHNG48vfkI5Y2BVYPNh1q5uCSDu1YUcXZRMkdae/H6VVZOS9c4SiHGp0PNvVwShPeKsZIWZyEvKYoth9u4+eyJWocjwogkhxHkb5uO4PGr1Hc5eXFHHVfOy9Y6JCFGxa6adtbuDwwE/s1b5UFJDpNjzNx1/qQxP06ke6O0nt1HOwCYnRPPskkpGkc0PlS32vnv7joAdlR3YDboeOq9w9y1ogizQc+XlsnJohCn0mn30OnwkJcUevsNjzcvL5F1+xtRVRVFUbQOR4QJ2XMYQYrTA2UHRr3C/LwEjaMRYvRMTInBZg2USU+T8pqwUpwRh05RsBr15CeH9oncaEqJNZMaawEgPS7w/9wQP9EVIlhq2gPbArITQ3s7wPy8BNrtnoHOq0KMBlk5jCB//9JZbCxvpjA1hnTZHyXCSKzFyOt3LaOqpZeSrHitwxGjaH5eIr+7bg5GvRKyjSPGgtWk5xefKaHT4SEhysT++k6mZEh5sxCD0b9nPDsxSuNIRmZ+337irYfbKEwN3f2TYnyRlcMIs3RSiiSGIizFWoySGIapxGiTJIYnYTHqSYuzYDLomJmdgMkgb+lCDEZNmCSH+cnRJEWb2DqOuxKL0CPvJEIIIYQQImJUt9mJjzJq0rV9NCmKwry8BEkOxaiS5FAEldPj46n3qvjnB9V4fcEbVi7CW6/Ly583VvH8thoZCCxECHO4ffxlYxXPbqnGJ89lMUaq2+zkhPiqYb/5eYnUtDlo6nZqHYoIE7LnUATVc1ur+eP6SnSKQny0kYumh24baTF+vLKzjjf3NQCQnRDFooIkjSMSY+lQcw9PbKwiM97KV84pQK+TLn3h4j+761jT91yeEG/l7CLpTjtcdreX375VgcPt47ZzCwYaGInALNBwmQ04KzuwnWJ3TSfnT5V/YzFysnIogupIq50Oh4d2u4favpp/IUYqLc6Mw+2jodNJl9OjdThijL2ys45DzT1sKG9mf32X1uGIURRt0tPQ6aTD7iElVubxjsTmQ63sqG6nrKGLtfuatA5n3PD5VY6228lOCI+Vw2kTbOh1Crv6Rv4IMVKSHEaQt8qauPCRd7njme2axZAYbcKgUzDoFRKiTJrE4PX5eezdSn702j7qOhyaxCBG14opaUSb9cRHGXl+a43W4YgxNis7HgWFpGiz5g0lHn7zALN+uIbPPr5Z0zjGE4fbx8NrD/LzN8po73Wf8fZ3PrODCx95l7fKmjjU3Euc1YDFqMNi1Ach2vBVlBaL1ajHoNMxPTM8VslGQ2OXE49PDZuyUqtJT1FaLDtrJDkUo0PKSiPIw2sPUtvuoLbdwYbyZk2GSU/PtFGcEYcCFKXHBv34ALtrO3mrLHAV9ZWdddy6vECTOMToykmM5nBrL7ao0G4wIM7s3OJUZufEYzXpMRu0TSCe2FiFw+Nnc1Ube452MEM65vJeRQubD7UC8Oa+Rq6an33K224sb+adA4HX44fXHuTKuVlEmQwY9TqiTZIcjkRWQhS//+xcvH6/dPs9Tv8Yi3BJDgFmZdv47+56VFVFUaTMXoyMJIcRpCgtmr11nUSbDExO0yYxWz45lU6HhyiTXrOxA9kJUcSYDfS4vBRnaPN7EKPvvounUFrbybQJMust3FU0dfG9l/dy/cJcLi6ZoGksWQlRlDf1YDHqyE8Kn5PNkShIjcFk0OPz+5mUdvrZa0VpsUSbDfS6vMzItHHdWblMTo8jw2YhNW5w+6du/+eHZMRZuf+SqaMRflixmvSAJNnHOzbjMHzGes3MiueZLTUcbrWTnxytdTgixElyGEE2lLfi80O300tFU/eg33hHN4ZmntlSjYJChs3K9Mzgn8inxJp5+JrZ2F1eTX4HYmzEWYwsLkjWOgwRBKse3oDXD5sOtbG0MEXT1eJXblvE//Y2sWxSMjHW4JfK97q8GPW6cTXjMD85mt9eMxuv309SzOn3DabGWfjvHcuoae9lZnYCAAvyEwd9rAseeofypl4AelwefnbFzOEHLiLC0TY7OiXQ8ChczOxrSrOrpkOSQzFi4+fdRIy5DnugUYcKlDV0axJDS4+rLwZ14GMtxJgNkhgKEaKOn4LTYT/znrax0uvycu+LpTy3tUaTZhBbD7dxy9PbuPOZHbRq+Hp6MrYo4xkTw36JMaaBxHCoWnqO/fuXN/YM6zFEZKlus5Nhs2LUh88p8KTUGKxGvew7FKMifJ4Z4oyWFiZh0CnEmA2cW5ymSQwXTs/g4pIJfHp2FksLZZVHCDF0Ny7Ow2rUsaQgiVwNr5IfbXfQ0OVEReXDI+1BP/6O6nZ8fpUOh5vK5t6gH388eOrG+cRaDKTGmHj25gVahyNCQDjNOOxn0OuYkWmTjqViVEhZaQT52gWTiY8yU5gaQ55Ge2MsRj03LMzV5NhCiPDw/cum8f3LpmkdBoWpMSwpSOZIm51LZwZ/7+OqaRkcau4lMdrEzOzI3Gs7MzuBPQ+u1DoMEUJq2h2cNzlV6zBG3cxsG3/ddAS31z+uysxF6JHkMIJMz7Tx66tkP4YQQowGvU7hjhWTNDt+TlIUP7uiRLPjCxFqHG4fzd2usGpG029mdjzuDVUcaOhmRlZkXiwSo0MuLQghhBBCiLBX097fqTS8ykoh0LEUYHetlJaKkZHkUAghhBBChL2aMJxx2C8rwUpClJHdNZ1ahyJCnCSHEWRLVRtf+us2fvq//XiPb/cnhBAhwuH28cArpdzyt22U1spJ0FCV1nby5ae38f1XSnG4fVqHI0RQHZtxGH7JoaIozMiKl6Y0YsQkOYwgb+5roMflYVdNx8ALpBBChJIDjd0caOymy+nh7bImrcMJOe8caKLT4eFgYzdlDV1ahyNEUFW32Yky6UmKDv5M0mAoybRR3tQjF37EiEhyGEGK0mIpq+/G7vKRlaDNVTO3188v3ijjN+vKNTm+EKPlxie3sPin69grq1dBNSk1hpzEKMwGPUsnyTicoXh2SzXPbauhqdNJTmIUk9JiR+2xyxu7eWnH0XE3b1GI49W0OchJjEJRFK1DGRMlWTZ8fpV99fK+JIZPupVGkN++VU63y8ve+i62VLWydFJK0GP4xeoynt9aA0C0Sc8Xl00MegxCjNRv1x3k7QPNAHzmj++z//9dqHFEkSPabOAXn5mJqqphe4I3Fqpb7dz/cilev4pOgSe+MJ8Y8+icAjjcPv7ff/fj9vrYVdPJg+NgzIgQJ1PTZg/LktJ+M7P7mtIc7WRubqLG0YhQJSuHEcSvgt+voqoqaHROpT/uZM6glz8/MTpaepz89PV9rNvfGJTj6XXH/nYlQdFGpP7eXV4fa/Y2DGm/ZVVLL++WN3/ka0b96P3+FAX6H04Xof8uYvxTVZWadntYNqPplxZnITXWzO6jsnIohk9WDiNIepyFhk4nBp1CcrRZkxjuXTWZKLOeKJOezy/O0yQGEX5u/8cO9td38dy2o7xy+xJyk6LH9Hi3nVvI3vpOSms7+fPn543psYQ43j82V7NmXwMKCr+8suSMWwR6XV4efHUvLq+Pc4qSaexycfX8LLITR3WfyXwAACAASURBVO85YjHq+f6l09hX18XSQin1FeNTa68bu9sXljMOj1eSFc9uaUojRkCSwwhi1OuIMukB8PpVTWLQ6XTctaJIk2OL8OX1B7rvqip4vMHpxPvodXODchwhjuc77rXbN4jXcRXwq4Hb5SXH8OcvLBiTuPKTo8lPHtuLMkKMRHUYj7E4XkmWjXVljXQ7PcRajFqHI0KQJIcR5OFrZvGbdeWUZNmYnmnTOhwhRs3D18zm929VsCA/icJRbLIhxHhz/cJcUmLNZCZYB7VCHmM2cN9FU9hX18V5xalBiFCI8SmcZxweryTLhqrCntpOFhfISr4YunGZHCqKMh14DPABFcBNwEPAPGC7qqp3aRheyEqLs/DjT83QOgwhRl12QhQ/vaJE6zCEGHNWk55Pzs4c0n2mZMQxJSNujCISIjT0J4dadWsPlpKsQFOaPUclORTDM147ghxQVXWxqqrL+j5fAET3fW5SFGW+hrGJEepxebG7vVqHIcY5h9tHt9OjdRhCiBFQVZXWHlegEZoQGqpus5MSa8bat70mXCVGm8hKsEpTGjFs4zI5VFX1+DNCF3A+sLbv87XAwqAHFQZq2uz8es0BXt5Rq1kMpbWd3Pr3D7n9H9upbrVrFocY32o7HHz1n9u59e/b2VkzPjfWbyhv5hdvlMnGfxF2elxeHn27gsffPYTLO7Jh2r97q4Lb/7mdX64+MErRCTE8/TMOI0FJlo3dtfLeJIZnXCaHAIqiXKYoSimQSqD8tavvW51Awkluf4uiKNsURdnW3Nz88W8L4B8fVLP1cBvPbq3WLDHbV9eFx+fH4fFR1tB15juIiFTe2E2v24vX72fPOBwy7/H5+cM7lWyvbuexdw9pHY4Qo2p1aQMbyptZV9bIxvKWET1W/8WdXUc7ZPVQaKq6zU52Qnh3Ku1XkhVPTZuDtl631qGIEDRuk0NVVV9VVXU6UAt4gf4NE3HACZdDVFV9TFXVeaqqzktJCf5w91CQlxS4YhZnMRIfrU0Hq/OmpDIlI46Z2fEslpbn4hTOyk9iTk4CxelxrJyapnU4JzDoFDLjAycZuUmRcSVaRI7cpCgUFPQ6ZcT7s647K4ecxCg+e1ZuxM6mFNrz+PzUd0bWyiEwLi+uivFvvDakMauq6ur7tItAN+4VwPMESkyf0ii0kHbNghzm5SWQEmshTqP2xskxZh64dJomxxahw2rS861VxVqHcUqKovDDy6dT3WanIEXa94vwMi8vkV98pgSjXke6zTKix1oxJY0VU8bfBR4RWeo6HPhVyIqQ5LC/I/3umg7OKZIFEzE043XlcJWiKOsVRVkPpAE/A5yKomwA/KqqbtE2vND0QVUrt/19Ow+8Wqp1KEKMyObKVr741Fb+tumwZjFYTXomp8di0I/Xl9HQtaumg8feraSiqUfrUILmoTUHuOVv26hsHvrPPBa/r+zEqBEnhkKMF5Ey47BfnMXIxJRodsvKoRiGcblyqKrqK8ArH/uyjK8Yobuf2UlTj4vKll5WTk3nwhkZmsTx4ZE2jHrdQLtlIYbquy/vobnbxbYj7ayclk5anJzEhguvz8+v1hzA4/NTWtvFb66dfcJtPjzSjl6nMCs7PF5D3q9o4an3DwPw3Zf28OwtiwZ93+N/X3vrunjkmhN/X6Gsps1OVUsvZ01MxGwI7y6TYuxEWnIIUJJpY9OhVq3DECFILnlHEJs1UEqqUyBDoyvCb5U18svVB/jJ6/vZUd2uSQwi9MVHBf6WLQYdUWHeljzS6HUKCVEmINCS/eM2lDfzy9Vl/Ox/+9lS1Rbs8MZEcqwZvS6wHy85xjyk++p1CvF9v6/+31u46HR4uP/lUn7/TgWPrZfGT2L4atocGPVKRF1ILMmKp7HLRWOXU+tQRIgZlyuHYmy8dPsSHlpzgIUFiczKOaHha1D0uHzHfSyzDsXwPHXjAl7cXsuigiRiNdo/K8ZGYD/nNA40dDOjr6nC8XqPe93ocYXHHMyitFie+Px8yhq6uHpu9pDuqygK/6/v9xVu1Rgenx+31w9Aj8zGFSNQ02YnKyFq4CJMJOhvSrP7aCcXTI2cpFiMXFCSQ0VRcoFJqqquVRTFChhUVe0OxrHFMVaTnu9eMlXTGC6cno7X58dk0LFUupWKYYq1GPn84jytwxBjJD7KxFkTk076vfOnpOH0+NHpFJYXpQY5srEzNzeBubnDu2h3ut9XKEuOMfO1C4o40NjNhdPTtQ5HhLDqNjvZEVRSCjBtgg2dAruPdnDBOOz6LcavMU8OFUW5GbgFSAQKgCzgjwS6j4oIY9Tr+PScLK3DEEKEKINexydnZ2odhgiSBfmJLMhP1DoMEeJq2u0DK2mRwmrSU5QWy+6j0pRGDE0w9hzeDiyhb4i9qqrlBAbbCw04PT4ZRAz4/Cour+/MNxSn1dYjA3aFiBR2txenlHeKENPl9NBh90RUM5p+JVk2dh/tkPM+MSTBSA5dqqoOnEEqimIgMLdQBNmavfVc+Mi7fPnpD3F6tEuMatrsNHRqt0G60+7h7ud28sWntrH1cHg0tNDCVX98n+W/epuvPL1N61Co73Dws9f3U9/h0DoUITSxubKV0r629Y1dTmr6ujOeitPj40BD98CevjN5q6yJpT9/m6W/eJstVdIBUYSOmgjsVNqvJCuedruHo+3y3igGLxh7DtcrinIfYFUU5QLgNuA/QTiu+Jj7X95LU7eLwy123qtsZkVx8PdwbKlq4//ePIhOB9+/ZBqT02ODHkNFczfN3c6BeObnScnSUDndXsoaAtuGt1d3aBwNnPOrd3B7/Tz5/mEO/OhCrcMRIqge31DJb9dVoFMUvrmyiP+VNuL1+7lrRRGLCk6+F/GHr+3jUHMPJVnx3HfRlDMe4829DXh9gUTyzX2NLMgPvz2OIjz1J4eRtucQPtqUJhJ/fjE8wVg5/DbQDOwBvgy8DtwfhOOKj/H4/PT36erq1aY0qLrNjoqKz69ytP30V7bHyrQJNmZmxzPBZmXlNGlyMBwWk4GV09KJNhv41OwJY3KM6lY7DvfgVrg9fasfg10FESKc7K8LXKjxqyrbqzvw+gPPg+q23pPeXlXVgRPmwy0nv83H3bAol5RYM+k2C9ctyBmFqM+stsNBlzM8OtIK7VRHcHI4OT0Wk17H7qPaX8QVoSMYK4dW4C+qqj4OoCiKvu9r2mQGEeySkgye21pDrNnABRp1fls1PZ3GLidmg46lk7TpVmox6vnOhWe+Ui5O75dXzhyzx35602H+u6ee1FgLv7yy5IzDry+cns47B5tZUSzbmUXkuWdlEU3dTqJMBr5/6VT+/WEtTo+Pi2ZknPT2iqJw2/JCNpQ3D7qL4dQJNtbds3wUoz69N0rreer9w8SYjfziMyUnnXkpxGDUtDmIsxgGZj1HErNBT3GGNKURQxOM5HAdcD7Q0/e5FVgDLA7CscVxokwG5vS1Sm/pdhFjDv6YyxizgdvPLQz6cUVoOdgYeLlo6nbSafeQGnf65PD3188NRlhCjEuZ8VH8/UsLBz7/4tL8M95nUUHSKUtOx4P+14Ael4e6Dockh2LYqtvs5CRF3qphv5IsG6/sqMPvV9FF0JxHMXzBKCu1qKranxjS93HkPks1tKwoBYfbR1a8lbzkaE1i2H6kjZIHVzP7h2ukeYg4pesX5jJtgo2r52eTGifDeyOBx+Nh1g9WU3jf6zz+bqXW4YhBqGnrYdYP11Dy4Gp2VbcP+n6v7a7jJ6/v50DDqccdXzE3i5lZ8ayals60CXGjEa6IUDVt9ohsRtOvJDOebpeXqtbBlZALEYzksFdRlDn9nyiKMheQrEADG8qbMRl01LQ7OKLRi8Q9z++iy+ml3e7hrmd3aBKDGP8mp8fyvUum8qnZMhMzUtz9/G46HF68fpVfrTmodTghb199Jz7f2Halvvu53XTYPXQ5vXz9+V2Duk9Lj4u/bz7C7qMd/G3T4VPeLjPeyncumsIXluSjKLLaIYbH71c52u4gOyGCk8PsQFOaXTWy71AMTjCSw7uBfymKskFRlA3Ac8BXg3Bc8TEOd6B1eU27nWhT8EtKAZJijpUGZSZYNYlBCDG+uN0+3iprHPg8NdasYTSh7/xfr+fS377Hwp+9NabHOSs/YaDJ2YxBDhiPtRhIjQ1UA0xMiRmjyIQIaOx24vb5I7IZTb9JqbHEmg1sOzL41X0R2cY8Q1BVdauiKMXAZEABylRVlfZjGuh2etEpgKrS6fCQrMEJWNxxG8KjTaffRyZEP6/Xj9vvJ8pk4OlNh/nZ/8qIsxp54+5l2KyyFynUVbT20N+Y1qDAhnvP0zagEFfT1wm6rddDj8NNzBg9R761agozJsTj8Hj59NzsQd3HbNDzsytm0NDpJH8Q2xuu+dMmdtV2srwohT8MYm+x0+1Fp9NhMgTj2rcY76pbI3fGYT+9TmFeXgJbqmSusxicYL16zgdKgNnAtYqifC5Ixx033F4/5Y3duLzaDZ9v6HIOlHR6fNq0/LcfN5rA4ZGxA+LMqpp7mP+TN5n54Gr+/n4lf3r3EE6vn6ZuF09urNI6PDEKpmbYmJFpI9qk5+oFg0syxKmtmp6OxaDjrPzEMUsM+11YkjHoxLBflMnAxJSYM5aLOtw+th5px+31s66s6YyP+7/Sehb97C2W/vytM7bu//Fre/nDO+VDiluEnpq+4e+RvHIIsCA/iYqmHlp6XFqHIkLAmK8cKoryNFAA7AT6MwMV+NtYH3s8WfXIuxxpsTMh3qLZVfEPKlvxE0jK9tS0UpwR/E3+cZbAyqEC2CzalLaK0PKvbdW02wNzOb/3ahmXl2Twcns9AG8faOLuCyZrGZ4YJS/fvkTrEMLGI9fM1jqEEetxuLnkd+/h96soCuQknHmVcXVpIz6/is/vY+2+Rkqy4k96u5X/t54Dfd1Qf/7GQf57x1KmZQ6uLFaEluo2O4oS2MMayRbkJwKw7XAbq6affMSNEP2CsXI4D1iiquptqqre0fffnUE47rhS1dyLTw1sjNbK8et0/9pep0kMC/ITSYo2khxjZFZOgiYxiNCSGHWs/FkFKpoHmh+z62iXBhEJIcbaExurBlZ9UmPNrL3nnDPe54ZFuSREm8iwWbly/qlXM2s+9j78rRd2jyxYMW7VtNmZYLNGfJnxjEwbFqOOzYektFScWTCeLaWANhPXx5HkWBMKEB+l3RDWeOuxlboHLp2uSQzXLMjhxiX53HJ2ISunR/yfhRiEL51TwP9n77zDoyqzP/6509J7QgohpNFC7106CiiCvaxrr+sirquiotgQ9LesuordVVfsoliQLr2GmhBKSO+9TTKZTLu/P2aYJKQDmZtyP8/Dw5077733TGZuOe8553sC3K3nz7zBQdw+Nsz+npume9/wZWS6KjMGBKJSCCgUAuOj/Fu1zcjePux8chqbHr+iWXXK/7thcL3X84fIkZSuSmaJjlBZ/A6NSsGIMLnuUKZ1OCKvzx84JQjCIcCe7CyK4nwHHLvDcGDJdA5nlDG8Z+NpLo7g+LIrWR+Xw7BQb3pKlH/v7qTi0el9JDm2TOcldumseq8HBHuxJ7mQR6f3lcgiGRmZ9mRwqDe7n5pKfkUNg5tID71Y5g3pybwhPdl+Np8e7s5ySmkXJqNExxV9A6Q2o0MwJsKXt7edo7zaiJeLdIEKmY6PI5zDFx1wjA6PUqlkbISf1GYwb0iI1CbIyFwyw3r7MKy3nJYsI9OV6eHpQg/P9ov6TOsX2G77lpGeaoOZAm0Nvbu5GM15xkX68dbWcxxIKebKgXLmlkzTOKKVxc72PoZM6ziWUcone1KJCnDnsRl9UCoc31j4RGYpf//mOBqVwMd3jCJC7nMlcxF8vjeV1zeewVWjYsNjk9r1AVJGpjOi1Rtx06hQSHCd7+wcTS/lrs8OYRFF3rl1ONP6y05kZyTL1tIlzE92DgFGhPngplGyK7FQdg5lmqXdC3YEQRgnCEKsIAiVgiAYBEEwC4Igq0hIwOf7UtmdWMj3sZmkF1dJYsOqzYlkluhILqjio10pktgg07n47lAGQ17cxNX/2W1f9+neVPRGC8VVBl789ZSE1snIdDy+P5zJ/f87zIu/JWC2iPb1Xx1IZ9Lrf/LE98dbva+SKgOrtyfx/eFMRFFseYMuwPs7k6gymKk2WnhvR7LU5shcJBklVuewu7exOI9GpWB8lD87Ewu7zbksc3E4Qs3hXeBW4BzgAtxnW9etWPHHaSa//ifLfk2QzIatpwqo0JvIq9CTkl/Z8gbtwNk8LSJW1cmTueWS2CDTsamqqiJ8yXrCl6xn+Mubeen3U1ToTZzMqeCzPdYJhTHhVlluhQCeLnJLFJmujcFkYdXmszz14wlSi1qe2NtzrpDUoio2J+SRZXtABlix4Qy55XrWHc8hKV/bqmP/eCST3ecK+eloFvHZ3eOafd3wUJQKAYUAsWmlhC9ZT8zzG6Q2S6aNnHcO5bTSWqb0CyCrtLpV1xGZ7otDpP5EUUwClKIomkVR/AyY6ojjdiS+ic2gQFvD2iNZktlQVacB/dYz+ZLYoDOY7MtllQZJbJDp2Cz4INa+XKoz4u1S2xtzYKgX5dUGkgsr8ffQMKt/D+6cECGRpTIyjuFkTjmxaSVklOj4Iz63xfGhPq6YLSLOGiWncmsTdXxsatlqpUCAp1NTm9cjxNYfTqNSEuDRum06O3MGB3PyhdkMC60VqtEZLc1sIdMRSS/W4aZR4uumkdqUDsOUPlZxnl2JhRJbItORccSUu04QBA1wXBCEN4BcoOVutl0MtUJBlcWMs4QCUWE+zmSU6gG4Y3y4JDb09HHhTJ41atknUK43lGnI36dHseg7a98xhQC7npzC8j/OMKVvD8aE+/HwmiPEZ1sfeE0iDAj2lNJcGZl2J9LfDT83J0p1Bka0oj/sguE9OZlTgVKAmJDa82PDokl8cSCdmQMC8XJp3QPz1UNC6NPDAx9XNT08nS/6M3Q2jmWXcTSjzP5artzsfGSW6Ojl64ogyN/eecL8XInwd2PXuSLumihPrMo0jiOcwzuwRigfBR4HegHXOeC4HYrxkb4czypnQJCHZDZ8ds9Ylv4cz+jePpJJd8/oH8hZm3M4Z6DcW0qmIfOH9yI6yJ09iYU8MMXaqmLZ/Nq+nNmlVfY6qhqTGaPZglop9zuU6bp4u2p465ZhGEwW3Jyst+3yaiO/nsgh1MeFaf161BvfN9CDj+4YCYCzWmlf7+6i4W/TrK2E1sdl88T3cQR4OLH76enNHr+fhPctqQj0cLKKtllEPF3UHHthttQmybSRjBIdEf7dLhbRIlf08ef7w1nojeZ61wcZmfM44olqgSiKelEUK0RRfEkUxX8AVzvguB2KGpMFLxcVRrN0qSnPrI0jIaeCz/encyyjVBIbtp4psNcc/tKK9CiZ7klMsI/dMbyQuOzaWqmyaiObE6RJkZaRcSRqpcLuGAJ8dTCd9XE5fLgzmeTChjXkzmplsw9+j317Ar3JQmZpNU/+cKJdbO7MhPu788XdY7h3ciS7n5wqtTkybUQURTJKdITJ9YYNmBUTRLXRzE45tVSmCRzhHN7ZyLq7HHDcDkWF3kR2mZ6yaqNkNnjaareUCsG+7Ghc1bU/OV+5CWu348OdyYx6dQs3fbAPk+niJkrqJgipFQIezrIgjUz343wTa5VCgaum7bP/qjotLgrK9Yx6dSvXv78Xw0Wel12R8dH+PDt3AO6tTMGV6TgUamuoMVnoLbexaMDYSF+8XdVsPJkntSkyHZR2e6oSBOFW4DYgQhCEX+u85QkUt9dxOyrVRhMKAfRGc8uD24mx4T7sTCwkwMOJKIn6C46N8ONYZrltWW5i3t346Wg2BpOFM3laTmSXM/IiGtl/+8BYlqw9ydR+fswfFsrwMB8il6zHAgzp6cmvf598+Q2Xkelg3DiyF0kFlVhEESdVrXN4MKWYHYmFTO/fg9E2Vd/zFGl1TFu1G4PJwooFg/hgVzIjevtwIqscg8nMufxKjqaXMi7Kr952D685wtGMUh6eEiXXKcl0CtLlNhZNolYqmDUgkI0JeRhMFjQquSxDpj7t+YvYB6wCztj+P//vH8BV7XjcDkmh1kBFtYniSukih29sTsRoFskp0/PhziRJbPjyQLp9ebVE/aP0RjOv/XGax787TlJB6+TcZS4PVw4MRBAEevm6MjC4to4pv0KPxWKNWPxwON3eyuKFn+Mb7GNspD/bn5zKsvmDGR7mw12fHuR8rCMuW26hKtP1KdcZOJhaxOncCs7maVl3LNv+3uodyRzLKOWDRq6v9//vKFq9iRqThX/8GIfRLLLy+qFcNSgIEWv5w5M/nuBwWol9m/isMjafyqeo0sCqLYmO+HgyMpdMRrHVOZTTShtnzuAgtHoTe5OLpDZFpgPSbs6hKIrpoijuAGYCu0VR3IlVqTSUbij8pVIIuKgVKCWs/RXrNEMWJPoKLHUar1ok6sGakFNOXFYZueXVbJLr1RzKP2b349jzM1m/aDLOGmviwqNfH2XWv3ey8L19ALz2xxn7+G8OZ7a4z9kDe7Q4Rkamq/DL8Wym/GsHi789QY2tvUJd0Y1wWxpdb7+GQhwTo/3rvU61PUA/NqMv904Mx0mloLzayOf70uxjQr1d0dgEnwLcu0crC5nOT0aJDkGwKqTLNGRitD8eTirWx8naDzINcUQseRfgLAhCT2AbcDfwuQOO26G4fWxvIgLcuGV0L8lsiA60RmqUAoyJ8G1hdPswM6b2Qf664T0lsSG6hwc9bEp0YyX6O3QX9pxr6HwrFPUvO0fSreJIqUVVlOkMXD881P7eyEZk+7+PzeSJ70+wN8k643nbuAgenxlFdIArp16YdjnNl5GRBFEU7Yq8F7L1dD4Wi4jRbGFMhC+vXz+Eaf1rr6vPzRvAy9cO4uk5/Rps+88r+/PawoH2qUHPOvW6swcG4aJWolQIzB4YaF/v465h/aJJPD9vABsXNZ6yXaTVtfkzJhVU8vSPcfxn2zlMEgq1dRZO5UojItdZySzREeLlUi/lWqYWJ5WSeUOC+SM+l6oaU8sbyHQrHKHkIIiiqBME4V7gHVEU3xAE4ZgDjtuheGhqFHdNDJdUNvhcvjWF0ixaL5zDWtEv63KTUlBlX84qrWpmZPshCJBZrKOwqoZqCWtAuzKVehODXtxkf33s6Qn4+DT+e7t5dC9+OJzF2AhfvF01LL1mIA9OiaaqpobwgPo9DHUGEz8dywLgu9hMeyTksZn9eWxm/3b6NDKO4LvYDJ5fdxJvVzWHnpsltTmSUVplYNmvCZRVG3nqyn4MuqDt0D0TIziVU4GzWsk9kyIIvKD3oJNKSd/ApltP3DY2nNvGhpNUUEF0j9rzKybEi91PT8dkseBqi+qfzC5jV2IRj0yLJrKROvWzueVc9fYeRGBoqBe/PDqp1Z/z97gc0kuqSC+pYnr/Hgzq6UVcZgk3fXgQtVJg/1PTcZeblwMQvmS9fTlt5TwJLek8ZJTo6OUrRw2b44aRoXwbm8mGk3ncMDK05Q1kug2OiBwKgiCMB24Hzl/hmnVKBUEYKwjCPkEQdguC8KZt3ZOCIOwRBOErQRA6pcyl1P1kzHUmoj/elSKJDQm5tTV+v8VJk9L5Q2wG8TkV5JbX8MbGMy1vINNmJqzcVu/1v7dnNDl28cy+7F0ynX/fPMy+LsDTqYFjCOCiVtI/yLr+YsRsZDouz/18EoNZpEBr4NGvj0ptjmSczqugQKvHYDJzIKWhdtvwMB+2PTGV9YsmN3AM20Jdx/A8GpXC7hgmF1Qy/929vLHpLJMuOJ/P89m+NM7fVhJy2lbvOzzMBwEBf3cnwmypsLd/cgi9yYK2xszVq/e2aX9dlaoqaSZROzvpchuLFhnZ24dwP1d+aEX5hkz3whGRw8XAM8DPoigmCIIQCWxvYZt0YLooinqbMzgZmCaK4iRBEJ4GFgA/tNaAQ6klnM2rYM7gYPwlqplIKtCyIT6PGQN6EBMiTQN6jVLAYPMQH50eKYkNagXYymTwdZWmBUEPD2cUgoBFFPGTZ6bbhaqa+hHZV64bClij129sOouHs4oXro7B27Xxv//mU3mEeDkzqKd3vfWCIPDC1TFU6I32bU0mEwvf349Wb+Kb+8cR7C3PFndGNCoFJoP1dzMwpHs1Xf89LofvYjMZ1duXeyaF0y/Qg1KdsV666OWiQKvH3UlldwKb4mhGib0uvLDS0OiYxTP78OORbEwWkSl9A7j/i1gScipYef1grujbvO1T+gYwIswbZ7UStVJBdmk1TmolWtu1I9RPPo8B3NzkJu5tpdpgplBbIzuHLSAIAjeMDOVfmxPJKNbZJ2lkZNo9ciiK4k5RFOeLovi67XWKKIqLWtgmTxRFve2lCRgC7LC93gqMa+3xiypreHNLIuvjcyWLlgE89OURPt6dwkNrpJsR93WtDbh6u178jPOlcNXgYPvyjaPCJLFh3pAQHp4axbXDQnj9+iGS2NDVWTA8BBe1gjHhPvXSoPYmFaHVG8kpqyY+u7zRbe/+7BAP/O8I17yzl99OZDd4X6EQ6jmVi749QXx2BWnFOm77+MDl/zAyDuH40ukMC/Xi/knhPDy1j9TmOJRtpwswmi3sTylCBF66dhD/uXX4ZW859OeZfBZ9c4zF3x6npKpxh+88N44Ko08Pd1zUCh6eEtXomCAvV5Jem0vaynlcNSiQLacLyCnX88hXrbvPeTirUSsVJOVrmb5qB6U6I94uKq4dGsKae1t9m+/ypK2cZ/8n0zKZpTal0kZEmWTqc92IUBQCfBPbdHaPTPejPfscviWK4mJBEH4DGlTWi6I4vxX7GAL4A2XA+VBEOdAgn0wQhAeABwDCwmqdDo1KgZNagd5olrRZdmGlAZ3BjEVs/obcnhTVeRg4ll7KmEi/Zka3DwODPdl0Mg9BEIiRKDpQpjOy/bcqIwAAIABJREFUOSGPsmojR9LLmDtEnqG+3Ky6aRirbrKmiX64/RwrNlkl8OcMDMTLRY2Hs5ohF0QFz3PeaRSBDfF5XDO0eeGiAM9aR9HTpVNmnMsAGo2GdW2oWetKzIoJ5NvYTMaE++Dh1H73qdO2tP4KvZHMEh2+LWRObPnHlFbvO8DdGQHredtWEZB9yUWYbGFKZ7WSt28d3qbtL4aErHLmvbsHgCGhXvzaTX97XRG5jUXrCfF2YVZMIN8cyuCxGX0kL3+S6Ri0p7f0pe3/f13MxoIg+ALvAjcBI4HzT4ieWJ3Feoii+BHwEcCoUaPszqins5pXFwwitahKMoVOgFAfF7LLqgnwkE4K3EmlwGSw5nR6uEhzAfBx09An0AOFIOCslsZZ35CQS3ZZNWCdLZs7JLiFLWQuhdU7ayP2284UkLh8brPjn53Tn2d/PomzRsnLCwa2uP+X5g9GgUCBtobVt4+8ZHtlZBzN3MHBzB3c/teha4eFUFxpIMjLqYHQzaUytX8Pls4bwO5zRfzrprZlZNw+NoxvYjPJK9fzxOyGKqvtwTPranuoNpXFINM5ySiRncO2cNeECDYl5LPuWDa3jJEmo0umY9FuT+eiKB6x/b9TEIQA23Jha7YVBEEFrAGeFEUxTxCEWOAR4A2sfRPblDsW6uNKqI+0F4kbR4ayKSGfqf0CJLNhzuAQfj6WjbuTkisHhUhiw6hwX7acyketVDAktPHIUXsztV8AH+5IRltj4mrZMWx3rh/ek8/2pwMwtW/Lv//rRvbiupFta/mybP6gi7JNRqY7EerjygvXxLTb/u+dHMm9k9tez65UKtnw2BXtYFHTPDGrD3d+dhiAMFnVskuRUaLD3UmFj6ucSdIaxkX60j/Ig8/3pXHz6F4IQrdrRS5zAe2ZVioAy4BHsTa9VwiCYMLazuLlFja/ERgNvG77kT4D7BIEYQ+QAbzVXna3F3dNjOCv48NRKKQ76eYNDuJQSjH9gz3xk0iYJ8TLhfGRfjipFfi7SyMGE+zpzKQ+/uSU6RknQWptd2PZtYNYcpW1hszJ6dJ/d8Ne2kxljYkXrx7AXyZEXPL+ZGRkHENWSSWz3tyN2SLyzf3jGBkuXTbPlH6BpK2cR0VlDZ4S3Q9l2gdrGwtX2clpJYIgcPfEcJ5eG8/+5GIm2FpEyXRf2lOQZjEwERgtiqKfKIo+wFhgoiAIjze3oSiK34iiGCCK4lTbv/2iKL4uiuIkURRvE0UJC/cuASkdQ4AlP8WTUVrNtjMF/B7XUOjDEWw4mcvmhDx+O57DblsTc0fz87Fsfo/L5WhGKS//dkoSG7oSZVp9i2OcnJwui2N4/xexlFUbMVlEXvz99CXvT0ZG5tIQRRFRbCAr0Cg3fniAaqMFg1nk7i9i29my1uEox7CmpoaamhqHHKu7k1ZURYS/nFLaFq4d1hN/dw0fSCjcKNNxaE/n8K/AraIopp5fIYpiCvAX23syDqZMZwTAbBFxUknjqCbkVHAorZRDaaVk2eoCHE24v7vdUQ+VaxIuiYgl6xm2fBuRz6xvefBlYETv2lRkF7Uj2rTKyMg0RW55NQ+vOcr9/ztMalHL/fgi/GvVV4MkrL93NIu/PUa/ZVvpt2wrz/0U3/IGMheNyWwho0RHuKxU2iac1UrumRTBrsRC4rPkGtzuTns+XalFUWwQGrLVHXa7RPBynZFdiYWUtiAf3p6YzBb78v6kUklsOJZRiohV0W5fcsMGz45gZG8fHp4SycwBATw/d4AkNnQF9Hq9XYbYIsLct3dhMLT8+9br9Yx7bQtXvbWzzcd8eGofFs+IZlIfP+JfuqrN28vIdDXe23GO5b/Xz4BIKtCyP7kYi6VhRO/Hw5l8d4my9cWVNTz14wn+uyeVsmoDlTUmjqQ3f08xGo2IokiYrzNXDwlm8z+mXpINnYmNCbn25V9O5EhoSdcnq7Qak0Uk3F92DtvKX8b1xsNZxXs7kqQ2RUZi2lMusrmnxE6ZFnopTPvXDkp1BjxdVJxYdqUkNpjrPCe4KqWJHJ7vPwSQXdLyTHN7sO10Hv/anIgoglZ/lI/vHCWJHZ0dZ2dnFAL2RtmncrVMfGMnsUtnNRibV65j4srtmEXscvd5FQZmv7mTzY+3Xi4fYPGs+mqGk17fRlapHgUQ9/ws3FuQ55eR6Sqs3n6Of285B0BmaTUf3DGSjGIdL/ySgEUUuW5EKDeNqhV3+mxvKm9usbaVKdMZebCJ/oUtce3qveSW6xGAWTE9cFarmBDVfP32jDd3k1FiVYke3ja9qTbR57k/MJpFPF1UxF1wrx35yhaKqwy4Oyk56cDJpVtHhdlFue6bGO6w43ZHUoutzxWRsnPYZjyd1dw5PpzVO5JIKtAS3UOadmMy0tOekcOhgiBUNPJPCwxux+N2SEp1BkSgotoktSkAbDlbIMlxDaba6GW5Xpq/RUKOFotodVDSiqVxULsKKSvmERNcewPRGcyNjvtoZ6p9cqJuLKNM1/Z5oj/ictlwsnYmPqvUWvNoAT7cI9dLyHQf8spr633LdAb0RjMHU4upMVnPQ+0F19i6mSslVc3Xv6UUVhKX1aBrFAB6o3X/InD/5CjevHkYId7NK35W1dReG/Ir2qf27lyeFqPtQtPYvbbY9vkra8wYjcZ2saExll07yN7EfrGDWnV0V9Js6c1y5PDiuHtiOE4qBe/vkO+l3Zl2cw5FUVSKoujZyD8PURQdmlYan1XO2iNZlOscdzO4kPM3Tn8P6aIadYOFL8yT5ga16rraeYHP7xgqiQ33TIqgl7cz7k5Knr5Kuhv1mbwKfjicSVFl5xYpWPfwOALcNbhplNw8uhcPfnmY3efqd625d1KE/ffXJ8ANpQDOKgW7npjcYH9Go5GvDqTVm0g4zxf70ljyUxxP/xjHmv1pAPjWkSu/e2LbZfRlZDorL14Tw9S+AYwI82b17SN4c0si3x/OJLOkGg9nFbeMrh+ie3R6H64d1pP5Q0N4fGbfeu8VVOjR6q33yE0Jedz4wX4e+PIwv9dJg4zPLiFiyXqKKg0MCPLgngnhjOjt0ypbl1zVD09nBWG+Lnx5T/tka/QJ8kBlqyf3cGrYy9fPllXgplGiVne76pZuQWpRFR5OKvt3LdM2/NyduHVMGL8czyarVBpdCBnpkaYLuQMprTKwcuNpzBaR5MJKnrqqvyR2lFQZUCoEyiWMHNYtPzmYUc7Efo7v8ffIt8fty9d9dJhjEqTYZpdWE+TtQpC3C7nlLStttgfVBjOv/XEGg8lMfHY5L1/befv0aTQaYpfOokCrZ9E3xwD4Iz6XyX1qexr29HUlecW8Vu2v7/ObEYGl6xI4/fKVOGtqL1M5ZXXSksus311JnUmf8Su2cHZ5644jI9PZUSqVfHrXaPvrokoDaUVVlOiMHEguZnNCPgtH9LS/r1EpeGVBw2vN2iOZvPL7aVRKgU/vHMWfpwswmi0YzZCQW8HVQ619ca95Z799m8R8Lb8vaji50xjz/rObhJwKAN6+dWC7OmZJr81t8r0jzzdMeZfpWqQWVRHu7ya3sbgE7p8cyZoD6Xy0K6VTP5vIXDxdXu5PIQgobBcJtVK6j6sQAFFEym4Wda+VBmPrpMcvN6Y6Hqq+kciQI1ApBQQERBFUEv0mBKE2kivl7xKg/CJSOxvDz82JgSFeCAhMim652X3jthjtaafWtF8dKQWl/BxrTXF5bGZfxoT7MrWvP3+fEd1ge6XEf0sZGSl5dHo0PX1ccFIpEAQBJ1XrzocdiYVYRBGDycLOxCJuHBVKsJcLEf5u3D0h3D6u7u3rfITOYDBwLk/b7P6TCirty98czKizvqJV9nVntibkUllZ2fJAGcBaKhIhp5ReEiHeLiwc3pPvYjMp1HbuzCaZi6PLRw69XNUsu2YgyYWVTO4jXWPP+UNDWB+fy/T+PSSzQaUQMNjqMWb2l6b5u5tKgdZodQrDfZuvUWkv/N2dEBEpqqyRrGjdWa3kpfmDOJVbzvgo6X6Xi789zp9n8okMcOenh8ejUFy8c6VUCDw8NZJPdqcyJPTiCtm9XNV4uqioqDbh5qRkyY/HOJ5tfTB6Yu1pwv3dSLHVlFw/MpQp/QL549HJzH13N2oFnHp5zkXbLyPTUdiXVIS/hxN9A1t3HmWW6jiXX8n0/j34/sEJvL8ziSBPZ+YOaV12yP2TIzmbp8VFo+S2sb3wd3fmj8cmo7xgNjN+6RSGLt+JUiFw6pU5nMvTMuutXQAEezqx/9mZje7/1jG9+GJfOhqVgtcWDgRqxWFUCjj90mw5zbMRIpast0+WfXLHCGYOdHy2T2eixmQmu7SahcNDpTal0/PglCh+OJLFZ3tTJcu4k5GOLu8cAkT3cCe6h3vLA9uRnYmFGM0W9iZL0/gdsDuGAO/tTOW/kY53VM87hgBn8qURgzmYUsTJ7AosFgtrDqYzNlIaRznMz5UwP2n7LB5KKwGs4hMlOgP+7s6XtL/Jb2yn2mDh0z2pnFtuTe8q1xm59eP9RAS4sfq2kQCYTCZUqsYvP3UVBsOX1PZPtFBfQOjjPalM6RdITKgnaSvlVFKZrsGbW87y2d40lAqBj/86ilHhvs2Ozy7Tcf17+9AbzcyKCWTVTcN4bEbfZrc5z/nzcEiodwPV4AsdQwB3d/d66eEf7a4VrchrRmTmxfmDeHF+/fS0Eps4jMkCB1JLmdy3/v0or1zHXZ/FMqSnN2/cKE19utTUze955ffTsnPYApklOiwiRPjL/YsvlagAd+YOCubL/ek8NDUKT2d58qY7IedgOYgKvQG90UKlRAqdFzJVIofI17XWIRjSUxqHXWcwYzBZMFpEyiQUKTqSXsKne1IlLfqeNcD6QDY41OuSHUOAGpvzbzKL6G2/9WmrtnMqV8v6uDz6PLue8CXriV66iX5LN1BUqWfa/21nyIub2J9U2GB/900Msy97OimZ2tearqoAVi60PmweTCli+e8Jl2y7jExH4EyuNUXTbBH59UQOn+9NpbgZ0ar0Ip1dPTS5sHUTbpV6EwOe30D00k0sXL230TH/2nCS6CXrWfjO7ib3s2zuALsTOTzMu1XHPk+/IOv138NZ1cAxBJj15m7O5FXy/ZEswpdYrxtb6/QL7A64qmsf0T69c4yElnQOUous99JwPzmt9HLw8NQotDUmvrS1YZHpPnSLyGFHoMpgQQSqjdLU2V3IWzuT+euUhjVb7Y2xTs1hqU4aR7lfkAc9fVwwmiyMi5DGSa6qMfHmlnOYLBaSCipZcZ003V10BjMxIZ4oBIEakxknVUOFv7awcHhPNpzMY3ykL87O1suLsU7Euu7Pv8Zk4e7/HiK12HpDv+9/R0h4uX7vsaXXDGbpNU3/bfacK+Qvnx4C4JvYTIf2LpORaQ+emtOf536Ox1Wt5GyelsR8LcVVBp5oogXChGh/rh4STGJ+JU+1Un156+k8+73oZE55o2Pe3Wl9IDyWXcHG+EyuGtywOaG7m4bkZgRgmmPj4ub7m5rMDe+V9315tFtlCZx6RU6TbwupRdYSBLnm8PIwqKcXU/oG8N89qdwzMQIXzaU9H8h0HuTIoaOQRv+lSUaFt22W93JRVyDB1UmauYkBwV48N3cAD1wRyT2TIiSxQaUUcLVdaL1dpUvXOH9sdycVyotQd9PqjSTma4lNKea5n+JYddMwTr18FZ/eVTvL/e394+jhrmFgiGe9bd00SvoH1UaPXdQt33iMRiNrDqRRpLU6lJsS8uzv1e2jJiPTWSjU1tj7EoI1nevbB8az6qZhONnOCS+X5q8Rr103hB8fnsCYVkx27U3M589TubiqBQRgTETzaasA5/JqsxtO5ZajMzQ9sff1wTTyytuWDZFcWNmg5+mae8fi76apJ4KjlAUoZZohtUiHj6sab1e5jcXl4pGpURRXGfj+cKbUpsg4EDly6CDC/FzIKK4m2PPSU/cuB4NDpHEOowLcKKq0NlYeFtq6/liXm+LKGr4/nIlWbyLc340r+l6csual4KRS8urCQSQVVDIiTJq/A8A/ZvXjWEYpfYM82qzcWlSp59p391FYXo3BNvnxbWxmg5YV3i5q+gZ5cvOoUPYkFfLjkWxuGdOT4WF+/POHOABcNUr2L5kK1IowTI7248v7xtXb19BXtqEzmHnhlwTOvjybVxYMZu3RbKoNZhYMD7mov4GMjFSsPZLFD0cyCfZyYcV1g3GuM0Hi46bhtYWDyCqtZlQrewm2xGd7U3npt1P213WjcEfTS3n0m6N4OKlY+9B4RoZ5cSTDGlX897YkUmz1XNvPFODnrmHDosn12swADHlxExV6EwIJxD43DX+Plmu/3tqayH/3pOKiVvLVvaNYsfEcw3p58fcZfTlsaz0x4uVN1JgsJMiCUzLNkGZrYyFz+RgT4cuo3j58tCuF28aGSa6uLuMY5G/ZQVTVmPFwVqEzdozoxltbkyQ57rGM2hSmDSelqR9JK9ZRoTciIjaZUuUIeng4MyHKv94DoaNx0SiZEO2Pv7tTm7dNyK5AqzdiqhMVNzcSIZ+6agd7kor4+7fHeWRqH5JXzGP5wmGsO1bbXFsURdRqNde9u8ceZN+dVNxgXzqD9fyxiJBiqy+JCfFEo1JQqL08LTlkZBxFfLb1+pNbXk1RI3WFoT6ujIv0u2wtd345lt3ke8+tiyevXM/Z/EqGv7qVVxYO5u/TogBr4su6YzmctNlbXGkgo7S6wT60tjpjETiYWtYqmw6lWkWxqo1mFrx3gG1nCli15Rz/3VMrdnP0hStlx1CmRVKLqoiQ6w0vK4Ig8Mi0KLLLqvnleE7LG8h0CWTn0EGMCPNBqRAYEuoltSkADAxsuzNwORjcs/bzz4xxfMQOYGioF8N7+RDo6cw1Q+Ro08USn1WKAIT51P6Wwv0aticx16kzzSipFcz4142DcVYpUAjW1BWAKwcH2t9vrCfoyDBvBAGCvZzpF+yF2WzmWEYZJovIwdSGzqSMTEfmxlGhRAW4M29wMKE+zUfZ0ouryChuPl0zp6y6Xk/BC/ngjmH2ZW+X+lG/gSFenD9VTWaRj3alMLVfrVCMk0rBA1dEEuDhzMwBgY222biibwAKwbpvk0VE30z66XkenRZND08n/Nw09dJrzwvzyMi0Bq3eSF6FniiJlem7ItP69aB/kAfv70jCYulgNVIy7YKcVuogakxmRMDQSJG9o1AI2G/+T8wdKIkNdXsyOymliZilFFbxxf40jGYLIZ7OPD13gCR2dGb+uyeFf22xRp/L9SY0SoHE5Y0LUzwyNYpP96QSE+zJ5L49yK/QczitlJG9fTjzav1owINT+qBRKFgfn8ePj0zEYDDQ74UtiNDoMZRKJb18XMgsrZasZ6WMzMUyMMSL5QtbFqPaeDKXf29OxNNFzdKrYxjWq2FZQGpRFc+vO4nJYuHBK6KY1khP3SAv93qppPd/EcuW0wUoFQJ7n74Cs8XCL8dyUKsU3DAylJHhvnxx9yjWHc/h9YUD0Wg0OKmU7EwsZFNCHlcODKq3/y/uGYNWb2T2m7t4ft1JfjySxZf3jrW//96Oc6z+Mxl/dw0bF0+xZy7UGC3klOtRCAIuagF/d6du276iMf6Iy+X1jWcI9XHhs7vHoLHdSOe/u5uEHC19erizcfEVElspLeeVeqVuW9YVsUYPo1n0zTE2n8rjqkFyS5WuTreIHFbWmEgqqEQUpZvxOJldgdFs4bSEs6F1J3z+vVmatNLD6bWpRr+ckCZF4b97U9AZzBjNIt8fzZLEBgCdwURSgbZTzsSdTwU7j8Es8v6Oc42O/eeV/Tn9yhzWPjIRgOXrT/PlgTReXW+tfXryhxOsj6tNd7t7chQ/2sZ+uCfNnmZqMIuYTA0jEf+8si9LruzLpsebVz+UkemMmMwWVm9PJq9CT0aJjtyyhumcAD/EppNjE4LJamLMhWw7XQBYo/vP/nSKN28eTtyyWZx6aTaToq2ZHVP6BfLmzcPRaDSIosh3sZnkllfzQxMCFWVVRqpqrOdpbrm+3nuf701Hb7KQVabnxyO125faWgpZRPjt0Unsfnp6q+y/HCz7JZ41+1IddryL4dO9KZTqDMRnl7P9TIF9fXxWBWaLyJk8baPXxu7EuXzrs1Uf2TlsF+YNDibcz5XV25MlfZaWcQxdPnJYbTDz9I9xFFfVMG9wMHeMD5fEDoUAuhozXi4dQ25tweCGs8qOwNtFRbGthUV0gDSRnkjf2tRHs0mai5zJbOEvnxwkq7SamTE9eG3hEEnsuFg+uGMUA5/fSFWdGtqFw1s3m2i23VjMFtEuYPHDkSwMRgsLR9aXy//4AodTpap/yXprSyJvbzuHCBzJKOODO0ZdxKeRkenY+LppqNAb8XXVMH1Aw2v3C7/E87/9GQB4OKm5dljr0uVDfJzJKrU6cHdO6A2Au0vTSo+CIDAq3IfYtBJGhTeuctrLz5V7J0ewP7mYh6dE1XtvbIQvf5zMw0mlYHr/2hTyZ+b05/2dyYyN8CW6kXTV9mLS69vsnz+9RMdzV1+ejJrwJevty5ej9cbkPgGcy6/Ey0Vdr5+kl6uaMp0RDydlg2tjdyOpsBKNUkGYb8siSDJtR6kQeHBKFM/8FM+epCIm95GmLEjGMXT5q0lxVQ1HM0rRGUy4O6kkcw6LqwyIQHl1x5jd+2BPGndPbV1PrMtJSZ3ehqfzm66NaU/+d7B2xrpMb5TEhryKahJyKjBZRDYn5PPaQknMuGgmrthqdwzvHt+LJ2b256vD6azYkAhYaw93PNn47P8zc/pzKLWE0eG+TPm/7fb1284WNnAOKy7QmFl3LJPDaaW8anOmD6YW2yOLCTkVl+GTycg4nrIqPeNWbKfGZGFcpC/fPDDe/p5KqWDZNTEczyyjt68rf//6GGqVgidm9eX9Hclklenq1SKW6gzMWrUTQYD3/zKS4c2oIe95egZ7zhWSVljF3Z8fRgSevqofDzXTA/cfs/qy6Jsj9OvR9OTeYzP68tiMhuvfuW0EjxdW0sNdU88JvX1cb24f17vJ/bUXBRW1IkC7k4ra5Rh9n11P4mtWB/Hx747xs02Ia+mc/tx3gfPcFItn9uXWMWF4OavqKcQef2E2R9NLGNLTs5mtuwfJBZVE+LtdNvEmmYZcN6Inb21N5L3tybJz2MXp8meRIAi4Oalw06hwk6ivHtSmdHaUYHxZlTROqrpOoyp3jTTfx8KhtREuT2dpbHDVqHFWK1AKAj6dsCdTdnntQ9Vvcfm4u2lYvT3Zvi6tuOm0tlAfV64bEUovX1funRiOAmvPw3dvG9HicRd/F8eag5kMXLYBgKNptemtwR7S9YuUkbkUfjmRg95kQQSOZjRU+YwMcOe6EaEkF1VRoTdSXFnDhpN5nM2v4HBaKQUVNTipFHi7qhnS04tqoxmdwcxvrUjdn9QngB+OZmERQRTh20PN9zPru3QDv8Xlc/cXR1h3rO29zyID3JuNTjoSQx155f/+ZXi7HOPW0T3ty5sS8u3Ln7YxlTXQ07lB6xCAEb19u33UEOBcQaVcb9jOOKmU3D85kv0pxRzNKJXaHJl2pMs7h0Gezlw5MJD+wZ7ceEFUojvT01catdKBwbUznJOiW26+3B5MGxhMqI8zfm5q7p8cKYkNPq5q7psUyehwH/55peMjuJdKpH9t6s6ya/oD8Ozc/vZ1dZvbN8dzVw8kZeU8El6+CgCtVkv4kvWEL1nP8cxi0lbOY0CgK1OifQj3qz2mrsYq7FRTR9/pVH4VMjKdketHhOGqUSIAE6KabmQ/IcqPAA9nQrxduGZoMC5qFaIIGrWCsZG+HH9hNreN7Y3JNht5w8jQVh3/b9Oj7Q3mixtpqVEXYx2H6pm18YxZvoWkgs4ftT9b2LwSbFtIWzkPf1cVT82K5KWFtQqx14+odRQXTe9z2Y7X3dEbzWSW6GTn0AHcOiYMb1c179WZDJbpenT56SalQuDJK/u3PLCdGRTiyamcCqKaScVxJFP6BrU8qB3IqSNQkFzYOtGEy41GqUAhCGhUSiwSFVYLgsDfZ/Th7zM65wPCn/+c1mDdLWPCuWVMOAAGg4EbP9jHuAhfnmjD+Td0+S778oLVB0hbOY8Nj1uPlVemZ/zKbYjAdbaaqmuGBPFbXB4Aax8Zd5GfRkZGWtydVZyyTZA0R6iPK+/cWhvh+vLesTzy1RHyK/Q8PrMvAGuPZqGy9YGJzy4nJqTl9kmzY4JwUSupNJjR1piZ/84efv37JPv7qzad4VBaCV/ePYqJkb7sTbH1JjSJVGsN3PD+AY4vm92mz9wROK907KxSMG3A5b0nHn7hygbrXlkwmFcWtKxOK9M2UgqrsIiyUqkjcHNScef4cN7edo6zeVr6BTmuRljGcXR557Cj0CfQA53BTB8HFts3R2m1NA3D3ZyUYBNs9XGTJrXIzUlFT29XRESCvJwlsaErUGMyI4rgrLa2JJn79i7OFVTy/Lz+vL4xkSqDmdi0UtydlTw4pXVOsEop1Ev1qkuQtzOpF4g7vHPbSN657dI+h4xMR+KPuFz2JRdx3xWRBLg7NVsOoVEp+OTO0fXW1R3v4aTmeHopd38RS28/V9b9bdKFu7CjVinAYK0j9nSt3cc7fybyji1KMOLVPzlpc2KXrD3Bt7FWtWcndedMQnKkKqpM+5FUaNUv6BMoO4eO4K4J4Xy8O4X3dyTx1i3tk44tIy2yc+ggtpzKp9poJq9C3/JgB6CVSIhlUrQfqUXW9J0r+vpLYkO4nyvjIv3IKtUxY0BgyxvINCCzRMeLvyZgsog8N28AexILOWVr0/LCr6dR1ulgH59tXb/9bD6PrDmKs1rJoWemoVY3rBFMXD6Xvs/9gdkicvzZ7t23S6b7kVmq49mf4zFbLKyPz6V/kCf3TIpgVkzrr1MvXhNDiJcLgZ7OzB0STJ/n/sBoFinVlfPcT3Esv66+MvL589JJpaAiVF5GAAAgAElEQVS3jxNB3q6subc2Cn8yqzZlVG+qzeNeef1QyqtNZJXo+O4+OWovIx1J+VoUAkTIvW4dgo+bhtvGhPHZvjSemN2PXrJCbJejc073dUI0KgGlQkCt6BitLPzdpak5TC2sQsQqzJNefPlqPNpCfHY5vxzPYm9SIT+0IL7Q3pjMlpYHdUAScsqpMpioMZk5kVmGSln//ZeuHoBaKeDvrrELzSz65jjVRgulOiN3/PcwAH/95CDRz67nubVx9m0Tl88lecU8PDwaj7JnlUrXK1RGpr3QG2wiYYJVwMxoFhERiU0raX5DGwaTBYvFgkKh4KGpUSy01bfVveM0puT4mO28LKs2EeztxncPTqj3/od/HYWfmwa1UmD5wkEs/z2BUa9u4bvYDN7/y0h+WzQZV1fHikEl5lVw7bt7WLX5rEOPK9MxSSqspLefG04X3ohk2o37JkeiEODDXXLtYVdEjhw6iNG9fdmRWMDQXi3Xf7QXArVqqQMkyhOPzym3Lx9ILZbEhuNZZaQW6RCBX+NyeHh607Lt7YUoiqzceIYTmWXcPLoXC4e3TjiiozA+yp8DKSUYzRam9Augh4czvxzPJSGngpXXD2LB8F78ZUJEvW3cnRRobYHzEWHeHEkrYZdNPv6r2EyenxeDczPqsTU1NfRbthUAZ5XAmVfnts+Hk5FxMA+vOcLepCKG9vLmXzcMYV9yMWqlgvxyPSPCvDGaLaibkejfeiqPp9bGo1YKfHbXaHud4U0f7sNgFhGAmGAPXrp2UINte3g4UaG3OqZN3Z+OPD8LgJJKA0+vjQfg6bXx3Dw67FI+9kVz/fv70NaYicsqZ3ykLxOim5bV33gyh3XHcuQeqF2YpIJKogLklFJHEuTlzA0jQ/n+cBaLZvShh4dcotOV6BbO4ZoD6ZzOreC2sWEMbEVxfnuw6ZRVwnrXOWkcIqjfRiM5Xxp1uUpDbaSsqKJ5Vbz2okJnrbcUgBqJIncVehMnMq2S9bsTizqdc+jloubF+fUbRq99ZGKjY+s2hD7PU3MGsPNsfr11LTVX+TU+z76sN3WUpjAyMpdObKo1Ongis4zpd49mZoxVHOXFXxP4fF8aRzPKeHbugCa3/z0uD5PZgskMG0/mERPihd5g4mR2BUqFgEKAOYODG9126xNTWbL2BBF+bjw4tfmJMoNZmlr1C6nbGqraVifZGBtP5vDQmmMA9H3uDxKXyxNKHZF3tp5m1dYUAPoEuLDlidbXgtaYzKQUVjFTLhFxOA9eEcV3sZl8uieVZ+Y0fX2S6Xx0+bTSnLJqfo/LIbmwku9jpU0h7EjsT23YS8sRhPvWzi4N6SlN9HJEmC/uTko0KgUTIqRpp+HlomZG/0C8XTRcMzREEhsuF5NWbiP62T/4cPu5Bu/9HJvS5HZT+gXSP8gdAZjeLwD3RqKGSflaHv36KJ/uTuHGUb05n5Xt49ot5rVkuglzBgfjrFYyc0AgCkXtbTmlyNqeJamgstnt/zIuDG8XNT08nbne1r7CWaNiev8eaJQKQn1cmBkTyOaEPB5ec4QdZwvqbb/y+qEtOoYAQV7uLBwegruTEl9XFdHP/sGrvyW09eNeMp/dM5oofzduHxPGjJimVUY3nqydgGpK6EpGes47hgDn2qhinlRQickiMqBOmywZxxDu78bcwcF8dSCDcp00OhYy7UOXf8Lyc9fg7aIho6RKvnjUoae3NDWH0wYEkVJkbf47Y2DjM9ntTd8gD8ZH+aPVm5g9SBobAO6/IpL7JTv65WHFH6fIKrPmiq7YlMiD0+qrki4cHcnja0/XWxfoWatSu3HxlGb3/9TaOJIKKtmVWMj4KD9SVsxrdvzQlzZRqTeR3MI4GZmOxCsLBvHKgoYpnw9eEcnOxEKm9+/R5LYphZX8cjyb/9w6nGFhPvXeO1/ve57r39uLzmDhQHIhx5a13DqjMd68eTjrjmay+HtrnfAne9NYes3AZrd57JtjZJbq+KmJ7IK2Mibcj23/nNriuLduGc6Gk7nUmESuGihHljoqAW5qCquszkVbVRlO24TQ5Oc7aXhkajS/x+Xyv/1pnbY1l0xDurxzaDBZ0JvMuKiVFFd1jJSYjoCTSpqvPq+02p4SVFQhTZ9Df3cn3r5lODqDCT+JhHm6Cr18XOq9Pp9CenzJRLy9vQFYc+8olv58kp/vH4GPj0+DfTSHh7NV6EKpEJqV9AcYsmwjFTVmux1pK2UHUaZzMzHan4nRzas6X/fePrQ1Jr48kIFCgGAvZ/YumdFgnMFgoMqW1l9a3XQqZmtoS33Rw2sOs8EWwRv96hZil866pGNP/b8/yS3Ts+rGoVw9rGeL48/KtckdntjnZ/P0D0dJK9Lx3cNNt1tpjNO5FTirFbJSqUTEhHgyrV8An+1L497JEbhqurxb0S3o8mmleqOFGqMFtUpBebUc9j7PyVxpag6PZJTal3dKWH/polHKjuEl8MPhTP69+SwzYoK4YWQIwZ71HxaHr9xrX57UJ5AdT81olWNoNFs4llFKqW0iZ/VtI/jbtGg+vGMkvf2av/lXNVN7JCPTVamp017CIkJ2mZ7HvzveYFxlG+ZGz+RVkNGImvTGk7n836YzBHq7cPf43gR6OPHDg2Oa3VdGSe1+LvUcXfLjCdKKq6kxiyxq5DPKdF5ev3FEmx1DsDqH/QI96rVPknEsj06PpqTKwJoD6VKbInOZ6PIufoCHE49Oj+ZMnpZrhkiXQtjRmNRHmh6D0T08yCm3CtEM7eUtiQ0yl8a5fC1rj1qbXwuCwL9utDbBrSs805rbdFxWGYu/PY5aqeCTv46il58r721PZn9KET6uGt66ZRjuzioenBLVKruOLpnE0BV7AHhwUnibPpOMTGdl6bwBfL4vjXN16hI9XRpK+vu6axgb4cOxjDLmNXEvXHcsm1fWn8JgNDMwxJNXFgymT6C1NryosobP96UBoNWbePnaQSxrRP30Qn5+aBxjV+xAbzLz5T3NO5It4eXglhkyHRtRFDmdW8HsZupOZdqfkb19mdzHnw92pnD72N4tZvnIdHy6fOQQQG80U20wYZCwp5yXs/Vm7aaRbnarbpnhQ1Mc374BoH9gbfRncIg0NQKiKPL5vlSWrz9lj1DJtB5/dyeOpZdwIKWEd7bVitBcN9Dq7CuAlFakdH65P52iyhpyy6v5+lAGYO2fWF5tpExnRG9s+XyduGIb4UvWc9VbO/Hy8iJt5TzSVs7jmaubr4GSkens/G9fKle88Sdn8irY8o8pPH91P5zVAqPDfXhp/uAG49cdy6RKb+L7h8ay/UwhA1/YyBFbD8W3tyVy+8cHeHd7ElU1JnRGCyU6A4XaWkVpdyeVPdsizNb0+s8zBSTlN993NLPcwJBe3lw/IpSR4ZcmAPbM3BgmRfvh46rit7+1Pcp0PL2UyGfWE/nMeo6nl7a8gUyHpkBbQ6nOyIBgacTtZGp5fFZfSqoM/G+/HD3sCnRI914QhBDgdyAGcBdF0SQIwpvAKOCoKIqPtXZfBRV6Pt6dgsUiUqoz8vzVMe1kdfOU663pNFUG6RTTyup0jrjn80PseLL1ctGXi4/21F44Vv5xmpvH9Ha4DdvPFvD6hrOYRZECrZ63bxnR8kYydnzcNNhK+7AAr69PIKlIx5bTVgVcN+fWNSKeFRPItjMFKASBmTGB/Hoimy2n8hGBwcHueLmo+e5gBu/vSua+yRH8ZVw4hRU1BHhaH1DLtHqyy61iOGfymldzlJHpSpzNq+DF305hEeHrQ5n8bVo0906y/gP48XAmxzNKyavQc/3IXgwIcWPxd1YBmQWrD9j388CXR/j+ofF8utsqEqZWKlArBFzUSm4eFca4SD/7WGe1kpXXDeZAShEvrEvg871pVOiNqJQKvr5vLP2bEAR56bcEjmeUsTOxkDUHM/ByUXNi2exGx1bqTY2qFtdlzX3jWv+HuoBbPjlgr3m/5ZMDnHllzkXvS0Z6TtnKY2QxGukZEebD1H4BfLgrmTvG98Zdjh52ajrqt1cCzAB+BhAEYQTgJoriZEEQ3hcEYbQoirGt2ZFSASezy6m21R3KWDEYpa/PKtVLY8PxjDKqbZ//aLo0LT26EhOi/fjxWI79dVVN677X2QODmBDlj0phld3/7UiavRdnfK7V2Vvyczwi8Py6BN7bnkyOzRn8+t4xTOhTv/H18t8TeE6OGMp0A277+KDdyVEi4uVSqwC86WQeL/9+Cq3ehAjsOlfEioWNp38GeTnj56bBRa2k2mhGW2PCZLYwvJc7906ObDDew1nN3746Zm8LoVaAi0ZFYoG2SecwzMeVw7Y+jkCTtf9XvPEnGSXVeDgpiX/p4pRUWyLA3YnM0mr7skzn5rTNOWzqtyfjWBbP7MuC1Xv5Yl8af5smTXaazOWhQ3pLoijqRVGsm/MxHthqW94KtHrqMK24GhBwViko0krTdL0jcqsEETuoX4umlujXFxPsiUapQKUQ6BskXTpKXrmenYmF6AwttX/vePz29/G4aRT8dVwvJvcL4rdHJ6MQrN/v0maaddflcFIeQ1/axJy3dwNwy7iGtYVinf/PO4YA//kzqcHY28f3auvHkJHplJgsIkrB2tz+07tG4aKpjdafn/iqe+5M7x+Ehy2iP6SnJ4umR3HbmF6sXzQZb1cN3z4wjkXT+2A0WRAEgYTcplNFLXWSX3zcNFw5KIirBzddz//qwsGsvGGI/XVThRUZJVanTVtjJrOkfTIBdj89ncnRfkyO9mP3047PnJG5vJzO1dLT2wUvF7kWtSMwrJc3M/r34KNdKVToZQHIzkxHjRxeiDeQbFsuBxqEBwRBeAB4ACAsLMy+fmhPLwb19CSlsIobRoU6wNTGCfJQk6c14ucm3UXMRa2g2lbHFdPTSxIbAt3V5FVaLxqDQ9wlsaF/sCfBXs7oTWYmSyTMU2Mys3TdSSprjOzr5c0zc1rnUHUUBvf0JeHlOfx0JJPVf55jw8k8ViwczM1jwlre2MYNnxwBILVYx4P/i+XDv45mSIgn8TkVzBtkFRhYND2Krw5mcvOoULYnFtp7Wr1yrfUSkLZyHh/tTGL+0FCCvFsvry8j05n54PYRrNqayFUDg5jct37/vgXDe5JTXs2R9FKKq2pYMLQnPu4a4l9sOhoXEeDOfQHufBubTnKhDjcXFQaDGU0dp/P3uGwGBHnx6Z0jefTrY4T5ubJ+0RWtsnf+0J5cEenHmtgMHp3et8XxvXzb797w5SWkpcp0LOKzyhjUU44adiQWz+zLNe/u4fO9aSyS+x52WjqLc1gGnL8CeNpe10MUxY+AjwBGjRpln9tUqRR8+8B4R9jYLO4uGjyNIu5O0jmH1XUEPnaeLWDGAMc3Ba6bcViik0YgSGcwE2xzJESJSkDNFhG9bYa/Ut/5IocA41dsI9cWzVMK8MKvCW1yDuuSZUv1+nXR5Hrr/zG7P/+Y3R+Ap5pwoB+QSFxJRkYqxkf782Mz/Q8fmXpx50SYnzupxdWUVZt4Zl08q24aBsD8d3cTl1WBQoAfHxp/UWmf3h7OTTqGlZVyzbBM2yjTGUgr1nHTaDljpCMxONSLWTGBfLw7hTsnhMtR3U5Kh0wrbYT9WGsQAWYCB5oZ2yHxc3PC01mNr5um5cHtRN0vu4enNFGWpdcMQCmASoA3rpemPiwmxJMHrohkwbCe3DRKmhuLq0bFU1f1Y97gYB6d3jmdm6LK2jRtEVArW1bi/fZgOlml1ujfX8dZ//ZqBax/rHURCBmZ7kpmsQ59K1PQCyqqSSls6HCV6wzkV+gb2cKKp0vtfHHdPrAphVWANaV0c0J+a01uNe7u7vi7Wx8iI/xcL/v+ZboecVnlAAwNlVtidTQWz+yDVm/i0z2pUpsic5F0yMihIAhqYAMwFNgEPAvoBUHYDZwQRfGQlPZdDGlFVeRrayStL3NzEtDWWENl10rU89FJqcRJrUQpCIhC61Qt24Pp/R0fNb2QIaHeDOnEN7YbRvRk7dFsfN00jI/y556J4U2OPZNdwlXv7Le/3vHEZF5eMISXFwxpcpsLyS2r5q2tidwxvjeDenbev5uMzIVkler4/nAW0T3cmT80pMH7z6yNY318Lv7uTvy+aBKumoa37mqDmRs/2Ee+Vk+h1tqix9dVxdEXrgTgRGYp935xGJNZZOm8AdzQyMTYWzcPp4eHM65qBYtn9bOvHxHmw55zRfi5a/jn7PZJFTu8tHEFUxmZxojLsiaQDQ6VpkRGpmkGhngxZ1AQn+5O4c7xvetNNMl0Djpk5FAURaMoijNFUfQRRXGGKIoHRVF8TBTFyaIoPiq1fRdDvk0Mp0QnXZHueccQ4JGvj0piw3exGegMVlW8tUeyJLEBwGIRqTFJr9jaWVm4ei/rjudy5cAgDjw7kzdvHsaOxAKGv7SZlX+crjfWaDRy7fv766374Uh2o/u1WCxo6xSyF1bUcC7Pqkg3fdUOvjucxbWr92Eydc5UXBmZCzGZLXyxL51DqcV8fTCdjGJdgzGHbT35iiprSCuqanQ/r65P4HSeliJtbe/WEp2J/UmFlOkM7D5XRJnOSFm1kdc2nG50HwDPzh1QzzF8Zu0Jdp0rwgKMDvdFpbp8c8rLf09g+EubeX/HuZYH24jLLGl5UCcju0RHuYTPBp2R45nlRAW44ekspy12RJ6Y3Y9qo5l3tzcUj5Pp+HTIyKFM++OpajkFsD0oqaq9AZZVS9OAvrzayNJ1JymtMvDYzD6MvsTGzN2N4soa4rKtKT2bT9WmmK3abH3A+2BXCktsiqUnMktZsHofF5Z2PnlVw/rBkkoDC9/bS6nOwINTojAazbxlUyUdEuqFwWTdi8UiUlljwvsyPqTKyDia3PJqcsqq+WBnCmnFVbioFQR6uuBtEy2rMZlJK9IR7u/KPZMi+HBnMjEhnsSENB4pGR7mw3exWSgEAXOdYuoPdyZzMK2MCH9XTDap0dIqYwPBmaY4m1+bnprShGN6sXy8Jw2A1zcm8vDUliOSMS9sRGcwIwBnX56FRiNdmcbl4u7PDrH9bCEA79wyjGuG9ZTYoo6PKIqcyCpjcjN1tzLSEt3DnRtH9uKrAxncMzGCXr5yunhnQn666qbkSjRLWV2nv2JljTTRn6QCLYVaPaIocii1RHYO24ifuxN+bhqKqwxEBrgB1gecxvh8b1o9x3BilB9f3V+rFlhdXY2LiwsAB9OKKdVZJwz+PJNPlk3aHuBUTgV3T+jN90eymBTtj7ebrEwq03k5nVvBK7+forjSgEoJfm4axkf68dfxve2RkJUbznA6t4J+gR68dO0gbm1B7OmGkb0IcHeiQFvDtH5+LF9/llvH9uKOT2OpMVk4nav9//buOzyqMnvg+PfMpFcgJHSIVOkISJMqICo2XMvadtXf2te661rXtq6irr2uu65d13XtYmERpEuRLh0SWiiBhIT0ZOb9/XFvkkkyaZDkzoTzeR4eJndmbk7u1Pe+7zmHLi0i2J1dSJvY8DoNDAFeu2wI576yEI/X8NrlgytcV1BQQERE070W84rK23QsTslkXC/n0wOO1VKfHpBvLUrVwWEd7MsuIP1IIQM7aXpBILttcg8+X7WHZ2dt5hm7uJUKDjo4bCKC9YHmzHxdVdePrdpTrinERpSvZG7tUFuPhOgw1qdlU1DsYbSDZx4Lij0cyC6kU6tIRALlmVE3i++ewK7MfJJbWyXnt+wv74vWwaelxH1Te/H12r0U202zV+8uLzR8wt0zygaOqdOnMqFnIiUeq8/ab0YmEx4iXP/eSgDOGdiOKf3b0a5lFFP6Bv8XQnV825WRh9cYYiNCiAh10aFFFG3iI7jpg5X0aRfHPWf2Zoe9vHT93mxueO9neiTFcMdpvWrc77heSWWXn/31SQDERYRwMKcIt1t44sJBtI0PL3vd1kVSfASL75lYYdsN7y3j23UHyn5+/Ly+XDIiucb9LNhykM37j3D2wPYkxlo5SFed0plPVqRx9aia71uqY8sIdmdaBXVSDuQyrubDERQuH9GZ1+el4BJ45Nx+TocTFFbttD5HBmi+YUBrFx/JlaOSeX3+dq4b241eDvaVVvUTkDmHDW15agav/bitQi5TUzOV/nfa7I0NX3GuLjbvL1+WtHh7piMxLNx2CI/XEOJ2sSTFmfyVEo+X+z9fx58+Wc0/5m93JIZj4Xa7K3zBvNinh+iMm08pu9w6Nootfz2z7OecQg9Pf78RqPhayMjO58QHviev2EtukYfPVuzm9H7tSZ0+ldTpU3n43H48N2sz/1u/j1d/3IZSwWxcr0QmntiGcT0SiAoLISEmlDW7s/Aaw7q0LA7mFHLj+G4M7tySvKIS5m5O518LU5m76UDtO6/kpUsHMzS5Jb8e2okR3RLqNTCsju/AEODF2TXnFe3PLuDlOVuZuX5fhQqGD57dnzUPTqmQ41iTBXeVD1IfmrGBV2auo9+D3zHhqdn1iD6w3HNmH1KmT2Xb41Pp61D/4WCzNDWDiFAXfatZYq0Cxw3juxETHsJT9ue+Cg7NfnC453Ae17yznBfnbOGG9352OpyAsa2Bc0fqqqSkvLdhkUMFYfq1i6fEaygs9jq2Dj6v2MPuTGtmYNO+4O/x9fSs8i+HD365rsbb9kiq+uW0VVxkhZ9/2n4IgL4PfEfy3TN44LM1RNsVGn3bwTzz/Xpu+WD5UcetlBPCQ9xcM7YrX6/bz8z1+3nlx+3kFZYQEx7KiK4JJMWGMzS5FX86/URKPFBY4qWg2EN0ePWLfTweD9e8s4xLXl9MZk55Pvfwrgl8fP0oHp3W/6hiXbAlnZxa8sMfOqdPjddHhLqJCLW+brSMargVI0/O3kFOoYeUQ/lMenpOjbc95fFZJN89gzOfm9tgv185Y2lKBoM7tyQspNl/hQ16LaLCuH5cN2ZtOMCy1OZXTKq5avbLSg9kFXA4vxhj4Je0bKfDCRihbmfeVEt8posKfQaKTWn9viw8XgNScTlkU4qLCOWKEcn8vCOTaSc1rxyTbQcqnnj42/cbOaNPG+ZuSWdi7yTOOakj6/dm4XZZS2lLm+QOaB/HGvs1OvuOMfzxoxXk2jlGn63ex9L7JrLtQC6Du1h5JhOemkOKvfTum3Uz2PrY1Cb5+5RqKDk+q1lCQ1z8014K6mtUt1YUlJQQEx5Ct8TqZ/0e/noDszdahU1u/OBnPrx25DHHd/qz89iSnkN0mJvl904qy1N87/+Gctu/V3Ph0E7cdUbV4lKVxUeG8tj5/dlxKI+hXVoeU0yhgL81QL7FzirLzc1lT5ZVMXx9MzgZdzzLLihmw95sbj61cVqqqIZ39Skn8PaiVJ74diMfXz8y6NJojkfNfnCICKFuF16vKfsSquDENs6s/Q53Q4E9YRhbw1nwxhQTHopLrGWNTpbBnjqgHVMd6jd5LPZl5XPnf9fQLTGah86xcmSGdmnB8h2HEeDrW8ex/UAmj3+7ibjICD5ZYbWtmNw7iRcvHQJAVKgbl1hNtcPtExVf3jKmwu9JjKvYGykpNoKk2PJ8xlSfkv8OnWdQ6pi8c/VwrnxzKa2iw3jqgoF+b3PD+O6ckBhD73ZxtIyuvjpnK58ZuZiIqu+th3ML2H24oF49QnfaqxtyizzszMyju/25MbpHG5b/ufq+hM/M3MSy1AweOqcvvdrGAVb+Ubv4yGrvUxc/rN/nd2AY4oIVD1QfT3R0dK37fvzrXzhjYFsGdUo4hghVY/t5RyZeA8NO0EJywSIyzM0tE3tw/+fr+N/6/ZzWt63TIalaNPvBYZ/2cbSNjSA9p4CxPbXscakeSc4MDkf1SCw7u+3UwKhbYjStosMpLPEwsLNWO6uvK99cxpYDOSzadogeSbFcNqIL/72hPM9w+4FMTn1mUZX77TlcXn00uXUML/z6JL5fv487TzvR7++564y+zN9yiI37jvDyJVVnVP58Zk8e+WYzAIM6aqK7Cj7dkmKYf9epNd4mKS6C34xMrnVfpXl7GXnFPHhWxdm81TszOf/VxXiMYWTXVnWeVbx8RBf+vXQn/TrElw0Ma7Ngazov23nBV7+1jIV3T6zlHnVXuZVGiwg3qx46vU73PbNfG2au388Vw6tWfU2+ewYAf1+Qyh8mdefmSc2g0k0ztSwlgxCXcJJ+dgeVi0/uxNuLUvnrNxsY1yuR8JC6VUtWzmj2g8MD2QVk5hdR7DFs2OvMEsJAtGjbAW5wYFlGRm5RWcXWvfYyn6YWFuKmdUwYRR4vraLCa79DI0k5mMv6tGxGd29NfAPm4TSm3725hI37yl9H4aHly5MXbUlnVI9E/vL1pgr36dwqEq/X8MZvT66w/Yz+7Tijf/UnCOZu2s/erEIm92nDlP7tq1x/9dgeXD1Wlxap5sEYwxsLUvglLZvLR3SmX4d4wtyusiVYv+zJ4tyXF+Dxwq2TunHbpKonVaor7PLpqt1lvQ/X7slix8FcJj0zlxKv4f9Gn8D9Z/nPGZy9YT9RoW427s2m/0Pf88yFA5ncty3FxcUcyiumbXzVnO39Wbl4vQYDpB0u4JyXFvDl70cf5VGp6Jqx3fjul/2kHszl8V/157Q+dZ+BeOXyoXW63ZsLU3VwGMDW7smiX4d4osKa/dfXZiXU7eKBs/twxRtLeWNBCjeO7+50SKoGzf7VtS09h9zCEoyBzft0cFjKqWNxybDOrNuzDhG4YmQXR2IAEMH+0uVM/diCYg+PfPUL+cUelu/I4MGz+zoSR33N2nSwws/n9LfaSpSeeQerLYXvz/P+VPPMSHWuems5XgPfrtvPZz/vYtqQTke1H6WCwb7sAmZtsKpIvzh7K4XFXpJbR/HQOX0JD3Fz/+dry5ZP/2Neqt/BYXVun9iDz1akkVfk4Tcju3Df5+so9lrvfe8t2eF3cDjl2blsTS+fqXO7hOd/2IIxhuveW4EBJvRK5M2rhpXdZsz0H9h1uKDsZwOs2T9SZbYAACAASURBVJ3F3f9dzfRqls3W1yc3jGqQ/fiKjwwhK9/qu/vhNQ2/f9Vw3r5qGIdyay6QpALTmB6JTO7Thpdmb+VXgzvSJk77FQeqZj84LF0+aYA4zTks53ImIfhAdgFhIS5cIqRlFdR+h0bgNYbo8BBqz0JpPMZY+Xall4NFqAuKffL75mw+yJR+VWf1UqdXLQ5TVFREWFj1OVOVeX2Oy46MvOpvqFQz0DomnBNax5By0CqYYjCkHMxl7+ECkltHc9mILqzctQYoz7cqKSkhJMT/x7jX68Xlsmb2W0RHsOahKWXXzVy3lwVbrRM9A/y0T5j6wnw27a9YuEWA0/q05V8LU8tOqZVWFS7lOzD0VeQJ7KTg1Q9Oqf1GKiC4XFLWJ1MFnz9P7cOkZ+cy/duNPHvxIKfDUdVo9oPDA0cKCXcLXmOV03aKc3NU5cLdUGgXg3n6gsGOxPD1mr3k2RUov1mTxkVDm342qGebWO6Y3IsDRwqY3MeZhuqRYW7un9qbdWlZjOuZVPsdAsSWx8pnBUNclA0MS5/f1Z1y6H7vN5R4DVFhbtY/UrccocgQId8ub/vDhgN17oWmVDAKdbv463n9yCv2sGnfEf61MIUeSTFl7XYuGNKJ0d0TOJRTTN8O8dz139X8Z/lu3C7h85tGVSg089/lu3js243ERYTw0XUjq5yhP61fO5bfN4H92cV+e+v5VvZuHRXClzeegivUTdv4SKvi8EsL8Bq4sNJs/vATWrAkxWpQfvHg9ny9dj8dWkbyzMVVc4aVUsefzglRXDPmBF6es40Lh3ZkVDetBRKImv3gsHtSDNHhoWTlF9GvXZxjccRHuDlc4CE2zLkSvr4nb1s5dOZtX3b5meVUh3otQmBUOuvRJpYeDlWNPRb+ZgVT/GwDyMvL4+TpVm4TUHZiYPG2A1zyj2UA9EqK4vs7JnDBqwtZvuMw141O5p6z+jIkOaFsduOcQVVnJ5VqblwuISY8hCFdWjLET8uHtvFRtLXHct+v348BSryG1+el8IJP0aYvVqdR4vGSkVvErA37uWx41SX8rWOjaF3N209EqIuCYi9ugeUPVJxV69shnm2P+3+9f3TdKRV+fuKiGv7YJtTnz9+SZy958Pf+BfDj+j1c+c4qAL6//RR6tdGCJ0o1ht9P6MGMNXu565M1fHfr2Br7typnNPsOommH88nIK6LYC0t2ONeA87Ddv+FIkXPzh749Bi94eb4jMeQVlpRdzva53KQxFJVw/+drue7d5fySluVIDMHq69V76HbPDAY/MrPa23S7ZwbJd1v/+jwyh9yi8rMScXaJ/UvtgSHApgN5rN2ZxfId1ozD3xekAvDe74bz5lVDmXHzaK4Z283v71qScqjWBt1KNUfTBrXHJRDqEnKLSnh7UWrZdRcP7UREqJu28RFM6Vv/1RFrH5jEE9P6s6KGdhVHY8gjM8veG1bvtD6Pz3x+Hn0f+I4Za/Y06O/yleezFn7Yo/7fu0oHhgBTnl0IQE5OTlm8XX3yqGvi8XhYvPUgRfaJMKVURZFhbp68YCC7M/N56vtNtd9BNblmP1xftSuzLHdpn0M5boEoLwA+tzxeZwbKG/Zms/WAlU/z46Z0+ravuqxK+Xfzh6swWOXyL3t9Me/7KYnvqeZh7dQigvl2WftuiZFsTS9vbbE7w/8gfUKv6r/YnvPiAn7Zm01UmJvFd00gJrLu+YxKBbsHz+nHg+f04+K/L2ZZSgbLUjIY1CmegZ1actbA9pw18Ohn20NDQ7nYT8uHY3Uor7xL4T2frWNsj0TW21XEb/n3aqYO6NDgv7OyS4fV/e/6w6cbyi7XNWtywtNz2XO4gJZRoSy/f3I9o1Pq+DDshFb8dmQyby1KZXKfNpzSXZeXBpJmP3PYPbF8KWmcn8bAx6vbJzlTRvjeM8or7D17ccNUr6uvXm3j6NQyiohQN2N66BtSfYjPquhWNTTkLruNvXo5xEXZwBBg1h9O5bwBbemVFEXq9KmcMagzpV0x2sTWbZC3Pi0Lj9dwpKCkQlVFpY4nkWFWLr3LJUQeQ3n/IwXFPPLVL7y5MKWhQqsiLqI87//hs/vS2uc9xOM1PD2zcWYRUqdPpX18OLed2o3bqumrOrRL+TLS/zulix1jeb/IuiaE7LNbNGXmFePxBMBZWKUC1J9O70WPpBhu+XClTt4EmGY/WuqaGE3b+HCO5JcwvlfwFP5oDOcPasenq/YSE+7m1yc3/FnhurhqTDcm9G5LiFvo2LJqj6ymEBMewp1TenE4r4iebZ3LQw1Gs/84hnNfXEzXxGhevGwIADe8s5z0nEL+e6OVb5Q6fSr5+flERkbWuK/nLh1S4ectj/nPBfInJ7eowjLpQZ2r5mcpdTx48ZKT+NfCFAZ2bEHPY8hhvveztczdlA5AhxaRnNbX6iF43TvLOblLS343zv/S7pp8tWoPXgPnnmTNCK556PQK7w0nd01gbVo2X6xOA+Cl2Vu5aGgHOrWKOeq/ozqL7plU4/X/veGUKtvatowhdfpUcnJyiImpW0xnD2zHzPX7GX5CK9xubfStVHWiwkJ49fLBnPPSQm76YAUfXDOc8BB9zQSCZj84FLE+6I5ElND2OO+p8r3dQyun0MOq3YeZEl/zl/fG8NP2Qzw3azMuEf58Vh96O1AkaG9WPnd9spaiEg9XjEhm6oDqG7GripIT4ljtUxJ/6gvz+CXNWhbW74HvWGdXIg0LCyMnv+iYlnq+OHszby3cwe/GJHPDeG12r5Q/sRGh3Dqx5zHvx+WzLCDEbU3jD3j4e7LzS/h+vfXZ4TtAzMovIr6G1/czMzfx8o/bANh84Ah3TrFm7NxuN6f+7UcAZv9xPM9fchLf/bKPQruJY4gr8L4c1nVgCPD0RVqeX6m66p4Uy1MXDOSmD1Zw+0erePGSwbgdarWmyjX7ZaWCAGK1kZDj+wmXW1ieNTF3Y7ojMezJtPLMvMawNyu/lls3jgPZhRSVWMt99hzW/nnHIuVg+fHLtQswbNqXTf+H/8egv8zisW82VHfXWj09cwuHcot44rvNVa6LiQ7jmtHJJESH8eDZVRt4K6Xq5/Hz+3P5iC7cN7U3p55orbLJKyxfFrnIp6fh+KfmMPgvszj9uXnV7m/93vJ2GBvsvEKAyc8tZPvBXLYfzGXck3MAePPKofRrH8ddZ/SiXYumP2mplHLO1AHtuH9qb75Zu4+7PllDSYD3RT0eNPvBodcYIkPdJESH4W72f23NfM/HDujkTBGWM/q3xeM1hLpdjOmR6EgMAzrGM7JbAp1aRjHtpI6OxNBcfHnzyLJcnMfP7wvA56vSKCzxYoB/zttO8t0z+NNHKxv8d993Vl9+/vNkrjrlhAbft1LBLPVgDpe8vpg35m+v832iwkL40+kncrFPysHdU3rhdgmx4W7+ddUwwKrGucs+ybctPafKfvr8+Vt63fcNj03rR/fEaLq1jmb6+f3Kri/2ln/xKzHW5VHdE/n6ljFcP86ZXHillLN+N6Yrt0/qyX9/3s017ywnu6C49jupRtPsl5XGRoSQlpXP7sy8gOht5yTf1Pit+49Ue7vGdOO7P7MsNROAR75cx1+mDWjyGFIP5fHTtgwMhjkbD3DRyZ1qv5Pya+s+qxBMmFv49bBkAHZl5FWpRPuflWk8Wc9G2L8d2ZlPV+zh1/V4fM59aQGrd2fhFph35wQ6tHImr1UpJ53z0kKyC0pYvD2D53/YzLMXn8TE3vVvafG7cd3KlpJuTc9iyjMLADgxKZKthwqrfKb2vO8biuxyxSMfn+23H+KPd4xh7N+sGcc5t4+pUxy/7MnirJcWYAyM65nI21cPq/ffopQKbLdO6kHr2DD+/Pk6znhuPtN/1b9BJhGyC4pJSc8l9VAu29NzOZxXRH6xh/xiL15jCA9xERHqJi4ilHbxEbSLj6BbUgwnJETjOk6XuDb7weH3v+xju13J8PW527ljci+HIwoMS1Od6fm40WdQumKnMz0GC4o9GEqbsjvTazEYpRzM5VBOIUO6tETsJdo3vL8SAxR5DMMfm8WSeyexLCWDuIgQsguO7dg+fG5/Hj63f73uU9q30mPgHwu289A5/Wq5h1LB65e0LIyBfh0qrgQp9lmWVVzi4bOVe45qcOjrjOcWlrWp2XqogE2PnlnlNiU+J4Wq61QUFhbGT/fWXBymsud/2Iyx9/eTz/JWpVTzctnwLvRuF8cf/rOaK95YyoiurfjNyGTG90okqoZqzAXFHnYcyiPlYA4pB0v/zyXlYC4Hc8p7IYtAfGQokaFuIkPdIFBY7KWwxEtWfhHFPr24YsJDGNSpBZN6JzG5b1s6HEdL3pv94LBNXHjZ5eM9yTXMDaV9eR85x5k8rRvHd+ORrzfgEvjDac4UGendLo7rxnUj/UghZw84+l5gx5NdGXnc//laPF7DhUM68ash1nJct1BWNbR1jFWcYnKfNnyzbh9juicwf6v1RS6yid5pIkLd5Nh5UteP69o0v1SpJpSZW8Tj325gT2Y+eUUewkNd3DqxJyO7JZTd5qVLTuK+L9aRnVeMyyXM25zORa8t4oPfjSAkpDy/YvxTc9hxKI+OLSOZf9epNf7ecLeLYrs1Q3SY/6Ixi/40jpFPzMVgLTlvKLdO7MmsDQfwGhjXU9sPKdWcDe7ckm9vHcOHS3fy2txt3Pj+CkLdQvekWDq1jCQ2IhSvMeQVlXDgSCG7M/NJP1JYYR+JseGc0DqaSb3bcELraJJbR9O1dTSdWlltzPzxeg0ZeUWkHc5n474jrN2dxeLth3joq/U89NV6xvdK5MpRyYzrmVh2gry5avaDwy4JMbSIDCWnsIQRXZ1bVhruhkIPZb3cnOCb4/vl6v0M6tL0H7LnD+nE5v05hIW4OMWhnENjDGmH8zmQXUhuUUlZnzBVvaz84rKlopl55Wfh1j5wKqOemkebuAhm3DIWgEen9efRaf154Iu1ZYPDoynpftLDM8nKL+aSYZ346/l1W35cVOItOwmUGBNey62VCj4rdmayMyOPjFzrLHeb0HCy8osq3GZin7ZM7GO1opjy7Dz2ZllfdlbvyWJIl/K2LzsO5WGA3Zm1Fwdb98jpjHhsFiEuFwvu9j+QbNsyhpTpdW9JU1d9O8Sz3c8S1ebmwS/W8u7incREhrDmwSm130GpZioi1M1Vp5zAb0YmszQlg3lb0lmfls3OjDyy84txu4Wo0BASYsI4tVcSHVtG0jkhim6JMXRJiCI2IrTev9PlElrHhNM6JpwBHVtw0VArpWV7eg5frErjg6U7ufLNZQzu3IJ7zuzNycnNN1Wt2Q8O92cXUFDsQbCWxTnFrtKNp5qlNk2hR5tYNu47ggC/HZXsSAzfrdvHVruIwYItB495qdPRWL07i6/svlpRYW6uO4r+Xcebfh3iuXJUMulHCjnP7lkGEBkZycoH/H+J+e3IE/hwyS5KvIaxdTgRMPbJ2ezPKuCNK4ewYEsGmflWQvoHS3fVeXDYq20s6/ceITkhSnuMqWapf8d4EmLCiQpzM7RLK1rHhtf4PjqlbxveXryDji0j6duuYh/EpLhw9mcXls3616a+y0FV/byzeCcGyM4v4bLXF/H+taOcDkkpR7ldwshuCRVWRjS1rokx3D65JzdN6M4nK3bz3KzNXPjaYs4e2J4HzupDYmzzOxHd7AeHUWFuPMbgMcbRaeDSQWF1eRhNISE6jJhwN26XkOtQrl3nVlEUlnhxi9DJoWIhbeMiCA9xU1jioUtCtCMxBKPT+9WvH2S3pBhevXww7ePD6dOh5ib1172zjJ0Z1uzFFW8s593/G8Zr86xKi+EhdZ9u/+rmMXg8Hh0YqmYrKTaCly8djKnjZ9odp/Xitkk9cLmqvo6W3DuJkpISQkKO/qvAxr3ZpGUVlLW/UEfP7ZKyvM2F2zMdjkYp5SssxMUlwzpz3qAOvDZ3G6/+uI25mw5w39TeXDS0U7NaatrsmztEhLqIDnMTFuKiXVzzG93Xh8sldqNjAYeew8YYSisLeI0zI+W28RE8c9FAHj9/AKf3a+tIDKWaYz+fnNwi8gsKuf2jlVz77s+c/fIifli/r8b7VP7eOrpHIi9fOoizBrRjzQMT6/y7529J58nvN7M/u+BoQlcqaJR+EalcGdgffwPDUpUHhvd+uoZxT87hhR+21Lrf1bsyueQfP3HTez8z7eUFZOUVVXvbfVlV216oim6bpK08lAp0kWFubp/ck29uHcOJ7eK465O1XPz3n9jiUBeAxtDsB4fFXi/5RR4Kir1k5B3flSmfv/gkpvRry31TT6RPO2f6HO7OzCc81E2IW0g7XHueS2NJiLGSlZ1ijGH6txu54o2lfL5yj2NxNLQb3ltOv7/8j94PzWLGqjS8xsp1fXvRjhrv9+rlJ9O1dRQRoS4+unY4AFMHdOClSwcTFla3JW97D+dzy4cr+XDpTm56f8Ux/y1KBbq5m9O54o0l3PvZWgpLPLXfoRY5BSV8vWYvmXlFvL+k5tcswJb9ORSWeMgv8bJ2Tza3fbSq6j5zi0i+ewYjHp/LSY/MPOYYm7Pfn9qTAR3iiAhx8dzFTd/mSSlVd92TYvj3NSOYfn5/Nu0/wpkvzOep7zdSUHzs78VOa/bLSvdkFFDitcrXHsh2bjASCH7YuJ9dGXkcyS/hzP7tiQlv+of/9H5tSc8pJMztYnR3ZwrSBILsghJW7bKWDc3bnF4hjy+Yzd54oOxykYEQl+ASuHJ07Y3qZ/9xwjH97hJjysrdFzXDGVmlKlu49SBeY9iensPuzHy6JcYc0/5iIkLokhDFjkN59Gtf+wnE8wd34Ks1aSzYeojwUBdFJVVfd9e8v7zscmaeNrauzZc31633o1LKeS6X8OthnZncpw1//WYDL8/Zxper07htYk/OHdSeEHdwzsE1+8Fhh/hI3C7B6zG0ij6+l5WWFoI5nF/EoZxCRwaHB3MKWb3rMKFuF2cPbN8sE3nrIj4ylFNPTGJ5aiZTB9Qvl88JX6zcw58+WYNLhH/8ZgijqykwM6FXIt/9Uj5AXGoXsGhVx4IXx6JTyygePrcvi7Yd4vqx2sZCNX9T+rZlV0YeXROj6VIph/uM5+exZX8O/drH8/nvT6nzPr+46RR2ZebXKR/b5XLx9tXD+WDJTtbuPsxtk3tWuU1WbnmJ+XqkDyulVNBIiAnnmYsGccGQjjz69Qb+8PFqXpi9hcuHd+HcQe1Jiouo1/4Kij3szy5gf3ah/X9Bhd7RoS6hRVQoLaLCaBUdRqeWUbRvEdFgg9FmPzgMCXXRuVUkuUUeerePcyyOHkkxpB3Op7WDg6FLh3UGYxUKcaoQy0/bD5W1Qli5M5PT+jqb8+eka8d249qxTkdRN+8t2WEXSjC8vTi12sHha1eczFkvzGdbeg6XDevcJINCX+cO6sC5g5rHLKxStRnSpSVDugzxe93m/dbJwF/2ZtVrny6Xq96fD5cO7wzDO/u97sXLTuZXry3C6zV8cM3weu1XKaWCyahurZlxy2hmbTjAKz9u5a/fbOCv32zgxLaxDOrUgk6tokiMCcflErzGcDiviEO5RRw8UsSBIwVlA8Ks/PqvsnC7hA4tIvnouhG0i488pr+j2Q8O28ZFMKlPWzbszeb8wR0di2PaSR34fNUeTndwMNQlIZp7zuzt2O8HGNm1NXM3pxPmdnFS55orWKrA8ZsRXVizOwtjDMNr6e3z9S26LEopp/VqE8Pm/Tn0rcPy0MbULSmGVQ+cdlT3LfZ4+XbdPmIjQpjQS6uhKqUCn4gwuU8bJvdpw7b0HL5du5clKRnMXL+fjNyqRbvC3C5aRYfRJj6C5IRoRnRNoE1cBEmx4bSJi6BtfARtYiOIiwwpK0RWVOIlK7+Yw3lFpOcUsjsjn50ZeezIyKNV9LGflG/2g0O3S7j7jBOdDoP1e7NpFR3Gxn3Np5rR0eicEMUrl/k/060C19mDOrAnq4AfNx3gh43pnNa3HZ0TnGlFopSq3Te3BsmyhBp8uSqNj3/eBUBcRAhDujTfptNKqeanW2IMvz+1B7+3f84rKiEjtwivXQulZXQY0WHuerfBCAtxkRgbTmJsOD3axEIDt+sOqsGhiDwLDAVWGGNudTqe+gizky1CNelCBalQey27CIS4m08/H6VUYArz+bwM096lSqkgFxUWQlRY4A+9Aj9Cm4gMBqKNMWNE5FUROdkYs6wu9529cT8b9h7h3EHt6djSmdmOwZ1bsD4tm4naKFgFoX/O387bi1Lo0z6e2yb1pH2LY1vPrpRStTlrQDviI0OJiQihf0dnl8c2B0tSDnH3J2vpkhDFW1cNczocpVSACqZprJHALPvyLGBEXe50ILuA1+dtZ/6WdN5cmNpYsdXqhR+2knY4n1fnbncsBqWO1t9mbiItq5AfNhygU4v6Vd1SSqmjISKM7ZnIYM1PbxB3fryanRl5zN9ykHcWpTgdjlIqQAXT4LAFkG1fzgIqfFqIyLUislxElqenp5dtjw4PISY8FLCK0zilZZSVIBofGepYDEodrWh7GURYiIuYyKatQKqUUurYlZbTF6BHUqyzwSilAlbQLCsFDgOlvSji7J/LGGNeB14HGDp0qCndHh0ewhO/6s/uzHz6dXBuWcqH14zgfxv2acU1FZS+vXU0by/ewTRtE6GUUkHpo2uG88qP2xnQMZ6R3Vs7HY5SKkAF0+BwMXAd8B9gEvBWXe+YEBNOQoyzzdZbxYRx8cn++0ApFeiS4iK5c4rzVX+VUkodHbfbzc0TezgdhlIqwAXNslJjzAqgQETmA15jzFKnY1JKKaWUUkqp5iKYZg4JtvYVSimllFJKKRUsxBhT+62CjIikAzucjqMarYGDTgcRAPQ4WAL5OAwGVlTaFsjxQuDHBxpjQwn0GFsDnan4Ggr0mGsSrLFr3E2roeMOxs+hUhpnw9I4j04XY0xife7QLAeHgUxElhtjhjodh9P0OFiC7TgEeryBHh9ojA0l0GP0F1+gx1yTYI1d425aTRF3sBwbjbNhaZxNJ2hyDpVSSimllFJKNR4dHCqllFJKKaWU0sGhA153OoAAocfBEmzHIdDjDfT4QGNsKIEeo7/4Aj3mmgRr7Bp302qKuIPl2GicDUvjbCKac6iUUkoppZRSSmcOlVJKKaWUUkrp4FAppZRSSimlFDo4VEoppZRSSikFhDgdQHMnIn0BjzFmo8+24caYJQ6G5TgRuckY87LTcTQlEWlnjNkrIgKcC/QGUoD/GmNKnI1OKdXQRGQIMAJoCRwGfjLGLHc2KqWCi76OlGpaWpCmEYnI00AboARIAK42xqSLyGxjzKnORtd0RGQ+UPpEE/v/vsA6Y8xYZ6JqeqWPu4g8D+QDs4FBwFBjzEXORudfIH8oi4gbOI9K8QGfB9JgO5CPYSmN8dj5iW8kkAXMsv+PAyZhnSy8xak46yJYXlv+BPrzxJ9gPd5NEbeIPAuEEwSvo2B47gXTcy0YjicET5z1oYPDRiQic40x4+zLA4AXgDuBJ46zweEdwADgLWPMj/a2b40xZzgaWBMTkVnGmEml//tsn2OMmeBkbP4E+oeyiLwLrAF+oGJ8A40xlzsZW6lAP4agMTaEauJ7GWtVwC2Vbjsv0E+KBcNry59Af55UJ4iPd6PHXd3rJdBeR8Hy3AuW51oQHc+giLO+dFlp4woRkTBjTJExZo2ITAPew5o1O24YY54RkTDgdyJyPfCB0zE55G0R+SewS0TeA+ZiDZoD9QzTED8fvp+JyDxHoqkq2RhzRaVtK+2Z6kAR6McQNMaGUCU+ERkD/NqOMRvrS8NEYIUD8dVXMLy2/An050l1gvV4N0Xcy0XkNawv34H8OgqW516wPNeC5XgGS5z1ooPDxnU70AI4AGCMyRSRc4ALHY3KAcaYIuAVEXkduAJY7XBITc4Y866I/ABMwVpuHAL80xgTqMci0D+UvxCRr4EfseKLB8YCXzkZVCWBfgxBY2wI/uKLBOYASUBPrOVGrxtjVjoWZd0Fw2vLn0B/nlQnWI93o8dtjLlDRE7CWqYdyK+jYHnufVnpMYsDxgFfOhmUH8FyPIMlznrRZaVKqWr5fCjHU76WPmA+lEWkNTCM8viWG2PSnY2qokA/hqAxNoRAj6++guG15U+wPg5BfLyDMu7G4PPca4F1LBYDIcaYZY4GVomIjAb6Y8WYBSwDugZaoUQRGYY10ArBqt1hjDHTnY2qKvtxH0H5497aGPMXZ6M6NjpzqJSqicv+FwK47X8BwU6sH4f1YdwSyASiRSTQEusD9hj60BiPXaDHV2dB9NryJ+geh2A93sEad2MQERfWiijflUACfAdMdiQoP+xCiUmAh4qFEj8CAqYWhoi8YV8sAhKBNCBbRF43xlzrXGQV+RRcFJ/NfURkciDlxNaXzhwqpfyyE63DqJq4HhCJ1nZi/VqqJoIHTGJ9oB9D0BgbQqDHV1/B8NryJ1gfhyA+3kEZd2MQkTysqp8VNgMDjDEJDoTkV7AUSqwU51pjTH/7ckAV8GuuBRd15lAdFRHxYH0ohGD16rvCGHPY2ahUAwv0ROtgSKwP9GMIGmNDCPT46isYXlv+BOvjEKzHO1jjbgwbgGnGmCzfjSLyP4fiqU6wFEr0HZ/c63NZKt/QSc214KIODtXRyjfGDAIQkbeBm4C/OhuSamCBnmhduRhCaWJ9IBVx8HcMJxE4xxAC/3GGwD+OwXAM6yNYC6QE6+MQrMc7WONuDGdh9S+uLNBmkIKlUOK1IuI2xniMMV8B2IOwZxyOq4rmWHBRl5WqoyIiOcaYGPvy9VhLJ24UEQGexHpDNMCjxpiPatg+HngY2I/VEP5TrBnJW7Gq/Z1njNkmIhcCD2Ktk88K5rXcwSTQizv4FEMoTQRfFmjFEPwVKQikYwhVYswkwB5n8BvjYmPMKmejKhfor5X6CtZCI8H6OATx8Q7KuJVSr5vyFgAADN9JREFU1dOZQ3VM7IT0iUBp8vD5WIO8gUBrYJm9pGdUNduxt/UGMoDtWO0dhonIrcDNwG3AA8AUY8weEWnRJH+cgsAv7tAG2G6M2Vi6QUSGB1LVNfuLadmXUxG5yfdnp4lIO2PMShFZDZyL9VrsZed5BERRCREJBToCq4wxi0TkCuAUEUkNoOXsgf5aqbMgLzQSdI9DsB7vYI1bKVUznTlUR8Un5zAZ+Bk4zRjjsQsCrDXG/Mu+3bvAx8CEarZnA/cZYybb2+cB9xhjForIqcAtxpjz7KVC3YD/AJ8aYw414Z97XAr04g521bU2WCWufauuzQ6UxHqfSmZlm4A+wC+BMvtderxE5HkgD6s33yBgqDHmImejs4jIZ1jl1lsAQ4AZwCHgUmPMFCdjg8B/rdRXsBYaCdbHIYiPd1DGrZSqmc4cqqOVb4wZJCLxwNdYOYcvUH2ycE1JxIU+l70+P3uxn6PGmOtFZDgwFVglIoN0gNjoAr24w9BKVdc+FpE7HY6pss8I/EpmXvv/vsaYSfblmSIyx6mA/GhhjHkMQETWGWOesS9f6WhU5QL9tVJfwVpoJFgfh2A93sEa93HL58R+KNaJ1beB54wxXhEZCvymuhMpIpIMjDLGNIuiK6p6OjhUx8QYkyUit2Alpr8KzAOus4vUtMJKTr8T67nmb/uJdfk9ItLNXiq4RETOBjphzRyoxhPoxR0CvupakFQye1tE/gHsEpH3gLlYA9rlzoZVQa6I3A9EAHtF5A9YS9gKa75bkwn010p9fRkExZ78CdbHIVgLuwRr3Mcz32KCSVifSfHAg8aY5dT8vp8MXEpgfo6pBqTLStVR8S1IY//8FdaSz/eof0GaPxpjzrL386P983Lf60TkU6AH1gzkD8BtRp+8jU5EhmF9uQrBOstojDHTnY3KYscWCmzBOlFwFlaM8YF0ZlNEhgC7sHJqbwEuNMaMdDaqikRkLHAKVn6WB2sZ3pPORlVORKKA3wOLsSrB3YhV/OLfgZJzaBdCGUF54aHWxpi/OBvV0fMpNDIE2ApsNcYsczaq2jWDgjQBW1zLHy1IE1z8fHfrirVkvzXWCaDS71zjgOftmxmsQf//sHLSU7BmHD8D3gWi7dv93s4JHw88BBwE+mGlHl1ujDEicrK932isk3sTsdIZpgPjgXDgZWPM3xvj71d1o4NDpZRfIlJaZKgISATSsM4OJxljrnUsMJsdn2B9wARcfBBUMUKAPs4Q+MfRJ7fUd/l8QOWW1oeIfGeMOV1EbsPKIfsa6+TBHmPM3c5GVzP7ZIxvgZSf7BmRoCAi/bC+UG8L9MG4XZDmPCodb0AL0gSoyoNDe1sm1iqu3pQPDr8Cptv1H2KAAmA0FU/mRwFeY0yBiPQAPjTGDLUHh19greJJAxZirRRbCmwELjbGLBOROKyB4dVY7+WPiki4ffsLjTEpjXw4VDV0WalSqjrdfXL61hpjLrAvB0ouWqDHBxpjQwn0GIMht7Q+wuz/pwETjDFe4DURWeBgTLWqVJBmA9ay0qtEpNo8qkBQaTA+Eavg0i0iEuiD8bew8tc+oGJBmrcALUgTPPzVhFgIPCMi72MVAdxtLQCrIBR4SUQGYa046elz3VJjzG4AEVmFtSQ1C9hbetLDGJNtX38aMEBELrDvG4+1UkwHhw7RwaFSqjq+7w/3+lyuqbhQUwr0+EBjbCgBHWOQ5JbWRx8ReQerQnQ45c29I5wLqU6CtSBNUA7G0YI0Qc9eVuoBDmDNHAJgjJkuIjOAM4GfRGSSn7vfjtWjeiBW+5gCn+t888E9WO/hQsXq3WVhADcbY74/hj9FNSAdHCqlqnOtiLiNMR5jzFcA9hfgZxyOq1SgxwcaY0MJ+BiNMUXAKyLyOnAFVm5ksBpu//9nrDxe7KVlf3YsoroJ1oI0wToYr65w0ZdOBqXqRkQSgdeAl+x8QN/ruhlj1gJrRWQk1rLTXUCszy7igd12pdPfUntP0Y1AexE52V5WGov1XP8euEGstkrFItITawl7bkP9rap+NOdQKaWUUs2CT0Ga0sIui4GQQM7fE5EuPj/uNcYU2YPxO4wxjzgVV12IyGigP9axzsIqbtLVri6uAoxUbWXxLvCMPcAbT3nO4YtY/ak9wHrgSqy2R99hFa95CysX+RPK++PebIyJ8VNo8CWsQkVv2QVpXgQisQaGk+z7PwqcjTWLmA6cZ4zJatSDoaqlg0OllFJKBT0RcfnbDHxnjJnc1PHUVRDH/TSQhDWASACuNsak2zNApzobnVLqaOmyUqWUUko1BzlY1TJ9CVaxoEBWGrdvTlYwxD3Up1DUAOBjEbnT4ZiUUsdIB4dKKdXIfJbyhGBVUfytMSavnvu4DXi9vverZl+pWF/sDh7rvpQKIBuAaZWXo4nI/xyKp66CNe4QEQkzxhQZY9aIyDSsXsd9nQ5MKXX0dFmpUko1Mt/eUnZp8J+NMfUqptKQAzodHKrmSETaAYfs4kC+20MCue9eEMc9DEg1xhzw2ebG6lH3b+ciU0odC3/r3JVSSjWe+UB3ABG5Q0TW2f9us7dFi8gMEVltb79YRG4B2gNzSnv7icjpIrLCvt0P9rZWIvK5iKwRkZ/spV6ISIKIzBSRlSLyd3xaQIjI5SKyVERWicjf7S93SgUdY8zeygMse3vADrAgqONe6jswtLd5dGCoVHDTmUOllGpkpTOHIhKCVd3tO2ApVsW3EViDtSVYjaO7AqcbY66x7xtvjMnyne2zS5CvAMYaY1JEpJUxJsOuMHfQGPOwiJyKVYVukIi8YG9/RESmYlWZS7T/PQmcb5cQfwX4yRjzTlMdG6WUUkoFDp05VEqpxhcpIquA5cBO4A1gNPCZMSbXGJMDfAqMwcpNnCQiT4jImGrKeY8A5hljUgCMMRn29tFYpckxxswGEkQkHhiLlQuEMWYGkGnffiIwBFhmxzcRa3CqlFJKqeOQFqRRSqnGl2+MGeS7QXw7DvswxmwWkSHAmcDjIjLTT68z36qGlbdX2WWl/yvf/m1jzD01Rq9UA2qIAk3H+PvHA0XGmEVN9TsDOQ6llPKlM4dKKeWMecB5IhIlItHANGC+iLQH8owx7wF/Awbbtz8CxNqXFwPjROQEsHINffZ5mb1tPNZS0uxK288AWtq3/wG4QESSSvdTqSG3Uo0h3xgzyBjTDygCrve9UiyN8v3EXto9HhjVGPuvp/EERhxKKVVGB4dKKeUAY8wKrJzDpVj5hv80xqwE+gNL7WWe9wGP2nd5HfhWROYYY9KBa4FPRWQ18JF9m4eAoSKyBpgO/Nbe/jAwVkRWAKdhLW3FGLMeuB+Yad/nf0C7RvujlapqPtBdRJJFZIOd97oC6CQil4jIWrsw0xOldxCRHBF52i7I9IOdg4uIdBOR70TkZxGZLyIn2tvfEpFn7GJOH2ENRm+3izCNEZEUEQm1bxsnIqkiEioi3UVkll30aYW9fxGRp+yY1orIxfb9xovI1z4xviQiV9qXU0XkYXsfa0XkRBFJrhxHox9ppZSqAy1Io5RSSqkmU02Bpm+B7cAoY8xP9gz6T1g5sZnATOAFY8znImKAy40x74vIA0CSMeb3dtXe640xW0RkOPC4MeZUEXkLaA2ca4zxiMhDQI4x5m92PG8CX9j7vhboZYz5g4gsAaYbYz4TkQisE+pnYA3qTrf3uQwYDvQC/miMOcve50vAcmPMW3YxqaeNMS+KyI3AYGPM7yrHoZRSgUBnDpVSSinVlPwVaALYYYz5yb58MvCjMSbdbunwPlZhJQAv5bPl7wGjRSQGa4nmx/a+/07FWfCPjTGeauL5J3CVffkq4E0RiQU6GGM+AzDGFNh5kaOBD+2WDfuBuXastfnU/v9nILkOt1dKKUdoQRqllFJKNSV/BZoAcn031WN/Butk9+HK+/WRW812jDEL7WWt4wC3MWadiMRVc/Pq4iqh4gn3iErXF9r/e9DvXkqpAKYzh0oppZQKNEuwii61FhE3cAnWLB1Y310usC9fCiywCy+liMiFUFbUZmA1+/Yt7lTqHeBD4E0Ae3+7ReQ8e3/hIhKFVdzpYhFx27mOY7HyhncAfezbxWO1hamNvziUUspROjhUSimlVEAxxuwF7gHmAKuBFcaYL+yrc4G+IvIzcCpQ2urlMuD/7CJNvwDnVrP7r4BplQrBvI9VxfdDn9tdAdxiF2taBLQFPgPW2DHNBv5kjNlnjNkF/Me+7n1gZR3+TH9xKKWUo7QgjVJKKaWCRmlBmwbe5wVYBWuuaMj9KqVUsNF170oppZQ6bonIi1hVSM90OhallHKazhwqpZRSSimllNKcQ6WUUkoppZRSOjhUSimllFJKKYUODpVSSimllFJKoYNDpZRSSimllFLo4FAppZRSSimlFPD/157rJsOsWOIAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plotScatterMatrix(df1, 15, 10)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Let's check 2nd file: /kaggle/input/Melbourne_housing_FULL.csv" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "There are 1000 rows and 21 columns\n" + ] + } + ], + "source": [ + "nRowsRead = 1000 # specify 'None' if want to read whole file\n", + "# Melbourne_housing_FULL.csv may have more rows in reality, but we are only loading/previewing the first 1000 rows\n", + "df2 = pd.read_csv('/kaggle/input/Melbourne_housing_FULL.csv', delimiter=',', nrows = nRowsRead)\n", + "df2.dataframeName = 'Melbourne_housing_FULL.csv'\n", + "nRow, nCol = df2.shape\n", + "print(f'There are {nRow} rows and {nCol} columns')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's take a quick look at what the data looks like:" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SuburbAddressRoomsTypePriceMethodSellerGDateDistancePostcode...BathroomCarLandsizeBuildingAreaYearBuiltCouncilAreaLattitudeLongtitudeRegionnamePropertycount
0Abbotsford68 Studley St2hNaNSSJellis3/09/20162.53067...1.01.0126.0NaNNaNYarra City Council-37.8014144.9958Northern Metropolitan4019
1Abbotsford85 Turner St2h1480000.0SBiggin3/12/20162.53067...1.01.0202.0NaNNaNYarra City Council-37.7996144.9984Northern Metropolitan4019
2Abbotsford25 Bloomburg St2h1035000.0SBiggin4/02/20162.53067...1.00.0156.079.01900.0Yarra City Council-37.8079144.9934Northern Metropolitan4019
3Abbotsford18/659 Victoria St3uNaNVBRounds4/02/20162.53067...2.01.00.0NaNNaNYarra City Council-37.8114145.0116Northern Metropolitan4019
4Abbotsford5 Charles St3h1465000.0SPBiggin4/03/20172.53067...2.00.0134.0150.01900.0Yarra City Council-37.8093144.9944Northern Metropolitan4019
\n", + "

5 rows × 21 columns

\n", + "
" + ], + "text/plain": [ + " Suburb Address Rooms Type Price Method SellerG \\\n", + "0 Abbotsford 68 Studley St 2 h NaN SS Jellis \n", + "1 Abbotsford 85 Turner St 2 h 1480000.0 S Biggin \n", + "2 Abbotsford 25 Bloomburg St 2 h 1035000.0 S Biggin \n", + "3 Abbotsford 18/659 Victoria St 3 u NaN VB Rounds \n", + "4 Abbotsford 5 Charles St 3 h 1465000.0 SP Biggin \n", + "\n", + " Date Distance Postcode ... Bathroom Car Landsize BuildingArea \\\n", + "0 3/09/2016 2.5 3067 ... 1.0 1.0 126.0 NaN \n", + "1 3/12/2016 2.5 3067 ... 1.0 1.0 202.0 NaN \n", + "2 4/02/2016 2.5 3067 ... 1.0 0.0 156.0 79.0 \n", + "3 4/02/2016 2.5 3067 ... 2.0 1.0 0.0 NaN \n", + "4 4/03/2017 2.5 3067 ... 2.0 0.0 134.0 150.0 \n", + "\n", + " YearBuilt CouncilArea Lattitude Longtitude Regionname \\\n", + "0 NaN Yarra City Council -37.8014 144.9958 Northern Metropolitan \n", + "1 NaN Yarra City Council -37.7996 144.9984 Northern Metropolitan \n", + "2 1900.0 Yarra City Council -37.8079 144.9934 Northern Metropolitan \n", + "3 NaN Yarra City Council -37.8114 145.0116 Northern Metropolitan \n", + "4 1900.0 Yarra City Council -37.8093 144.9944 Northern Metropolitan \n", + "\n", + " Propertycount \n", + "0 4019 \n", + "1 4019 \n", + "2 4019 \n", + "3 4019 \n", + "4 4019 \n", + "\n", + "[5 rows x 21 columns]" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df2.head(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Distribution graphs (histogram/bar graph) of sampled columns:" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAACVkAAAWoCAYAAACisFMxAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XtUVWX+x/HPQdRRUFO8BMLhQAjekQbJNPOWWWpNhpUlJcqIU9pldEIbnUzHW1pajTdMwgtaplaTU/3sqpaSYiheGIEUBNJETUstSWT//mC5x8PlKAoexPdrrbOW+3me/ZzvQ631PXuf73m2xTAMQwAAAAAAAAAAAAAAAACAUrk4OwAAAAAAAAAAAAAAAAAAqMoosgIAAAAAAAAAAAAAAAAAByiyAgAAAAAAAAAAAAAAAAAHKLICAAAAAAAAAAAAAAAAAAcosgIAAAAAAAAAAAAAAAAAByiyAgAAAAAAAAAAAAAAAAAHKLICAAAAAAAAAAAAAAAAAAcosgIqWffu3TVhwoQKnzcrK0sWi0Xff/99uc4rLCxU+/bt9fXXX1dIHJW1vsq2efNmtW3bVoWFhc4OBQBQTY0aNUpTpkypkLleeukl3XHHHRUy17VUWFioVq1aaevWrc4OBQBQDWRmZsrb21u//vrrVc919uxZWSwWffPNNxUQ2bUVFxenAQMGODsMAEAVURn3ZxcvXiybzeZwDPeZixw8eFDNmzfX6dOnnR0KAOA6tX37dgUFBen8+fNXPdeVfn9cFQwfPlwvv/yys8MALokiK8CBw4cPa+jQoWrevLn+8Ic/yGq16qGHHlJeXp6zQ7ti7777rho0aKCuXbs6O5RKFx8fL39/f9WpU0fdunVTenq62delSxc1atRIK1eudGKEAIDiunfvLovFIovFIjc3N3Xo0EGrV692dljllp2drZUrV+rpp592diiV6vDhw3rkkUfk5+cni8WixYsX2/W7uLjo+eef1/jx450UIQCgvC7k4bJeGzZscFpskyZN0pNPPqm6des6LYbKdvbsWY0ZM0atWrVS3bp15evrq5iYGP3222/mmCeeeEJJSUlKSkpyYqQAgMtx4Rr3rbfesmv/7bff1KBBg3J9CVpQUOD0XHyxG+U+85IlS9S+fXvVq1dPDRo0UM+ePe1ysK+vr3r16qXXXnvNiVECAC7Xxfef69Spo1tuuUWRkZFKSUkp1zwTJkxQ9+7dKySmCRMmKCYmRjVq1KiQ+aq6X375Rb6+vrJYLCooKDDbx44dq5kzZ+rUqVNOjA64NIqsAAfCw8OVlZWl1atXa9++fVq+fLmsVqvOnDnj1Ljy8/Ov+Nz58+friSeeqMBoqqYvv/xS0dHReuGFF5SUlKSbb75Z/fr10++//26OiYiI0IIFC5wYJQCgNM8995wOHz6sPXv26LHHHtOjjz5a7otcZ1u8eLHuvfdeNWjQwNmhVKr8/Hx5eXlp6tSpuvnmm0sdM3DgQG3ZssWu2BkAUHUdPnzYfD333HO6/fbb7do6d+7slLhOnDihd999VxEREU55/2vll19+0b59+zRt2jTt2rVLcXFxWrNmjcaMGWOOqVmzph5++GEtXLjQiZECAC6Xt7e3li9fbtf2/vvvq379+k6KqGLcKPeZb775Zk2fPl07duzQt99+q8DAQPXp00e//PKLOSYiIkKLFi3iqQkAcJ24cP85LS1NcXFxOnfunDp27Kh169Zd81j279+vTZs26aGHHrrm7+0sTz/9tFq1alWiPSAgQEFBQXrnnXecEBVw+SiyAspw8uRJJSYm6pVXXlHnzp1ls9nUrVs3vfrqq/Lz85NU9CsWb29vu/NKe5zP2bNnNWTIELm5ucnX11fvvvuu2Xc5c3Tv3l1/+9vfNHz4cNWvX9/u5mpycrI6dOigP/zhD+rZs6dycnLKXNOPP/6or7/+Wn379rVr/+6779SzZ0/VrVtXjRo10gMPPGD2HTlyRAMHDpS7u7saNmyoqKioMovMStuCcsOGDXaVyBfW9vrrr8vT01M33XSTpk2bpvz8fP3lL39R/fr1FRAQoM8++6zE32jNmjXy8/PTTTfdpGHDhjksNps7d64efvhhDR8+XG3bttVbb72lH374QR9//LE5pl+/ftqyZYt++OGHMucBAFx7bm5uuvnmm+Xn56eYmBg1aNDA7pe6BQUFiomJUdOmTVWnTh317t1bGRkZdnPMmjVLPj4+ql27tjp16qRt27aZfRfyyjvvvCM/Pz+5u7vr6aef1vnz5/WPf/xDHh4e8vb2VkJCgnnO8ePH9dBDD6lRo0Zyc3NTcHCwEhMTy1zD6tWrS+TbvLw8RUREqFGjRnJ3d1eXLl20f//+y17TxWw2W4ldoywWiz7//HNJ/8u/n376qVq3bq26devq4Ycf1tmzZzV37lx5eXmpadOmmjlzpnn+hTz+wQcfKCwsTG5uburevbuys7MdxjFnzhw99thjql27dqlj6tevry5dumjNmjVlzgMAqDpuvvlm8+Xm5qZatWrZtW3ZskVubm4lHonTsWNHzZgxQ5I0aNAgDRs2TM8884zq168vT0/PEgVB6enp6tu3r9zc3NS8eXP99a9/1dmzZ8uM68MPP9Qtt9wiX19fu/Zly5apdevWql27tnx8fOxy25YtWxQWFqbatWvLarU63GFi4cKFCggIsGsbN26c7rrrLvO4U6dOGj9+vCIjI+Xu7i5/f3999tlnysrKUo8ePeTm5qZu3bopNzfXPGfQoEGKiorS2LFj1bBhQ3l7e2vevHllxtG0aVN99NFHGjBggAICAnTXXXfpH//4hz744AO7cf369dPatWv5MhcArgMPPvigkpKS7K6tli5dWmrhcHJysrp37646derIZrNp4sSJ5n3VC3mqR48eslgsioyMNM/7/fffNWLECNWrV082m63El5OffPKJ2rVrp9q1aysgIEDLli2z69+wYYNatWqlOnXqqH///jp+/LjDNd1I95nvuece9evXTwEBAWrVqpVmzZqlEydO6L///a85pmfPnjp27Ji+/fZbh383AEDVcOH+s9VqVffu3bVixQo98cQTevLJJ3Xu3DlJRdegnTp1Ur169eTl5aWnnnrKzFtLlizR1KlTtXHjRnNXrKysLEmOc3lp1qxZoy5dupQovn7jjTcUEBCg2rVry9/f3+5e8KXy+sVK+946MjLS7nOIzWbTrFmz9OCDD6pu3bpq3bq1kpKStHv3bt12221yd3dXv3799NNPP5nndO/eXTExMQ4/f5Tm/fff1759+/T888+X2t+vX7/r8skWuLFQZAWUwc3NTW5ubvr3v//tMPldjtjYWAUEBCg5OVnR0dEaPHhwuZ+FGxsbq1tuuUXJycl2RVbjx4/XzJkztXXrVhUUFOjxxx8vc44tW7aoadOmat68udl29OhR9erVS/7+/tq6das2btyo22+/3ex//PHHlZOTo40bN2rdunXatGmT/vrXv5Yr9uJ27dqlnTt36quvvtJrr72m8ePH6/7771ebNm303XffqU+fPnriiSfsdp06fvy4li5dqg8//FDvv/++/v3vf2vRokVlvse2bdvUs2dP89jNzU233Xabtm7darY1b97c/JIAAFD1FBYW6r333tOJEydUq1Yts33mzJlaunSp4uPjlZSUpDp16uj+++83n1m/cuVKvfTSS5oxY4Z27typ9u3bq2/fvna/Mj1+/LhWrlypdevWadWqVVq0aJHuvfdeFRYWKjExUU8++aSGDx+uo0ePSpL+8Y9/6NSpU9q0aZN27dqliRMn2sV0sePHj2vfvn269dZb7doffPBB7d+/X+vWrdOOHTs0YsQI8zPGpdZ0paZPn65ly5bp008/1Zdffqn7779fO3bs0JdffqmZM2dq7Nix2rVrl905L730kl5++WVt27ZNv/7661XnfUkKDQ3V5s2br3oeAIDzdevWTc2aNdPatWvNtn379ik5OdnuJu3q1avl4uKibdu2acKECRo1apT5xePZs2fVu3dvBQcHa8eOHXrvvfe0ceNGvfDCC2W+7+bNm0vk1nXr1ik6Olp/+ctftGfPHr3zzjtq2rSppKKdr/r27avQ0FClpKRoypQpeuGFF/Tee+9d1frnzZunsLAw7dixQz179tTjjz+u6OhojR07VklJSTpz5ozGjh1rd87q1atVq1Ytbdu2TWPHjtXTTz+ttLS0y37PY8eOqVGjRnZtoaGh+vnnn7V3796rWg8AoPLVq1dP999/v/lDnkOHDumbb77RI488Yjfu+PHj6t27t/r27avdu3dryZIlWrlypV599VVJMvPo2rVrdfjwYb3++uvmubGxsWrZsqV27NihyMhIDR06VHl5eZKKCpYeeOABPfDAA9q1a5eee+45DRs2zLxG+/nnnzVgwAD16NFDO3bsUP/+/c3C6bLcSPeZL3bu3Dm9+eab8vDwUMuWLc12V1dXBQcHc90LANexp59+Wj/88IOSk5MlFV23jh8/XikpKXrnnXf01VdfadKkSZKkRx55pMTOzz4+PpfM5aUp7Vr3zTff1IQJEzR+/HilpqYqLi7OLMK6VF6/Uq+88ooefPBB7dy5U0FBQXr88cf17LPPaubMmfrmm2+Unp6uqVOn2p3j6PNHaY4cOaJnn31WS5YsKfPRiKGhoUpMTOQHRajaDABlWrlypVGvXj3D3d3d6NmzpzF16lQjNzfX7I+PjzeaN29ud87EiRONLl26mMfdunUzbrvtNrsxXbp0McaMGVOuObp37243JjMz05BkLFiwwGzLyMgwJBm7d+8udT2zZ882goOD7dpefPFFo23btkZhYWGJ8f/9738NScbevXvNtk8++cRwdXU1Tp48acY2fvx4u5gyMjLM8V999ZUhyTh37py5toYNGxpnz541xwQFBRn9+vUzjw8fPmxIMnbt2mX+jSwWi/Hjjz+aY6Kjo43w8PBS12kYhlGzZk3jww8/tGt76KGHjGHDhtm1hYSEGLNmzSpzHgDAtdWtWzejZs2ahpubm+Hq6mpIMnx8fIyjR4+aY5o1a2bMmzfPPD5+/LhRp04d4z//+Y9hGIZx2223Gc8//7zZf+7cOcPb29uYO3euYRil55U+ffoYbdq0MY8LCgoMNzc3M5f079/fmDx58mWtITk52ZBknDhxwmz78ssvjVq1atl9jrjYpdZU/LOBr6+v8eabb9rNIcn47LPPDMP4X/7dunWr2T9ixAijUaNGJXLwG2+8YRjG//L4qlWrzP6VK1caHh4el7Xu0mK64PXXX7f7+wIArg/jx483unXrVqJ94sSJRs+ePc3jF154wejVq5d5/Mgjjxj+/v7G+fPnzbbw8HBj8ODBhmEYRmxsrF1eMwzD+OKLLwx3d/cyY7n77ruNsWPH2rWFhYWZ19bFzZkzx7DZbHYxPPvss8Ydd9xhGIZh/Pbbb4Yk4+uvvzYMwzAWLFhg3HLLLXZzjB071m5dt912mzFgwADz+ELu/Ne//mW2xcfHG15eXnZ/i5CQELt5rVZrmTmzuLy8PMPLy8uYM2dOib46deoY69atu6x5AADOceHe6SeffGK0bNnSMAzDePnll42BAweWuJc6adKkEvc7V6xYYeanc+fOGZKMr776qsR73HvvvebxuXPnjLp165o5YuzYsUbHjh3tznnkkUeMgQMHGoZhGPPnzzeaN29u3r+90O/r61vmum6k+8yGYRi7du0y3NzcDBcXF8PT09PYvn17iTEDBgwwRo4c6XAeAIDzXZxvLnb27FlDkvHOO++Uet7bb79t+Pn5mcelXS9fKpeXpn379iWu96xWa5nfXV4qrxfPocXvKxuGYQwZMsS8PjeMovu6Tz75pHmcmJhoSDJWr15ttk2fPt249dZbzeNLff4ozX333Weuq3hevyAlJcWQZPd9AFDVsJMV4MCjjz6qQ4cOacWKFerYsaOWLFmi1q1bKyUlpVzzhIWFlTguz69WJSkkJOSScwcEBKhhw4Zlzn327NkSj/LZs2ePunXrJovFUmJ8Wlqa6tWrp9atW5ttt99+uwoKCszHG12JFi1a2MXRrFkztWnTxu5Ykrl7iCQ1adLEbJeKHmHhqBr6ctWpU0e//fbbVc8DAKg4w4cP186dO/XFF18oNDRUsbGxaty4saSiX9geOXJEnTp1Msc3atRIQUFBZv5LS0uz63d1dVVoaKhdfiyeV4rnoho1asjDw8PMRcOHD9e0adPUtWtXTZ482WEev/Coo4tz3Z49e9SiRQu7X/lecDlrulLt2rUz/92sWTNzi+mL2y7Ot8XPufnmm3X8+PGr3lGLfAsA1cuQIUO0ceNG5ebmyjAM89EKF/vjH/8oF5f/3Xa6+Dp49+7d2rp1q9zd3c3Xfffdp9OnT5d5nVfa9ezevXvVvXv3UsenpaWpY8eOdjHcfvvtFZ5bJZW4nnWUW6XLv549deqU+vfvr06dOumZZ54p0U9+BYDrR+/evXXy5EklJSVp+fLlJfKmVJQfP/zwQ7v8GBUVpaysrEvu5nBxrnF1dVXjxo3NXFP8Glmyz4lpaWm69dZb5erqavYXv59d3I12nzkoKEg7d+5UYmKi+vfvr0ceecTukUkSeRkArneGYUiSmcdSU1M1YMAAWa1W1atXT0OHDlVOTo7DOa4klxfPqadOnVJ2drbDa11Hef1KXe21bvHPH8XFx8fr2LFjGj16tMM46tSpI0nkVFRpFFkBl+Du7q77779fM2bM0N69e+Xj42Nu6+ji4mIm3QsuPKv3YqVdWF5wuXPUrVu31PMdzV2ch4eHTp48addW/L0v1XeptRQ/r7S11KxZs8ScF7ddeI+LP3CUdo6jmwtNmzYtkciPHj1qPjrigp9++sn84h4AUDU0bNhQAQEBuvPOO80vbX/88ccKfY9L5aILbRdyzf33368DBw7o8ccfV3Jystq3b69Vq1aVOreHh4ck2eVcR/n2ShT//FBavpVUIr9eTj4tLSdfbfzkWwCoXvz8/HTHHXcoISFBGzZs0PHjxxUeHm43xtG14+nTp9W7d2/t3LnTfKWkpCgjI8PMo8WVdj3rSHlz1+Vem5eWJ4u3OcqtZY0p7syZM+rXr58aNWqkt99+265YTCq6Xv7555/JrwBwnahRo4Yee+wxjRkzRkeOHNE999xTYszp06c1aNAgu/y4e/du7du3r0QeKM5RrrlUTjQMo1z3mKUb6z6zJNWqVUsBAQEKCwvTokWL5OLiYj7+8QKuewHg+rZv3z5Jks1mk1R0P9hisWjFihXavn273njjDRUUFDic40pyefGcejl5uzyqyrXuxo0btXXrVtWqVUuurq7q1auXJOkPf/iD3WN7LxQxl3VvAKgKKLICyqFmzZry9/fXmTNnJBX96uX48eN2yWj37t0lztu2bZvdcVJSkoKCgso1R1kunnv//v06ceKEOXdxwcHByszMVH5+vtnWrl07bdq0qdSk3LJlS506dUqpqalm25YtW+Tq6qpbbrmlxPgmTZpIkt0X4eVZS0UKCwvTV199ZR7/+uuv2rp1q2677TazLT8/XwcOHFBwcLAzQgQAXIbAwEB1795dU6ZMkSQ1aNBAzZo107fffmuO+emnn5SWlqaWLVtKKvqF6cX9BQUF2r59u9l/pTw9PRUdHa0PPvhAUVFRWrp0aanjbrnlFrm7u5sX5lJRvs3IyNChQ4dKjL+cNRXXpEmTKpFvL1dqair5FgCqmaFDh2r58uVavny5wsPD5ebmZte/fft2u+vMi6+Dg4OD9d///le+vr4KCAiwe9WoUaPU9wsODrbLrVLRr2o3bNhQ6viWLVsqKSnJ7gZvYmKiw9x69OhRu/HOyq+//fab7rvvPknSe++9p1q1apUYk5aWpsLCQrVv3/5ahwcAuEJDhgzR119/rUGDBpX4UlIqynWpqaklcmNAQICkokItFxeXcu803LJlS7vrTck+JwYFBSk5Odlu3qSkJIdz3kj3mUtTWFhot/OXxHUvAFzv/vWvf8nHx0e33nqrjh07pv379+vFF19U165dFRQUVOJHwDVr1iyRky+Vy0tT/Fq3fv36slqtDq91HeX14orfR5ack1OnTp2qlJQUs/hs8eLFkqTvvvtODz30kDkuNTVVLVq0KHPzEaAqoMgKKMORI0d09913a9WqVUpNTVVGRobmzJmjjz/+2LzZeeHRA5MnT9b333+vN954Q5s2bSox1549ezR16lSlp6dr+vTpSkxM1IgRI8o1R1leffVVff7550pJSVFUVJTuvPNOtW3bttSxt956q+rVq2d3kTxq1ChlZ2dr+PDh2r17t1JTU/XKK69IKkrUd999t4YNG6bvvvtOmzdv1jPPPKOhQ4eqQYMGJeavU6eOQkNDNX36dKWlpWndunWaP3/+Za+lIo0cOVKrVq1SXFyc9u7dq2HDhsnLy0t9+/Y1xyQlJalu3boKDQ11SowAgMszatQoxcXF6fDhw5KkZ599VpMmTdLHH3+svXv3KjIyUr6+vurTp4/ZP3/+fK1cuVL79u3TU089pd9++00RERFXHMPEiRP1n//8RwcOHND27du1efPmMouaa9SooR49emjz5s1mW48ePdSxY0eFh4dr8+bN2r9/v1asWGFu43ypNRV355136q233lJSUpK2b9+umJiYK17b1bpwYfz7778rJydHO3fuVHZ2tt2YzZs366677nJShACAyjBw4EBlZ2crISGh1Ece5eXlacyYMUpLS9OCBQv0wQcf6KmnnpJU9CXzuXPn9Nhjj+m7777T999/r3//+98aN25cme/Xu3dvbdu2ze6XwxMmTNDcuXP1r3/9S99//722bt2qZcuWme9x4sQJPf3000pLS9Py5csVGxur5557rtT5O3XqpPz8fE2dOlXff/+9Xn31VW3duvVq/kRX5Pfff9cDDzygQ4cOKS4uTj///LN+/PFHHTlyxG7c5s2b1aFDB37dCwDXkfbt2+vYsWOaNWtWqf0jR47U/v37NXz4cKWkpCgtLU3vvvuu+aMji8UiHx8fffnll8rLy9Pp06cv632ffPJJpaSk6MUXX1R6errmzp2rNWvWmDnxscce0y+//KJnn31WaWlpWrRokdavX+9wzhvpPvM///lPbdy4UVlZWdq5c6f+8pe/6OjRo3b3mXNzc/XDDz+oR48eTokRAFA+Z86c0Y8//qjs7Gxt2LBBgwcPVkJCghYuXChXV1c1bNhQDRs21JtvvqkDBw5o1apVio2NtZvD19dXaWlp2rdvn44dO6bCwsJL5vLS9O7d2+4+slR0rTt58mQtWbJEBw4c0Ndff63Vq1dLunReL65r1646cOCAFixYoIyMDP39739XVlbW1f0Br0Dz5s3Vtm1b8+Xn5yep6MdTDRs2NMdxHxnXA4qsgDLUr19fHTp00PTp09WpUyf98Y9/1LJlyzR//nxFRkZKkho3bqz4+HglJCSoQ4cOSklJ0ZNPPllirujoaKWmpiokJETz589XQkKCWrRoUa45yjJ58mSNHj1aYWFhkmTeUC5NzZo1NXjwYDMRS0UVzJ9//rnS09PVsWNHde3aVVu2bDH7ly1bpubNm6tbt27q16+funbtqjlz5pT5HnFxccrLy1NISIheffVVvfjii5e9lorUq1cvxcbG6p///Kf++Mc/6vDhw/roo4/sfgG8evVqPfbYY6X+KhgAUHV069ZNgYGB5s3Z559/XkOGDFFkZKRCQ0P166+/6sMPPzR3vnj00Uc1ceJExcTEKDg4WLt27dLHH3+s+vXrX3EMrq6u+tvf/qbWrVurX79+CgsLc3hxHBkZaZdvpaKdKGw2m/r27asOHTpo4cKF5q+XL7Wm4v7+97+rQ4cO6tmzpwYPHqy///3vV7y2qxUSEqKQkBAdPnxYkydPVkhIiF3+37Fjh06cOKE//elPTosRAFDx3NzcFB4ermbNmpX6heLAgQN19uxZhYaGatKkSXr99dfVuXNnSUWPBt60aZPOnz+vnj17qkOHDpo4caK8vLzKfL/OnTuradOm+uyzz8y2++67TwsWLNDcuXPVunVrPfzwwzp69Kj5Hh9//LG2bdum9u3ba/z48Zo+fboefPDBUuf39PTU4sWLtXjxYoWEhCgjI0N//vOfr+ZPdEUOHDigTz/9VGlpaQoMDJSnp6c8PT3l6+trN2716tUaOnToNY8PAHB1PDw8VLt27VL7fHx8tGnTJuXk5KhLly7q2LGjXnnlFVmtVnPMzJkztWLFCnl6emrUqFGX9Z6+vr764IMP9P7776tt27Z67bXXFBcXZ+blm266Se+//74+++wzBQcH6/3337/kD3lupPvMJ06cUGRkpIKCgnTPPfcoNzdXX3zxhfk4KakoL/fp00eenp5OiREAUD6vvfaaPD09FRgYqGHDhqlmzZpKSkoyC2hr1KihFStW6NNPP1WbNm0UGxuryZMn280xcOBAhYWFqWPHjmrSpImys7MvK5cX179/f/3888/asWOH2TZ8+HBNmjRJkyZNUqtWrTR06FCdOnVK0qXzenFt27bVnDlz9M9//lMdO3ZUYWGhBgwYcLV/wkpRUFCgDz74gGtdVHkWo7wP7gRwXcvKylKnTp2Unp5+VV82X+9OnTqlgIAAJSYmyt/f39nhAACqmfPnz6t9+/ZasGCB7rzzTmeH41RRUVHy8/PThAkTnB0KAKCC3X333QoNDdW0adPs2gcNGiR3d3dz+/+KEh8fr9WrV+vjjz+u0HmvN2lpaerRo4fS09Pl7u7u7HAAADco7jMXKSwsVKtWrRQXF6c77rjD2eEAAK5D06dPV0ZGht566y1nh+JUy5cv19KlS/X55587OxTAIXayAm4wNptNc+bMccpWkFXJwYMHNXv2bAqsAACVokaNGlq8eLFOnjzp7FCcqrCwUAEBAfrrX//q7FAAABXo559/1nvvvaevvvpKw4cPv2bv+8QTT6hr16769ddfr9l7VkWHDx9WfHw8BVYAAKfiPnORQ4cO6ZlnnqHACgBwxZ599lkFBATo/Pnzzg7FqSwWi15//XVnhwFcEjtZAQAAAAAA4LJ16tRJqampmjhxosaMGVOiv7J2sgIAAAAAAACciSIrAAB75j6pAAAgAElEQVQAAAAAAAAAAAAAAHCAxwUCAAAAAAAAAAAAAAAAgAMUWQEAAAAAAAAAAAAAAACAA67ODqAi1a5dW02aNHF2GACAG9zRo0eVn5/v7DAqXUXm3fz8fNWuXbtC5qpqquvaquu6pOq7tuq6Lqn6rq26rkuq2LWRdwEAuHbIuwAAXDs3Qt4l5wIAqoLy5NxqVWTVpEkT5ebmOjsMAMANztvb29khXBMVmXfXr1+vPn36VMhcVU11XVt1XZdUfddWXdclVd+1Vdd1SRW7NvIuAADXDnkXAIBr50bIu+RcAEBVUJ6cy+MCAQAAAAAAAAAAAAAAAMCBSi+yeuaZZ2Sz2WSxWLRnzx6zPT8/X6NGjVKLFi3Upk0bRUREmH0ZGRnq3LmzAgMDFRYWptTU1MoOEwAAAAAAAAAAAAAAAABKVelFVgMHDtQ333wjX19fu/Zx48bJxcVF6enp2rt3r2bNmmX2jRgxQtHR0UpPT1dMTIyioqIqO0wAAAAAAAAAAAAAAAAAKJVrZb/BnXfeWaLtzJkzio+PV25uriwWiyTJ09NTkpSXl6fk5GR9+umnkqTw8HCNGjVKWVlZstlslR0uAAAAAAAAAAAAAAAAANip9J2sSrN//355eHhoypQpCg0NVdeuXfXFF19IknJycuTl5SVX16L6L4vFIqvVquzs7BLzzJ49W97e3ubr9OnT13QdAAAAAAAAAAAAAHAjyM/P16hRo9SiRQu1adNGERERkqSMjAx17txZgYGBCgsLU2pqqpMjBQCgcjilyOrcuXM6cOCAWrdure3bt2vu3LkaNGiQjh49Kknm7lYXGIZR6jyjR49Wbm6u+XJ3d6/02AEAAAAAAAAAAADgRjNu3Di5uLgoPT1de/fu1axZsyRJI0aMUHR0tNLT0xUTE6OoqCgnRwoAQOVwSpGVr6+vXFxcNHjwYElScHCw/Pz8tHfvXvn4+Cg3N1cFBQWSigqscnJyZLVanREqAAAAAAAAAAAAANzQzpw5o/j4eE2bNs3cMMPT01N5eXlKTk42d7UKDw9XZmamsrKynBgtAACVwylFVo0bN1avXr20fv16SdLBgweVmZmpoKAgNW3aVCEhIUpISJAkrV27VjabTTabzRmhAgAAAAAAAAAAAMANbf/+/fLw8NCUKVMUGhqqrl276osvvlBOTo68vLzk6uoqqeiJRVarVdnZ2SXmmD17try9vc3X6dOnr/UyAAC4KpVeZDVy5Eh5e3srNzdXd911lwICAiRJCxcu1MyZM9WuXTv96U9/0qJFi+Tp6SlJio2NVWxsrAIDAzVjxgzFxcVVdpgAAAAAAAAAAAAAgFKcO3dOBw4cUOvWrbV9+3bNnTtXgwYNUkFBgbmz1QWGYZQ6x+jRo5Wbm2u+3N3dr0XoAABUGNfKfoN58+Zp3rx5Jdr9/f21YcOGUs8JCgpSYmJiJUcGAAAAAAAAAAAAALgUX19fubi4aPDgwZKk4OBg+fn56eDBg8rNzVVBQYFcXV1lGIZycnJktVqdHDEAABXPKY8LBAAAAAAAAAAAAABcHxo3bqxevXpp/fr1kqSDBw8qMzNTXbt2VUhIiBISEiRJa9eulc1mk81mc2K0AABUjkrfyQoAAAAAAAAAAAAAcH1buHChhg0bprFjx6pGjRpatGiRPD09FRsbq8jISE2bNk3169fX0qVLnR0qAACVgiIrAAAAAAAAAECVlp+frzFjxmj9+vWqVauWuWNGRkaGhgwZomPHjummm27SkiVL1Lp1a0ly2AcAAMrP399fGzZsKNEeFBSkxMTEax8QAADXGI8LBAAAAAAAAABUaePGjZOLi4vS09O1d+9ezZo1S5I0YsQIRUdHKz09XTExMYqKijLPcdQHAAAAAEB5UWQFAAAAAAAAAKiyzpw5o/j4eE2bNk0Wi0WS5Onpqby8PCUnJysiIkKSFB4erszMTGVlZTnsAwAAAADgSlBkBQAAAAAAAACosvbv3y8PDw9NmTJFoaGh6tq1q7744gvl5OTIy8tLrq6ukiSLxSKr1ars7GyHfcXNnj1b3t7e5uv06dPXdH0AAAAAgOsDRVYAAAAAAAAAgCrr3LlzOnDggFq3bq3t27dr7ty5GjRokAoKCsydrS4wDMP8t6O+i40ePVq5ubnmy93dveIXAQAAAAC47rk6OwAAAAAAAAAAAMri6+srFxcXDR48WJIUHBwsPz8/HTx4ULm5uSooKJCrq6sMw1BOTo6sVqvq1q1bZh8AAAAAAFeCnawAAAAAAAAAAFVW48aN1atXL61fv16SdPDgQWVmZqpr164KCQlRQkKCJGnt2rWy2Wyy2Wxq2rRpmX0AAAAAAFwJdrICAAAAAAAAAFRpCxcu1LBhwzR27FjVqFFDixYtkqenp2JjYxUZGalp06apfv36Wrp0qXmOoz4AAAAAAMqLIisAAAAAAAAAQJXm7++vDRs2lGgPCgpSYmJiqec46gMAAAAAoLx4XCAAAAAAAAAAAAAAAAAAOECRFQAAAAAAAAAAAAAAAAA4QJEVAAAAAAAAAAAAAAAAADhAkRUAAAAAAAAAAAAAAAAAOECRFQAAAAAAAAAAAAAAAAA4QJEVAAAAAAAAAAAAAAAAADhAkRUAAAAAAAAAAAAAAAAAOODq7ACuJdu4j656jqwZ/SogEgAAgKtTEZ9rrsakWwtKjYHPSgBQ/Tk7B1VV5EAAuDFVdl4kvwAAbhRl5VRyIQCgKmEnKwAAAAAAAAAAAAAAAABwgCIrAAAAAAAAAAAAAAAAAHCAIisAAAAAAAAAAAAAAAAAcIAiKwAAAAAAyunkyZPq0KGD+QoMDJSrq6t++ukn5eXl6Z577lGLFi3Utm1bffPNN+Z5jvoAAAAAAAAAAFWXq7MDAAAAAADgenPTTTdp586d5vErr7yijRs3qlGjRho2bJg6deqk//u//1NSUpIGDhyo/fv3y9XVVePGjSuzDwAAAAAAAABQdbGTFQAAAAAAVyk+Pl5RUVGSpHfffVcjR46UJHXs2FHNmjUzd6xy1AcAAAAAAAAAqLoosgIAAAAA4CokJibq+PHj6t+/v44fP67CwkI1adLE7LfZbMrOznbYV9zs2bPl7e1tvk6fPn1N1gIAAAAAAAAAKB1FVgAAAAAAXIW33npLTzzxhPnIP4vFYtdvGIb5b0d9Fxs9erRyc3PNl7u7ewVHDQAAAAAAAAAoD1dnBwAAAAAAwPXqzJkzWrVqlbZt2yZJ8vDwkCQdPXrU3LHq4MGDslqtDvsAAAAAAAAAAFUbO1kBAAAAAHCFVq9erfbt26tly5Zm20MPPaR58+ZJkpKSkvTjjz/qjjvuuGQfAAAAAAAAAKDqYicrAAAAAACuUFxcnKKiouzaXn75ZT3++ONq0aKFatWqpeXLl5uPEnTUBwAAAAAAAACouriTCwAAAADAFfr6669LtDVr1kyffvppqeMd9QEAAAAAAAAAqi4eFwgAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADrg6OwAAAAAAAAAAAAAAAC6XbdxHpbZnzeh3jSMBANxI2MkKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKj0IqtnnnlGNptNFotFe/bsKdE/adKkEn0ZGRnq3LmzAgMDFRYWptTU1MoOEwAAAAAAAAAAAAAAAABKVelFVgMHDtQ333wjX1/fEn3Jycn69ttvZbVa7dpHjBih6OhopaenKyYmRlFRUZUdJgAAAAAAAAAAAAAAAACUqtKLrO688055e3uXaM/Pz9fIkSM1f/58WSwWsz0vL0/JycmKiIiQJIWHhyszM1NZWVmVHSoAAAAAAAAAAAAAAAAAlFDpRVZlefHFFxURESE/Pz+79pycHHl5ecnV1VWSZLFYZLValZ2dXWKO2bNny9vb23ydPn36msQOAAAAAAAAAAAAAAAA4MbhlCKrxMREJSUl6amnniq1/+KdrSTJMIxSx40ePVq5ubnmy93dvcJjBQAAAAAAAAAAAAAAAHBjc0qR1caNG7Vv3z75+fnJZrMpNzdXffr00SeffCIfHx/l5uaqoKBAUlGBVU5OjqxWqzNCBQAAAAAAAAAAAAAAAHCDc0qR1bhx43To0CFlZWUpKytL3t7eWr9+ve699141bdpUISEhSkhIkCStXbtWNptNNpvNGaECAAAAAAAAAAAAAAAAuMFVepHVyJEj5e3trdzcXN11110KCAi45DmxsbGKjY1VYGCgZsyYobi4uMoOEwAAAAAAAAAAAAAAAABK5VrZbzBv3jzNmzfP4ZisrCy746CgICUmJlZiVAAAAAAAAAAAAAAAAABweZzyuEAAAAAAAAAAAAAAAAAAuF5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAEA1NGnSJFksFu3Zs0eSlJGRoc6dOyswMFBhYWFKTU01xzrqAwAAAAAAAAAAAABQZAUAQLWTnJysb7/9Vlar1WwbMWKEoqOjlZ6erpiYGEVFRV1WHwAAAAAAAAAAAACAIisAAKqV/Px8jRw5UvPnz5fFYpEk5eXlKTk5WREREZKk8PBwZWZmKisry2EfAAAAAAAAAAAAAKCIq7MDAAAAFefFF19URESE/Pz8zLacnBx5eXnJ1bUo7VssFlmtVmVnZ8vNza3MPpvNZjf37NmzNXv2bPP45MmTWr9+fYXEffbs2Qqbq6qprLVNurWgwucsj/q1So+hOvx3rK7/P1bXdUnVd23VdV1S9V4bAAAAAAAAAKB6osgKAIBqIjExUUlJSZoxY0aJvgu7Wl1gGMZl9V1s9OjRGj16tHns7e2tPn36XE3IpvXr11fYXFVNZa3NNu6jCp+zPCbdWqCJySU/SmbNuP7/O1bX/x+r67qk6ru26rouqXqvDQAAAAAAAABQPfG4QAAAqomNGzdq37598vPzk81mU25urvr06aM9e/YoNzdXBQVFuw4ZhqGcnBxZrVb5+PiU2QcAAAAAAAAAAAAAKEKRFQAA1cS4ceN06NAhZWVlKSsrS97e3lq/fr2GDBmikJAQJSQkSJLWrl0rm80mm82mpk2bltkHAAAAAAAAAAAAACjC4wIBALgBxMbGKjIyUtOmTVP9+vW1dOnSy+oDAAAAAAAAAAAAAFBkBQBAtZWVlWX+OygoSImJiaWOc9QHAAAAAAAAAAAAAOBxgQAAAAAAAAAAAAAAAADgEEVWAAAAAAAAAAAAAACHbDabWrZsqQ4dOqhDhw5atWqVJCkjI0OdO3dWYGCgwsLClJqa6uRIAQCoHDwuEAAAAAAAAAAAAABwSWvWrFHbtm3t2kaMGKHo6GhFRkZqzZo1ioqKUmJiopMiBACg8rCTFQAAAAAAAAAAAACg3PLy8pScnKyIiAhJUnh4uDIzM5WVleXcwAAAqAQUWQEAAAAAAAAAAAAALmnw4MFq166d/vznP+vo0aPKycmRl5eXXF2LHqBksVhktVqVnZ1d4tzZs2fL29vbfJ0+ffpahw8AwFWhyAoAAAAAAAAAAAAA4NCmTZuUkpKi5ORkeXh4aMiQIZKKCqsuZhhGqeePHj1aubm55svd3b3SYwYAoCK5OjsAAAAAAAAAAAAAAEDVZrVaJUk1a9bUc889p8DAQPn4+Cg3N1cFBQVydXWVYRjKyckxxwIAUJ2wkxUAAAAAAAAAAAAAoExnzpzRyZMnzeO3335bISEhatq0qUJCQpSQkCBJWrt2rWw2m2w2m5MiBQCg8lBkBQAAAAAAAACo0mw2m1q2bKkOHTqoQ4cOWrVqlSQpIyNDnTt3VmBgoMLCwpSammqe46gPAACUz5EjR9SjRw+1b99e7dq108aNG7Vs2TJJUmxsrGJjYxUYGKgZM2YoLi7OydECAFA5eFwgAAAAAAAAAKDKW7Nmjdq2bWvXNmLECEVHRysyMlJr1qxRVFSUEhMTL9kHAADKx9/fXzt27Ci1LygoiBwLALghsJMVAAAAAABXID8/X6NGjVKLFi3Upk0bRURESGJHDQAArpW8vDwlJyebOTg8PFyZmZnKyspy2AcAAAAAwJWgyAoAAAAAgCswbtw4ubi4KD09XXv37tWsWbMk/W/XjPT0dMXExCgqKso8x1EfAABwbPDgwWrXrp3+/Oc/6+jRo8rJyZGXl5dcXYse2GCxWGS1WpWdne2wr7jZs2fL29vbfJ0+ffqargsAAAAAcH2gyAoAAAAAgHI6c+aM4uPjNW3aNFksFkmSp6cnO2oAAFBJNm3apJSUFCUnJ8vDw0NDhgyRJDMPX2AYhvlvR30XGz16tHJzc82Xu7t7BUcPAAAAAKgOXJ0dAAAAAAAA15v9+/fLw8NDU6ZM0eeff646deropZde0k033VTmrhlubm5l9tlsNieuBgCAqs9qtUqSatasqeeee06BgYHy8fFRbm6uCgoK5OrqKsMwlJOTI6vVqrp165bZBwAAAADAlWAnKwAAAAAAyuncuXM6cOCAWrdure3bt2vu3LkaNGiQCgoKKmRHDR5bBADA/5w5c0YnT540j99++22FhISoadOmCgkJUUJCgiRp7dq1stlsstlsDvsAAAAAALgS7GQFAAAAAEA5+fr6ysXFRYMHD5YkBQcHy8/PTwcPHqyQHTVGjx6t0aNHm8fe3t7XbG0AAFQ1R44cUXh4uM6fPy/DMOTv769ly5ZJkmJjYxUZGalp06apfv36Wrp0qXmeoz4AAAAAAMqLIisAAAAAAMqpcePG6tWrl9avX6++ffvq4MGDyszMVNeuXc1dMyIjI0vsmuGoDwAAlM7f3187duwotS8oKEiJiYnl7gMAAAAAoLwosgIAAAAA4AosXLhQw4YN09ixY1WjRg0tWrRInp6e7KgBAAAAAAAAANUQRVYAAAAAAFwBf39/bdiwoUQ7O2oAAAAAAAAAQPXj4uwAAAAAAAAAAAAAAAAAAKAqo8gKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgCA/2fv/mPrqu+7gb+v60IX0ixbmqT17MsNUpyOpm2yrYim0BWtgwhaCWGqrSPFFpmcrrB2MyKztNEHVpYFqbIq2lT1pApCs1VLCbQbSCSjop2imULlphSlJW6bm/gqSw3dCA0jrAY/f+ThPvxITh3Hvnbs10s64t7zOefcz4kTfeL4zfcAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABaY8ZPXJT34ylUolpVIpTzzxRJLk2LFjufLKK9Pe3p5Vq1Zl7dq1qVar9XNGRkaydu3aLF++PCtXrszu3bunuk0AAAAAAAAAAIATmvKQ1dVXX53du3fn3HPPfdX+7u7uPPnkk9mzZ08+9KEPpbu7u17r7e3NhRdemKGhodx555255pprMjo6OtWtAgAAAAAAAAAAvM6Uh6ze//73p7W19VX73vSmN+Xyyy9PqVRKklx44YX56U9/Wq9v3749119/fZLkPe95T5YuXWo1KwAAAAAAAAAAYFo0T3cDSXLHHXfkwx/+cJLk5z//eV566aUsXry4Xq9UKjl48ODrzuvr60tfX1/9/dGjR6e+2dNU6X3gtM6vbr5ikjoBAAAAAAAAAADGY8pXsvpVNm3alKGhofzd3/1dfd/LK1y9bGxs7ITn9vT0pFar1bf58+dPaa8AAAAAAAAAAMDcM60rWX32s5/Nvffem4ceeijz5s1LkixatChJ8tRTT9VXszpw4EDK5fK09QkAAAAAAADAmelkTxs62VOETvV4AOaGaVvJqq+vL1/96lfzb//2b1m4cOGrah/5yEeyZcuWJMljjz2Ww4cP56KLLpqONgEAAAAAAAAAgDluyleyuv766/ONb3wjhw8fzgc/+MHMnz8/3/rWt3LjjTfmvPPOyyWXXJIkOfvss/Od73wnSXL77bfnYx/7WJYvX56zzjorX/nKV9LcPK2LbgEAAAAAAAAAAHPUlCeXtmzZUl+V6pXGxsZOes7SpUuza9euqWwLAAAAAAAAAABgXKbtcYEAAAAAAAAAAABnAiErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUaJ7uBmisSu8Dp3V+dfMVk9QJAAAAAAAAAACcGaxkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWap7sBAAAAAAAAADhTVXofOOH+6uYrGtwJAFPJSlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAmIBKpZK3v/3tWbVqVVatWpV//ud/TpIMDQ1lzZo1aW9vzwUXXJC9e/fWzymqAQAAAAAwcwlZAQAAwATdc8892bNnT/bs2ZM/+qM/SpJs2LAh3d3d2bdvXzZu3Jj169fXjy+qAQAAAAAwcwlZAQAAwCQZGRnJ4OBg1q1blyTp6OjI/v37U61WC2sAAAAAAMxsQlYAAAAwQddcc03e+c535k//9E/z1FNPZXh4OC0tLWlubk6SlEqllMvlHDx4sLD2Wn19fWltba1vR48ebeh9AQAAAADwakJWAAAAMAH//u//nu9///sZHBzMokWL0tnZmeR4eOqVxsbG6q+Laq/U09OTWq1W3+bPnz/J3QMAAAAAcCqap7sBAAAAOBOVy+UkyRvf+Mb8xV/8Rdrb29PW1pZarZbR0dE0NzdnbGwsw8PDKZfLmTdv3klrAAAAAADMbFayAgAAgFP03HPP5Zlnnqm//+pXv5rVq1dnyZIlWb16dbZt25Yk2bFjRyqVSiqVSmENAAAAAICZzUpWAAAAcIp+9rOfpaOjIy+++GLGxsZy3nnn5e67706S9Pf3p6urK5s2bcqCBQuydevW+nlFNQAAAAAAZi4hKwAAADhF5513Xr73ve+dsLZixYoMDAyccg0AAAAAgJnL4wIBAAAAAAAAGJdbb701pVIpTzzxRJJkaGgoa9asSXt7ey644ILs3bt3mjsEgKkhZAUAAAAAAADArzQ4OJhHHnkk5XK5vm/Dhg3p7u7Ovn37snHjxqxfv34aOwSAqSNkBQAAAAAAAEChF154Iddff32++MUvplQqJUlGRkYyODiYdevWJUk6Ojqyf//+VKvVaewUAKaGkBUAAAAAAAAAhT796U9n3bp1WbZsWX3f8PBwWlpa0tzcnCQplUopl8s5ePDg687v6+tLa2trfTt69GjDegeAySBkBQAAAAAAAMBJDQwM5LHHHssnPvGJ19VeXtXqZWNjYye8RjcsVFoAACAASURBVE9PT2q1Wn2bP3/+lPQKAFNFyAoAAAAAAACAk/r2t7+dH/3oR1m2bFkqlUpqtVouu+yyPPHEE6nVahkdHU1yPGA1PDyccrk8zR0DwOQTsgIAAAAAYMa79dZbUyqV8sQTTyRJhoaGsmbNmrS3t+eCCy7I3r1768cW1QCAU9fb25tDhw6lWq2mWq2mtbU1O3fuTGdnZ1avXp1t27YlSXbs2JFKpZJKpTK9DQPAFBCyAgAAAABgRhscHMwjjzzyqlUxNmzYkO7u7uzbty8bN27M+vXrx1UDACZXf39/+vv7097ens2bN+fLX/7ydLcEAFOiebobAAAAAACAk3nhhRdy/fXX55/+6Z9yySWXJElGRkYyODiYXbt2JUk6Ojpyww03pFqtZt68eSetWVUDACZHtVqtv16xYkUGBgamrxkAaBArWQEAAAAAMGN9+tOfzrp167Js2bL6vuHh4bS0tKS5+fj/R1wqlVIul3Pw4MHC2on09fWltbW1vh09enTqbwoAAIAzjpAVAAAAAAAz0sDAQB577LF84hOfeF2tVCq96v3Y2Ni4aq/V09OTWq1W3+bPn3+aXQMAADAbCVkBAAAAADAjffvb386PfvSjLFu2LJVKJbVaLZdddlmeeOKJ1Gq1jI6OJjkeohoeHk65XE5bW9tJawAAADBRQlYAAAAAAMxIvb29OXToUKrVaqrValpbW7Nz5850dnZm9erV2bZtW5Jkx44dqVQqqVQqWbJkyUlrAAAAMFHN090AAAAAAACcqv7+/nR1dWXTpk1ZsGBBtm7dOq4aAAAATISQFQAAAAAAZ4RqtVp/vWLFigwMDJzwuKIaAAAATITHBQIAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAZpFLL70073rXu7Jq1apcfPHF2bNnT5JkaGgoa9asSXt7ey644ILs3bu3fk5RDQAAAAAAAAAhKwCYVbZv357HH388e/bsyY033pjrrrsuSbJhw4Z0d3dn37592bhxY9avX18/p6gGAAAAAAAAgJAVAMwqCxcurL8+cuRImpqaMjIyksHBwaxbty5J0tHRkf3796darRbWAAAAAAAAADiuebobAAAm17XXXpuHH344SfLggw9meHg4LS0taW4+PvZLpVLK5XIOHjyYc84556S1SqXyquv29fWlr6+v/v6ZZ57Jzp07J6XnY8eOTdq1Zpqpurdbf2d00q95KhacdeIeZsPXcbb+fpyt95XM3nubrfeVzO57AwAAAABgdhKyAoBZ5u67706SbN26NTfddFM+85nPpFQqveqYsbGx+uui2iv19PSkp6en/r61tTWXXXbZpPS8c+fOSbvWTDNV91bpfWDSr3kqbv2d0fyfwdf/VbK6+cz/Os7W34+z9b6S2Xtvs/W+ktl9bwAAAAAAzE4eFwgAs1RnZ2cefvjhtLa2plarZXT0+KpDY2NjGR4eTrlcTltb20lrAAAAAAAAABw35StZffKTn8y//Mu/5MCBA/nBD36QlStXJkmGhobS2dmZp59+OgsXLsxdd92V888//1fWAIATe/bZZ3P06NG0tLQkSe67774sWrQoS5YsyerVq7Nt27Z0dXVlx44dqVQq9ccBFtUAAAAAAIDJdbInFVQ3X3FGHA8wV035SlZXX311du/enXPPPfdV+zds2JDu7u7s27cvGzduzPr168dVAwBO7MiRI7nyyivzzne+M+9+97uzZcuW3H///SmVSunv709/f3/a29uzefPmfPnLX66fV1QDAAAAAAAAoAErWb3//e9/3b6RkZEMDg5m165dSZKOjo7ccMMNqVarmTdv3klrVtUAgJNra2vLo48+esLaihUrMjAwcMo1AAAAAAAAABqwktWJDA8Pp6WlJc3NxzNepVIp5XI5Bw8eLKy9Vl9fX1pbW+vb0aNHG3ofAAAAAAAAAADA7DctIavkeHjqlcbGxsZVe6Wenp7UarX6Nn/+/MlvFAAAAAAAAAAAmNOm/HGBJ9LW1pZarZbR0dE0NzdnbGwsw8PDKZfLmTdv3klrAAAAAAAAAAAAjTYtK1ktWbIkq1evzrZt25IkO3bsSKVSSaVSKawBAAAAAAAAAAA02pSvZHX99dfnG9/4Rg4fPpwPfvCDmT9/fn784x+nv78/XV1d2bRpUxYsWJCtW7fWzymqAQAAAAAAAAAANNKUh6y2bNmSLVu2vG7/ihUrMjAwcMJzimoAAAAAAAAAAACNNC2PCwQAAAAAAAAAADhTTPlKVgAAAAAAAADA7FDpfeCE+6ubr2hwJwCNZSUrAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUKB5uhsAAAAAAAAAAGanSu8DJ9xf3XxFgzsBOD1WsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAo0DzdDQAAAMCZ7NZbb80tt9ySH/zgB1m5cmWGhobS2dmZp59+OgsXLsxdd92V888/P0kKawAAAAAkld4HTri/uvmKSTkeYKKsZAUAAAATNDg4mEceeSTlcrm+b8OGDenu7s6+ffuycePGrF+/flw1AAAAAABmLiErAAAAmIAXXngh119/fb74xS+mVColSUZGRjI4OJh169YlSTo6OrJ///5Uq9XCGgAAAAAAM5uQFQAAAEzApz/96axbty7Lli2r7xseHk5LS0uam5uTJKVSKeVyOQcPHiysvVZfX19aW1vr29GjRxtzUwAAAAAAnJCQFQAAAJyigYGBPPbYY/nEJz7xutrLq1q9bGxsbFy1V+rp6UmtVqtv8+fPn4SuAQAAAACYKCErAAAAOEXf/va386Mf/SjLli1LpVJJrVbLZZddlieeeCK1Wi2jo6NJjoeohoeHUy6X09bWdtIaAAAAAAAzm5AVAAAAnKLe3t4cOnQo1Wo11Wo1ra2t2blzZzo7O7N69eps27YtSbJjx45UKpVUKpUsWbLkpDUAAAAAAGa25uluAAAAAGaT/v7+dHV1ZdOmTVmwYEG2bt06rhoAAAAAADOXkBUAAACcpmq1Wn+9YsWKDAwMnPC4ohoAAAAAADOXxwUCAAAAAAAAAAAUGPdKVv/6r/+a3//938+CBQvy2c9+No888khuueWWrFy5cir7A4A5x8ydOSq9D5z2NW79ndFJuQ4AU8PcBYDGMXcBYGYwk5nrTvZv9tXNVzS4E+BMM+6VrP76r/86CxYsyPe///1s27Ytf/iHf5g/+7M/m8reAGBOMnMBoHHMXQBoHHMXAGYGMxkAJmbcIavm5uOLXu3atSvd3d3ZsGFDnnvuuSlrDADmKjMXABrH3AWAxjF3AWBmMJMBYGLGHbJ68cUX88gjj2THjh255JJLkiS//OUvp6wxAJirzFwAaBxzFwAax9wFgJnBTAaAiRl3yOq2227Lxz/+8Vx00UX57d/+7Tz55JNZvnz5VPYGAHOSmQsAjWPuAkDjmLsAMDOYyQAwMc3jPfDcc8/Nnj176u9XrFiRW265ZSp6AoA5zcwFgMYxdwGgccxdAJgZzGQAmJhxr2TV1dU1rn0AwOkxcwGgccxdAGgccxcAZgYzGQAm5leuZPX0009nZGQkx44dyw9/+MOMjY0lSY4cOZLnnntuyhsEgLnCzAWAxjF3AaBxzF0AmBnMZAA4Pb8yZPWP//iP+dznPpdDhw7l8ssvr+//9V//9WzcuHFKmwOAucTMBYDGMXcBoHHMXQCYGcxkADg9vzJk9alPfSqf+tSn8pnPfCY333xzI3oCgDnJzAWAxjF3AaBxzF0AmBnMZAA4Pb8yZPWym2++OS+99FIOHz6c0dHR+v5yuTwljQHAXGXmAkDjmLsA0DjmLgDMDGYynJpK7wMn3F/dfMWkHA+cOcYdstq6dWv+/M//PG984xvT1NSUJCmVShkZGZmy5gBgLjJzAaBxzF0AaBxzFwBmBjMZACZm3CGrv/3bv82jjz6at7/97VPZD7PcyVK74yXdC8wFZi4ANI65CwCNY+4CwMxgJgPAxDSN98DFixcbtADQAGYuADSOuQsAjWPuAsDMYCYDwMSMO2R11VVX5Qtf+EL+67/+K//zP/9T3wCAyWXmAkDjmLsA0DjmLgDMDGYyAEzMuB8X2NvbmyT55Cc/mVKplLGxsZRKpbz44otT1hxMBY8sBGY6MxcAGsfcBYDGMXcBYGYwkwFgYsa9ktVLL71U31588cX6f0/Hzp0787u/+7tZvXp1Vq5cma1btyZJRkZGsnbt2ixfvjwrV67M7t27T+tzAOBMMhUzFwA4MXMXABrH3AWAmcFMBoCJGXfIarKNjY3lT/7kT3LnnXfme9/7Xu6///5s2LAhv/jFL9Lb25sLL7wwQ0NDufPOO3PNNddkdHR0uloFAAAAAAAAmPMuvfTSvOtd78qqVaty8cUXZ8+ePUmSoaGhrFmzJu3t7bnggguyd+/eae4UACbfuB8X2NTUlFKp9Lr9p5tqfuaZZ5Ikzz77bBYtWpSzzz4727dvz/79+5Mk73nPe7J06dLs3r07H/jAB07rswDgTDBVMxcAeD1zFwAax9wFgJnhdGby9u3bs3DhwiTJ17/+9Vx33XUZHBzMhg0b0t3dna6urtxzzz1Zv359BgYGJr13AJhO4w5Z/eIXv6i/fv7553P33Xfnf//3fyf8waVSKdu3b89VV12Vc845J//93/+de++9N7/4xS/y0ksvZfHixfVjK5VKDh48+Lpr9PX1pa+vr/7+6NGjE+4HAGaKyZ65AMDJmbsA0DjmLgDMDKczk18OWCXJkSNH0tTUlJGRkQwODmbXrl1Jko6Ojtxwww2pVqupVCqT2jsATKdxPy7wnHPOqW9vectb0tPTkwcffHDCHzw6Opq///u/zze+8Y0cOHAg3/zmN9PZ2Zkkr0tOj42NnfAaPT09qdVq9W3+/PkT7gcAZorJnrkAwMmZuwDQOOYuAMwMpzuTr7322rS1teVv/uZvsnXr1gwPD6elpSXNzcfX9yiVSimXyydcRAMAzmTjDlm91tDQUIaHhyf8wXv27MmhQ4fyvve9L8nxxwK2tLTk8ccfT5I89dRT9WMPHDiQcrk84c8CgDPZ6c5cAGD8zF0AaBxzFwBmhlOdyXfffXeGh4dz22235aabbkoyvkU0+vr60traWt88pQiAM824Hxe4ePHi+nAcHR3Niy++mDvuuGPCH9zW1pZarZYnn3wyK1asyI9//OP85Cc/SXt7ez7ykY9ky5YtueWWW/LYY4/l8OHDueiiiyb8WQBwJpnsmQsAnJy5CwCNczpz99JLL83hw4fT1NSUN7/5zfn85z+fVatWZWhoKJ2dnXn66aezcOHC3HXXXTn//POTpLAGAHPZZH0v3NnZmY9//ONpbW1NrVbL6OhompubMzY2luHh4dctotHT05Oenp76+9bW1tO7EQBosHGHrL773e/+/5Oam/PWt741b3jDGyb8wUuXLk1/f3+uvvrqNDU1ZWxsLF/84hfzW7/1W7n99tvzsY99LMuXL89ZZ52Vr3zlK/XlJQFgtpvsmQsAnJy5CwCNczpzd/v27Vm4cGGS5Otf/3quu+66DA4OZsOGDenu7k5XV1fuueeerF+/PgMDA0lSWAOAuWyiM/nZZ5/N0aNH09LSkiS57777smjRoixZsiSrV6/Otm3b0tXVlR07dqRSqaRSqUzVLQDAtBh3cuncc8/N888/n8cffzylUim/+Zu/mV/7tV87rQ//6Ec/mo9+9KOv27906dLs2rXrtK4NAGeqqZi5AMCJmbsA0DinM3dfDlglyZEjR9LU1JSRkZEMDg7W/y25o6MjN9xwQ6rVaubNm3fSmh/4AjDXTXQmHzlyJB0dHXn++efT1NSUxYsX5/7770+pVEp/f3+6urqyadOmLFiwIFu3bm3AnQBAY407ZPUf//Efufrqq7N06dKMjY3lqaeeyj333JP3vve9U9kfAMw5Zi4ANI65CwCNc7pz99prr83DDz+cJHnwwQczPDyclpaW+lMQSqVSyuVyDh48mHPOOeektdeGrPr6+tLX11d/f/To0Um4WwCYuSY6k9va2vLoo4+esLZixQorRgIw6zWN98Cenp587Wtfy/e+973s2bMnX/va1/KXf/mXU9kbAMxJZi4ANI65CwCNc7pz9+67787w8HBuu+223HTTTUmOh6deaWxsrP66qPbavmq1Wn2bP3/+uHsCgDOR74UBYGLGHbI6duxY3ve+99Xfr1mzJseOHZuSpgBgLjNzAaBxzF0AaJzJmrudnZ15+OGH09ramlqtltHR0STHQ1TDw8Mpl8tpa2s7aQ0A5jrfCwPAxIw7ZDVv3rw89NBD9fff+ta3Mm/evClpCgDmMjMXABrH3AWAxpno3H322Wdz6NCh+vv77rsvixYtypIlS7J69eps27YtSbJjx45UKpVUKpXCGgDMdb4XBoCJaR7vgZ///Odz1VVX5eyzz06pVMoLL7yQHTt2TGVvADAnmbkA0DjmLgA0zkTn7pEjR9LR0ZHnn38+TU1NWbx4ce6///6USqX09/enq6srmzZtyoIFC7J169b6eUU1AJjLfC8MABMz7pDVoUOH8t3vfjc/+9nPMjY2lre+9a35zne+M5W9AcCcZOYCQOOYuwDQOBOdu21tbXn00UdPWFuxYkUGBgZOuQYAc5nvhQFgYsb9uMCbb745ixcvzsqVK/POd74zb3nLW3LzzTdPZW8AMCeZuQDQOOYuADSOuQsAM4OZDAATM+6Q1WuVSqW89NJLk9kLAHACZi4ANI65CwCNY+4CwMxgJgPA+Iw7ZLVgwYJXLRP5yCOP5M1vfvOUNAUAc5mZCwCNY+4CQOOYuwAwM5jJADAxzeM98Pbbb8+VV16Zd7zjHUmSH/7wh7nvvvumrDEAmKvMXABoHHMXABrH3AWAmcFMBoCJGXfI6r3vfW/27t2bgYGBJMmaNWuycOHCKWsMZqtK7wOndX518xWT1AkwU5m5ANA45i4ANI65CwAzg5kMABMz7pBVkvzGb/xGLr/88qnqBQD4f8xcAGgccxcAGsfcBYCZwUwGgFPXNN0NAAAAAAAAAAAAzGRCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABRonu4GAAAAAAAAAADmokrvAyfcX918xaQcD0weK1kBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFGie7gYAAAAAAAAAAJh8ld4HTri/uvmKBncCZz4rWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKBA83Q3AAAAU63S+8C4j731d0ZP6fjTUd18RUM+BwAAAAAAgNNjJSsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAo0DzdDQAAAAAAAAAAMP0qvQ+ccH918xWTcjycyaxkBQCzxLFjx3LllVemvb09q1atytq1a1OtVpMkIyMjWbt2bZYvX56VK1dm9+7d9fOKagAAAAAAAAAIWQHArNLd3Z0nn3wye/bsyYc+9KF0d3cnSXp7e3PhhRdmaGgod955Z6655pqMjo7+yhoAAAAAAAAAHhcIc87JlmscL8s6wsz1pje9KZdffnn9/YUXXpjPfe5zSZLt27dn//79SZL3vOc9Wbp0aXbv3p0PfOADhTUAAAAAAAAArGQFALPWHXfckQ9/+MP5+c9/npdeeimLFy+u1yqVSg4ePFhYAwAAAAAAAOA4K1kBwCy0adOmDA0N5Utf+lKef/75lEqlV9XHxsbqr4tqr9TX15e+vr76+2eeeSY7d+6clH6PHTs2adeaTLf+zuk/NnHBWZNznZnmZPc1E7+Oyal9DRr5NWvkr9dM/XM2GWbrvc3W+0pm970BAAAAADA7CVkBwCzz2c9+Nvfee28eeuihzJs3L/PmzUuSPPXUU/UVqw4cOJByuZxFixadtPZaPT096enpqb9vbW3NZZddNik979y5c9KuNZlO9xGryfGwzv8ZnH1/5TrZfVU3z7yvY3JqX8tGfs0a+es1U/+cTYbZem+z9b6S2X1vAAAAAADMTrPvJ37AjDYZgYXq5ismoROYnfr6+vLVr341Dz30UBYuXFjf/5GPfCRbtmzJLbfcksceeyyHDx/ORRdd9CtrAAAAAAAAAAhZAcCsUavVcuONN+a8887LJZdckiQ5++yz853vfCe33357Pvaxj2X58uU566yz8pWvfCXNzcf/GlBUAwAAAAAAAEDICgBmjdbW1oyNjZ2wtnTp0uzateuUawAAAAAAAAAIWQEAAAAAAAAA0ACV3gdOuL+6+YpJOR6mkpAVMOecbBCPl4ENAECSXHrppTl8+HCampry5je/OZ///OezatWqDA0NpbOzM08//XQWLlyYu+66K+eff36SFNYAAAAAAJi5mqa7AQAAADgTbd++PY8//nj27NmTG2+8Mdddd12SZMOGDenu7s6+ffuycePGrF+/vn5OUQ0AAAAAgJlLyAoAAAAmYOHChfXXR44cSVNTU0ZGRjI4OJh169YlSTo6OrJ///5Uq9XCGgAAAAAAM5vHBQIAAMAEXXvttXn44YeTJA8++GCGh4fT0tKS5ubj326XSqWUy+UcPHgw55xzzklrlUrlVdft6+tLX19f/f3Ro0cbc0MAAAAAAJyQlawAAABggu6+++4MDw/ntttuy0033ZTkeHjqlcbGxuqvi2qv1NPTk1qtVt/mz58/yZ0DAAAAAHAqhKwAAADgNHV2dubhhx9Oa2trarVaRkdHkxwPUQ0PD6dcLqetre2kNQAAAAAAZjYhKwAAADhFzz77bA4dOlR/f99992XRokVZsmRJVq9enW3btiVJduzYkUqlkkqlUlgDAAAAAGBma57uBgAAAOBMc+TIkXR0dOT5559PU1NTFi9enPvvvz+lUin9/f3p6urKpk2bsmDBgmzdurV+XlENAAAAAICZS8gKAAAATlFbW1seffTRE9ZWrFiRgYGBU64BAAAAADBzCVkBAAAAAAAAAHDGq/Q+cML91c1XTMrxzG1N090AAAAAAAAAAADATCZkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACjQPN0NAMw1ld4HTuv86uYrJqkTAAAAAAAAAMbrZD/r9TPcuWFaV7J64YUXcsMNN2T58uV5xzvekXXr1iVJhoaGsmbNmrS3t+eCCy7I3r17p7NNAAAAAAAAAABgDpvWlax6e3vT1NSUffv2pVQq5T//8z+TJBs2bEh3d3e6urpyzz33ZP369RkYGJjOVgEAAAAAAAAAgDlq2kJWzz33XO68887UarWUSqUkydve9raMjIxkcHAwu3btSpJ0dHTkhhtuSLVaTaVSma52AQAAAAAAAACAOWraHhf4k5/8JIsWLcptt92W3/u938vFF1+cb37zmxkeHk5LS0uam4/nv0qlUsrlcg4ePPi6a/T19aW1tbW+HT16tNG3AQAAAAAAAAAAzHLTFrL65S9/mZ/+9Kc5//zz893vfjdf+MIX8sd//McZHR2tr2z1srGxsRNeo6enJ7Varb7Nnz+/Ea0DAAAAAAAAAABzyLSFrM4999w0NTXlmmuuSZK8+93vzrJly3LgwIHUarWMjo4mOR6wGh4eTrlcnq5WAQAAAAAAAACAOWzaQlZvectb8gd/8AfZuXNnkuTAgQPZv39/Lr744qxevTrbtm1LkuzYsSOVSiWVSmW6WgUAAAAAAAAAAOaw5un88C996Uu57rrr8ld/9Vd5wxvekH/4h3/I2972tvT396erqyubNm3KggULsnXr1ulsEwAAAAAAAAAAmMOmNWR13nnn5Vvf+tbr9q9YsSIDAwONbwgAAAAAAAAAAOA1pu1xgQAAAAAAAAAAAGcCISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAvqY+mAAAIABJREFUAAAAAACc1LFjx3LllVemvb09q1atytq1a1OtVpMkIyMjWbt2bZYvX56VK1dm9+7/y979R1lV1/vjfx2d1BCJGwiJ4zCgDGloIj9ERISE/IGmCHi9CcjNHE2MvOhSbmpppYsEpnKJRVb+gHSlYWXiD9TSJMmLoqKSiMAIoyL4AxXx18j7+4dfzgdkOHJg5pyZ4fFYa681Z+999vu5f8zZ55z9Ou89p7hhAaCBKLICAAAAAAAAIKfKyspYtGhRPPnkk3H88cdHZWVlRERMmDAh+vTpE4sXL47rr78+TjvttKitrS1yWgCof4qsAAAAAABotLa15wy9agBA/dltt93iuOOOi0wmExERffr0iaVLl0ZExK233hpjx46NiIhevXpF+/btnXcBaJZKih0AgMIqnzBru5dRPXFIPSQBAAAA2DqVlZVx7LHHRiaTiWuuuSYqKytj9uzZ2Z4z7rnnnpg3b14MHz48lixZEiUlJTmnAQDb5+qrr44TTjghXn/99Vi/fn3sueee2Wnl5eWxfPnyzZ5TVVUVVVVV2cdr164tSFYAqC96sgIAAAAAoNHa1p4z9KoBAA3jyiuvjMWLF8cVV1wREZE9R2+QUqrzeePHj4+amprs0LJlywbPCgD1SZEVAAAAAABNxtb0nJFPrxoAwNabPHly3H777XH33XdHixYtok2bNhERsXr16uw8L774YpSVlRUrIgA0GEVWAAAAAAA0Cfn0nLG1vWpUVVVFaWlpdnDrIgCoW1VVVdxyyy1x3333RevWrbPjR4wYEVOnTo2IiHnz5sXKlSujX79+xYoJAA3GzecBAAAAAGj0NvSccf/990eLFi2iRYsWEfFJzxkbeqza0HPGxr1qfHrap40fPz7Gjx+ffVxaWtrQqwIATU5NTU2cf/750blz5xg4cGBEROy6667x6KOPxk9/+tMYNWpUdOnSJXbZZZeYPn16lJS4DA1A8+PsBgAAAABAo7ah54z777+/zp4zLrvsss16zsg1DQDIT2lp6RZ7hWzfvn3Mnj27wIkAoPAUWQEAAAAA0Ghta88ZetUAAACgPvlECQAAAABAo7WtPWfoVQMAAID6tFOxAwAAAAAAAAAAADRmiqwAAAAAAAAAAABycLtAAAAAAAAAAACoZ+UTZtU5vnrikAInoT7oyQoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACCHkmIHAAAAAAAAAACAHV35hFl1jq+eOKQo87MpPVkBAAAAAAAAAADkoMgKAAAAAAAAAAAgB0VWAAAAAAAAAAAAOSiyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrAAAAAAAAAAAAHJQZAUAAAAAAAAAAJCDIisAAAAAAAAAAIAcFFkBAAAAAAAAAADkUFLsAAAAAAAAAAAAQONSPmFWneOrJw4pcJLGQU9WAAAAAAAAAAAAOSiyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrAAAACBP77//fpx00klRUVERBx98cBxzzDFRXV0dERGrVq2KY445Jrp06RLdunWLOXPmZJ+XaxoAAAAAAI2XIisAAADYBpWVlbFo0aJ48skn4/jjj4/KysqIiJgwYUL06dMnFi9eHNdff32cdtppUVtb+5nTAAAAAABovBRZAQAAQJ522223OO644yKTyURERJ8+fWLp0qUREXHrrbfG2LFjIyKiV69e0b59+2yPVbmmAQAAAADQeCmyAgAAgO109dVXxwknnBCvv/56rF+/Pvbcc8/stPLy8li+fHnOaZ9WVVUVpaWl2WHt2rUFWQ8AAAAAAOqmyAoAAAC2w5VXXhmLFy+OK664IiIi27vVBiml7N+5pm1s/PjxUVNTkx1atmxZz6kBAAAAAMiHIisAAADYRpMnT47bb7897r777mjRokW0adMmIiJWr16dnefFF1+MsrKynNMAAAAAAGjcFFkBAADANqiqqopbbrkl7rvvvmjdunV2/IgRI2Lq1KkRETFv3rxYuXJl9OvX7zOnAQAAAADQeJUUOwAAAAA0NTU1NXH++edH586dY+DAgRERseuuu8ajjz4aP/3pT2PUqFHRpUuX2GWXXWL69OlRUvLJx+9c0wAAAAAAaLx8kwsAAAB5Ki0tjZRSndPat28fs2fPznsaAEAhlU+Y1WDLrp44pMGWDQAAUCxuFwgAAAAAAAAAAJCDnqwAAAAAaBAN2UtKU6aHFwAAAICmR09WAAAAAAAAAAAAOSiyAgAAAAAAAAAAyKFRFFldfvnlkclk4plnnomIiMWLF0ffvn2joqIievfuHQsXLixyQgAAAAAAAAAAYEdV9CKr+fPnx7/+9a8oKyvLjjvrrLOisrIynn/++bjwwgvjjDPOKGJCAAAAAAAAAABgR1bUIqsPPvggxo4dG9dee21kMpmIiFi1alXMnz8/Ro4cGRERw4YNi2XLlkV1dXURkwIAAAAAAAAAADuqohZZ/eAHP4iRI0dGp06dsuNWrFgRHTp0iJKSkoiIyGQyUVZWFsuXL9/s+VVVVVFaWpod1q5dW7DsAAAAAAAAAADAjqFoRVZz586NefPmxTnnnLPZtA29Wm2QUqpzGePHj4+amprs0LJlywbJCgAAAAAAAAAA7LiKVmT10EMPxXPPPRedOnWK8vLyqKmpiaOPPjqeeeaZqKmpidra2oj4pMBqxYoVUVZWVqyoAAAAAAAAAADADqxoRVYTJkyIl19+Oaqrq6O6ujpKS0vj3nvvjdNPPz26d+8eM2bMiIiImTNnRnl5eZSXlxcrKgAAAAAAAAAAsAMrKXaAukybNi3GjBkTV155ZbRq1SpuvPHGYkcCAAAAAAAAAAB2UI2myKq6ujr7d9euXWPu3LnFCwMAAAAAAAAAAPD/K9rtAgEAAAAAAAAAAJoCRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5lBQ7AAA7nvIJs7br+dUTh9RTEgAAAAAAAAD4bHqyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrAAAAAAAAAAAAHJQZAUAAAAAAAAAAJCDIisAaEbGjRsX5eXlkclk4plnnsmOX7x4cfTt2zcqKiqid+/esXDhwq2aBgAAAAAAAIAiKwBoVoYPHx5z5syJjh07bjL+rLPOisrKynj++efjwgsvjDPOOGOrpgEAAAAAAACgyAoAmpX+/ftHaWnpJuNWrVoV8+fPj5EjR0ZExLBhw2LZsmVRXV2dcxoAAAAAAAAAnygpdgAAoGGtWLEiOnToECUln5z2M5lMlJWVxfLly2P33Xff4rTy8vJNllNVVRVVVVXZx2vWrIl77723XjK+//779bas+nT5IbXbvYxWu9TPchqbLa1XY9yPEfntg0Lus0Jur8b6f1Yfmuu6Ndf1imje6wYAAAAAQPOkyAoAdgCZTGaTxymlrZq2sfHjx8f48eOzj0tLS+Poo4+ul3z33ntvvS2rPpVPmLXdy7j8kNr44fzm95ZrS+tVPbHx7ceI/PZlIfdZIbdXY/0/qw/Ndd2a63pFNO91AwAAAACgeWp+V/wAgE3ss88+UVNTE7W1tVFSUhIppVixYkWUlZVFixYttjgNAAAAAAAAgE/sVOwAAEDDateuXXTv3j1mzJgREREzZ86M8vLyKC8vzzkNAAAAAAAAgE/oyQoAmpGxY8fGX/7yl1i5cmUMGjQoWrZsGS+88EJMmzYtxowZE1deeWW0atUqbrzxxuxzck0DAAAAAAAAQJEVADQrU6dOjalTp242vmvXrjF37tw6n5NrGgAAAAAAAABuFwgAAAAAAAAAAJCTnqwAAAAAAIAmo3zCrAZbdvXEIQ22bAAAoGnTkxUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAyGncuHFRXl4emUwmnnnmmez4xYsXR9++faOioiJ69+4dCxcuLGJKAGg4iqwAAAAAAGi0tuWCrou9AFD/hg8fHnPmzImOHTtuMv6ss86KysrKeP755+PCCy+MM844o0gJAaBhKbICAAAAAKDR2pYLui72AkD969+/f5SWlm4ybtWqVTF//vwYOXJkREQMGzYsli1bFtXV1UVICAANS5EVAAAAAACNVr4XdF3sBYDCWbFiRXTo0CFKSkoiIiKTyURZWVksX758s3mrqqqitLQ0O6xdu7bQcQFguyiyAgAAAACgScl1QTefi70RLvgCwPbKZDKbPE4p1Tnf+PHjo6amJju0bNmyEPEAoN4osgIAAAAAoMnJdUF3ay/2RrjgCwDbY5999omampqora2NiE/OuStWrIiysrIiJwOA+qfICgAAAACAJiXXBV0XewGgcNq1axfdu3ePGTNmRETEzJkzo7y8PMrLy4sbDAAagCIrAAAAAACalFwXdF3sBYCGMXbs2CgtLY2ampoYNGhQ7LfffhERMW3atJg2bVpUVFTExIkT47e//W2RkwJAwygpdgAAAAAAANiSsWPHxl/+8pdYuXJlDBo0KFq2bBkvvPBCTJs2LcaMGRNXXnlltGrVKm688cbsc3JNAwC2zdSpU2Pq1Kmbje/atWvMnTu3CIkAoLAUWQEAAAAA0GhtywVdF3sBAACob24XCAAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAORQUuwAAAAAAAAAAABA01Y+YVad46snDilwkoahJysAAAAAAAAAAIAcFFkBAAAAAAAAAADkoMgKAAAAAAAAAAAgh5JiBwCAQtvSvYC3VnO5ZzAAAAAAAAAAW0dPVgAAAJCncePGRXl5eWQymXjmmWey4xcvXhx9+/aNioqK6N27dyxcuHCrpgEAAAAA0LjpyQoAAADyNHz48LjwwgujX79+m4w/66yzorKyMsaMGRN//OMf44wzzoi5c+d+5jQAAJq/7e1d/bPofR0AABqWnqwAAAAgT/3794/S0tJNxq1atSrmz58fI0eOjIiIYcOGxbJly6K6ujrnNAAAAAAAGj9FVgAAAFAPVqxYER06dIiSkk86jc5kMlFWVhbLly/POQ0AAAAAgMbP7QIBAACgnmQymU0ep5S2atqnVVVVRVVVVfbx2rVr6ykhQOPV0LfRaqrc/gsAAAAaBz1ZAQAAQD3YZ599oqamJmprayPikyKqFStWRFlZWc5pdRk/fnzU1NRkh5YtWxZsPQAAAAAA2JwiKwAAAKgH7dq1i+7du8eMGTMiImLmzJlRXl4e5eXlOacBAAAAAND4Fa3I6v3334+TTjopKioq4uCDD45jjjkmqqurIyJi1apVccwxx0SXLl2iW7duMWfOnGLFBAAAgM2MHTs2SktLo6amJgYNGhT77bdfRERMmzYtpk2bFhUVFTFx4sT47W9/m31OrmkAAAAAADRuJcVsvLKyMo499tjIZDJxzTXXRGVlZcyePTsmTJgQffr0iXvuuSfmzZsXw4cPjyVLlkRJSVHjAgAAQERETJ06NaZOnbrZ+K5du8bcuXPrfE6uaQAAAAAANG5F68lqt912i+OOOy4ymUxERPTp0yeWLl0aERG33nprjB07NiIievXqFe3bt9ebFQAAAAAAAAAAUBRFK7L6tKuvvjpOOOGEeP3112P9+vWx5557ZqeVl5fH8uXLN3tOVVVVlJaWZoe1a9cWMjIAAAAAAAAAALADaBRFVldeeWUsXrw4rrjiioiIbO9WG6SU6nze+PHjo6amJju0bNmywbMCAAAAAAAAAAA7lqIXWU2ePDluv/32uPvuu6NFixbRpk2biIhYvXp1dp4XX3wxysrKihURAAAAAAAAAADYgRW1yKqqqipuueWWuO+++6J169bZ8SNGjIipU6dGRMS8efNi5cqV0a9fv2LFBAAAAAAAAAAAdmAlxWq4pqYmzj///OjcuXMMHDgwIiJ23XXXePTRR+OnP/1pjBo1Krp06RK77LJLTJ8+PUpKihYVAAAAAAAAAADYgRWtcqm0tDRSSnVOa9++fcyePbvAiQAAAAAAAAAAADaneygAAAAAAAAAAKCgyifMqnN89cQhBU6ydXYqdgAAAAAAAAAAAIDGTJEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIoaTYAQAAYEdVPmFWwdq6/JDarW6veuKQBk4DAAAAAADQtOjJCgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIIeSYgcAAAAAAAAAAADIpXzCrDrHV08cUpD29WQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQQ0mxAwAAAAAAAAAAANSn8gmz6hxfPXHINi1PT1YAAAAAAAAAAAA56MkKACi6lW+9v8VKcgAAAAAAAIBi05MVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5lBQ7AAAAAAAAAI1X+YRZDbbs6olDGmzZAABQn/RkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5lBQ7AAAAwNYonzCrzvGXH1K7xWmFUj1xSFHbBwAAAAAAGpaerAAAAAAAAAAAAHJQZAUAAAAAAAAAAJCDIisAAAAAAAAAAIAcSoodAAAAAAAAABpC+YRZDbbs6olDGmzZAAA0PoqsAAAAAAAAoBFpyOKwCAViAADbotHeLnDx4sXRt2/fqKioiN69e8fChQuLHQkAmi3nXQAoHOddACgc510AKAznXAB2BI22J6uzzjorKisrY8yYMfHHP/4xzjjjjJg7d26xYwFAs+S8CwCF47wLAIXjvAtQeG7RuGNyzgVgR9Aoi6xWrVoV8+fPj9mzZ0dExLBhw+Lcc8+N6urqKC8vL244AGhmnHcBtl9DfIF8+SG1DX57iGKZNrBRfhQtCOddACgc510A8qVAbNs45wKwo8iklFKxQ3za448/HqNGjdqkG8nevXvH5MmTo3///tlxVVVVUVVVlX28cuXK+NKXvrTN7a5duzZatmy5zc+vD8XOsKO33xgy7OjtN4YM2ncMbG/7q1evjg8++KAeEzWsYp13N1bsfd6Qmuu6Ndf1imi+69Zc1yui+a5bc12viPpdN+fdHVtz/j+h/jleyIfjpW7Ou9uvKR9bTTV7U80dIXsxNNXcEbIXQ0Pnbkrn3fo+5+a7bc1vfvOb3/zm35758znnNtqfD2cymU0e11ULNn78+Bg/fny9tVlaWho1NTX1trymmGFHb78xZNjR228MGbTvGCh2+8VQjPPuxprzNm+u69Zc1yui+a5bc12viOa7bs11vSKa97ptjWKfd5uTHf1YIj+OF/LheGk+Gtt5tykfW001e1PNHSF7MTTV3BGyF0NTzd1Q6vOcm++2Nb/5zW9+85u/Ieavy07b9ewGss8++0RNTU3U1tZGxCcn4RUrVkRZWVmRkwFA8+O8CwCF47wLAIXjvAsAheGcC8COolEWWbVr1y66d+8eM2bMiIiImTNnRnl5uXv2AkADcN4FgMJx3gWAwnHeBYDCcM4FYEex82WXXXZZsUPU5bDDDotLL700rrrqqpg3b15cf/310a5du4K0W2zFzrCjt98YMuzo7TeGDNp3DBS7/UIr1nn30xmaq+a6bs11vSKa77o11/WKaL7r1lzXK6J5r9tnaQzn3eZkRz6WyJ/jhXw4XpqHxnjebcrHVlPN3lRzR8heDE01d4TsxdBUczeE+j7n5rttzW9+85vf/OZviPk/LZPquiEuAAAAAAAAAAAAEdFIbxcIAAAAAAAAAADQWCiyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrICiu+eee7ZqHAAAAEBDeO2117ZqHAAAALDjUmS1g3vppZfipJNOih49ekRExJNPPhk///nPi5yqsGpra+MPf/hDXHnllfGjH/0oOxTKihUr4sMPP4yIiH/+859xzTXXxDvvvFOw9huD73//+1s1rrlatmzZZuMeffTRIiQB2HpvvvlmsSM0iHvvvbfYEcjT66+/Hv/4xz/i1VdfLXaU7bJmzZpiR2hQ7777btTW1kbEJ+v60EMPxSuvvFLkVADw/3z961/fqnGwPZYuXRo///nP469//WuxowAUxU9+8pP45z//mf18CADQ1JQUO8CO7qWXXoqxY8fGihUr4vHHH48nn3wyHnzwwTjvvPMK0v5ZZ50Vp556akyaNCkiIrp16xajRo0qWPu1tbUxc+bMWLJkySZvqn/wgx8UpP2IiFNPPTVWrlwZvXv3jp133rlg7W5w4oknxiOPPBIvvfRSnHrqqdGvX7946KGH4rbbbmvQdhcuXJhz+gEHHNCg7UdEvPDCC/H888/H22+/HXfddVd2/FtvvRXr1q1r8PYbi2HDhsXf//73+MIXvhAREU899VSMHDkyFi9eXORkhfXoo49u9lowevToIiaC/C1fvjzOPPPMWLZsWXzjG9+In/zkJ7HbbrtFRMRhhx0Wc+fOLXLCbfPUU0/Ft771rdh5553jxhtvjAsuuCD+/ve/R9u2bePOO++Mgw46qNgRt0ld58Jvf/vbMXv27EgpFeRc2FBuu+22GDFiRER80gPD6aefHnPmzInu3bvHTTfdFGVlZUVOuO1Gjx4dkyZNivbt28ff/va3OPXUU6NTp05RXV0d1113XXzjG98odsRt0q5duzj22GPj29/+dgwZMiR22qn5/B7mpptuirPOOivatm0bN954Y4wePTo6dOgQS5cujV/+8pfZYxXysX79+li5cuUm7x2b8msbDWf58uV1jne8sEFtbW18+OGHsX79+njvvfcipRQRO953EzSMwYMHx6RJk+Lggw+Ol19+OXr27BmHHnpoLFu2LBYuXBgXXXRRsSNu0axZs2LRokXRo0ePOPLII4sdZ4fw7rvvxuc+97nYZZdd4sknn4wHHnggunbtGscff3yxo+V000035Zzu+73Cev3112P69OkFu8aTr+rq6jj99NNj5cqVcfjhh8fAgQNj4MCB0bNnz6Jcn8nH6tWrY/fdd48WLVpERMQjjzwSt956a+y7774xduzYZvU5vqlZv3591NTUxN57791ojqOUUmQymSa7/Pr05z//OY444oho06ZNvPbaazF27NiYN29efPWrX42pU6dGhw4dcj5/W/ZvPtunoY+f119/PZ599tno2rVrtG/ffque05D7d1vyNLSG3F9N/fWhEPnzPd68vkVEIqWU0r/+9a/0+9//Pt14443ZoRCGDBmSpk+fng466KCUUkofffRR6tatW0HaTimlHj16pJRSOvjgg7PjNv67oQ0bNiwdfvjh6X/+53/SBRdckB0KqaKiIq1fv76gbW6se/fuKaWUpk2bln784x+nlFL2eGhI5eXlqVOnTqm8vDzttNNOqXXr1ql169Zpp512SuXl5Q3efkop3XDDDWnAgAGpZcuWacCAAdnhG9/4RrrzzjsbvP22bdumPffcc4tDodx2221pwIAB6cMPP0zPPfdc2m+//dK8efMK1n5KKa1evTqde+656Ygjjki9evXKDoVy9tlnp06dOqWhQ4em4cOHp+HDh6cRI0YUrP2UUnrvvffSlClT0qhRo9KIESOyA4XVpUuXYkfYLscee2y65ppr0mOPPZZGjx6d+vbtm95+++2UUmHPr/Wtf//+6c9//nO64YYbUllZWbrppptSSindfvvtafDgwUVOt+0ymUwqLy/fZCgpKcmeI5uyDe8vUkrpzDPPTBdddFF65ZVX0pQpU9JJJ51UxGTbb+P3yv37909PPfVUSiml6urqTda7qamoqEiTJ09OX/nKV9Jee+2VLrroorRo0aJix6oXBx54YKqurk5PPfVU+sIXvpB9n7N48eL01a9+tch/mZCnAAAgAElEQVTpaIquv/76tMcee6QvfvGLqW3bttn39VCXDcdH27ZtU8uWLdNOO+3keGETl112WcpkMmmnnXZKmUwmO3zhC19IP/rRj4odjyZu//33z/49adKk7HvxN954Ix144IHFivWZLrnkktSpU6d0yimnpA4dOqRp06YVO1Kzd91116Vdd901tWnTJl133XWpY8eO6ZRTTkn77rtvuvzyy4sdL6cN3+VtPIwYMSJ16tQp7bTTTsWOt8O499570ymnnJL22GOPdPLJJxc7zmdavnx5uummm9K3vvWt1KlTp7THHnuk4447rtixcurXr196/vnnU0opPf/886lly5bp7LPPTkceeWTBr2s1N23atEnjxo3LfsfzWf73f/83rVy5MqWU0hNPPJFKS0tTu3btUvv27dM///nPzeYfNmxY+tOf/pRqa2u3K+eWriVec8016dVXX00ppbR06dLUu3fvVFJSkg4++OC0cOHC7WqzPpef61ron/70p/Taa6+llD65XnTKKaekTp06pZNOOim99NJL27X8L3/5y+njjz9OKaV0+umnp4svvjgtXLgwTZkyJQ0ZMmSz+fPdv/lun3yXn+/6jho1Krv8Bx54IO25556pd+/eqV27dukvf/nLdudv6Dwpbf/x8PHHH6cXX3yxzv+5ht5fDb1/8902xTg+c/2v55unKby+FaPOQ5FVKu7F/WIXOR166KFp/fr12TbfeOONghT4bFDsAqeUUho0aFD64IMPitb+AQcckN5///00fPjwNGfOnJRSYYqsNjj33HPTrbfemn182223pYsuuqhg7aeU0m9+85uCtrdBdXV1qq6uTpdcckk655xz0pNPPpmeeOKJ9N3vfjdNnDixoFmmTJmSTjzxxNS1a9f08MMPF7TtlFI64YQT0sSJE1OXLl3SHXfckYYMGZIuueSSgrW/3377pffee69g7dVl5MiR6Tvf+U7q2LFjuvrqq9MhhxySzjvvvKJmaq6effbZLQ577bVXseNtl08XeFxxxRWpV69eac2aNU26+GPj9yb77LPPJtOacoHEZZddlo499thUXV2dHVeoQuOGtvE+O+iggzb5QFvI9xkNYeNizJ49e24yrTFfqPosG79GPPLII+nMM89MrVq1SkcccUTBfgDSUDZet44dO24yrSkXoFI8nTt3Tv/+97+LHYMmaubMmenSSy8tdgwaobPPPrvYEWiGNn4fNHTo0PTrX/+6zmmNzf7775/WrFmTUkppxYoVqXfv3kVOtPW29KPKxl6U3a1bt/Tyyy+nZ599Nu22227Zi3Rr1qxJBxxwQJHT5ee5555LQ4cOTeXl5Wn69OnFjpPThiLbDcPGj3feeedix/tM1dXV6Qc/+EEqKytLPXv2TG3btk1vvPFGsWNttY8++ig9/PDD6Uc/+lGqqKhIHTp0KHaknDb+X/zxj3+cRo0alVJKad26dekrX/lKsWI1C+Xl5encc89NX/ziF1PPnj3TL3/5y/TWW29tcf6N98XRRx+d7r333pRSSvPmzUuHHnroZvO3bds2HXjggal9+/bpggsu2KrPk/lc+N+4qPrkk09Ov/71r9O6devSzJkz04ABA+pcfo8ePdLPfvaztHr16s/Msi3Lz7dwId9CqG3dPp/+Hqiu74Xy3b/5bp98l5/v+ub7A9GG3r/b8oPVhiyMa+j91dD7N99t09Drm+//er558p0/n9e2bVl+vutbX0W2n6bIKhX34n6xi5wmT56cKisr07777puuv/761KtXr/SLX/yiYO0Xs8Bp6tSpaerUqemcc85Jhx9+eJoyZUp23NSpUwuW48c//nFq3bp16t27d1q/fn16+eWXU58+fQrWfl0vyFs6yTSUO+64I/uGedKkSWnYsGHp6aefLlj7/fv332zcEUcc0eDtzpo1KzvceeedqWfPnmncuHHZcYW0oUhiw8XpDz74IH3ta18rWPuF2N6fZcMbzQ3b4O23305f//rXixmp2cpkMtme9D49fO5znyt2vO3StWvXzcZNmjQp9ejRI+23335FSFQ/Ni6kGj169CbTmnrBzvz589Nhhx2WfvnLX6aUUpPvwWqD/fffPy1cuDA9++yzm31Z0ZQL41L6pED8e9/7Xnr33XfThAkT0owZM9L69evTXXfdtcUvHpqCur7UePfdd9P1119f53uVpqRHjx7pmWeeSQ8//HBq27Ztmjt3bkoppUWLFjXpwjiKp9CfV2h++vXrV+wIwA6iR48eacWKFWnt2rXpi1/84iY9ldb1+bGx+PR708ZcEPZp1dXVacGCBWny5MnphRdeyP7IcsPQWG38ue3TRVVN5YcJr7zySjrzzDPTXnvtlX72s58V9YfNW2vt2rWbDb///e9Tp06d0lFHHVXseDkNHjw47bnnnul73/te9oJ5U/jh2COPPJKuuOKKNGjQoFRRUZFOO+20NG3atCbRk/PGr4XHHXfcJj+Iair/p43Vhm37wQcfpJtvvjkNHjw4tWzZMo0aNSo99NBDm82/8Q/wDjnkkE2m1fW914b98+ijj6azzjortW7dOvXt2zf99re/TWvXrq0zUz4X/jc+p3/6nLmlY6NDhw7p+OOPTy1atEjDhw9P99xzzxY7pdiW5W9PIcXWFELls/wBAwakRx55JKWU0vHHH59eeeWVlNIn12DqKlDMd//mu33yXX5K+a1vvj8Qbej9uy0/WG3IwriG3l8NvX/z3TYNvb75/q/nmyff+fN5bduW5ee7vttSZLs13CA4Ivbaa6/YbbfditL2iBEj4uyzz4533nknbrjhhjj66KPjjDPOKFj7559/fgwYMCB69OgRd911V4wbNy7GjRtXsPYrKiria1/7WlRVVcW1116bHQph3rx5MW/evFi3bl106dIlnn766ey4xx57rCAZIiIuueSSWLZsWcydOzcymUzsscceMXPmzIK1v27dunj44Yezj+fMmRPr1q0rWPsRERdffHG0atUqnnrqqZgxY0YMHjw4vvOd7xSs/Zdffjlee+217OPXXnstXnnllQZvd9KkSdlh8uTJ0bJly1iwYEH2cSHtsssuERGx6667xhtvvBElJSVRU1NTsPb79u0bp5xyStx+++1x1113ZYdC+vznPx8RESUlJbFu3brYY4894qWXXipohh1Fx44dY86cObFs2bLNhsZyD/Bttf/++8c999yzybgLLrggvvnNb8aSJUuKlGr7tW/fPt5+++2IiLjxxhuz41955ZWivYeqL927d48HH3wwqqur46ijjooPP/yw2JHqxbp162LIkCExZMiQWLNmTfY1/a233oqddmraHwGmTJkSmUwm9t5777jtttti1KhRscsuu8QvfvGL+N3vflfseNsspbTZuBYtWsSYMWPioYceKkKi+nPFFVfEkUceGUOHDo0//OEPcemll0a3bt2id+/ecfHFFxc7Hk3IunXrYt26dXHyySfHNddcE2+88UZ2XKE/w9B0bHyMvPPOO3H//ffHq6++WuxYwA7i+9//fvTo0SO6du0aAwcOjIqKioiIeOSRR6K8vLy44XJ46623Nvl+5u233y7a9zX5mjVrVhx55JFx6623Ro8ePWL+/PnRsWPH7NBYZTKZ7N+77rrrFqc1Ru+88058//vfj4MOOijatWsXzz33XJx33nnZ7xsbs9133z07LFiwII455piYMmVK/OpXv4r777+/2PFyev7556NDhw7RtWvX7OtJYz9WIiIOP/zwuPPOO+P888+PRYsWxYwZM6KysjL7+tiY7bbbbrFgwYJYtWpVPPzwwzFw4MDstPfee6+IyZqPXXbZJf7rv/4rZs+eHc8++2x07tw5xowZs9l8vXv3jp/97GcREdGzZ8/4xz/+ERERTz/99GavoRH/73+jd+/e8atf/SpefvnlOPvss2P69OnRoUOHOrOsX78++/eyZcvizDPPjM9//vNx8sknx5o1azaZt6KiIm6//faIiOjatWs899xzEfHJtactadeuXfz1r3+NxYsXR48ePWLcuHHRsWPH+MEPfhDV1dXbvfx88kd88v3v3LlzIyKitLQ0Vq5cGRGfvMZ/9NFH27X8q6++OkaNGhWjR4+OL33pS3HooYfGmDFjok+fPjFhwoTNlp3v/s13++S7/HzX9+ijj47zzjsv1q1bF4MGDYrf//73kVKKu+++O9q0abPd+Rs6T0T+x8PG41avXh1f//rXI+KT7fv+++9v1/rmu78aev/mu20aen3z/V/PN0++8+fz2rYty893fUtLS2PBggVxxx13xDvvvBOHHXZYHH744fG73/0u3n333Trb2Cr1UqrVxF100UVpxIgRaebMmZv0LFMoN998czrllFPSiBEjGn33ufVtzJgxmw3//d//XdAMdXVXt7Vd2NWHXr16bdW4hvKPf/wj7b333qmioiJ16dIl7bPPPtnbFhbKhsrUq666KtuLWCF/IXfNNdekvffeO1VWVqbKyspUWlqarr322oK0/fHHH2d7cyimkSNHptdffz39/Oc/T126dEk9e/ZM//mf/1mw9gcMGLDZMHDgwIK1n9In1fVvvPFGuvjii1P//v3T0KFD06BBgwqaYUcxbty4Ld4Wc+zYsQVOU7/ef//99P7779c5raampsBpGt7bb7+dVqxYUewY9Wbu3LkFv11sob377rtp6dKlxY5RL9599920YMGC9Pjjj6fXXnut2HG224bbsewIamtr02OPPZbt2hm21obbt2Qymeyw8W1doC4bHyclJSXpy1/+crr77ruLHQvYgaxcuTI98cQTm/yC+6WXXkovvvhiEVPlduSRR9b5PU0xvq/J11e+8pXs59QFCxakww8/vMiJtk6LFi1Sr169Us+ePbN/b3i8++67FzteTm3btk2dO3dO11133SbXV4rRW/+2+Pe//51OPPHE1Llz5zRjxoxix8nLfffdl0499dT0H//xH+mb3/xm2muvvYod6TP9/e9/T5dddlkaMGBA6tKlSxo5cmS67rrr0uLFi4sd7TM99NBDqU2bNmnXXXdN5513Xnb83XffnU488cQiJmv68u0J7M0338zelrRfv35p5513Th07dkwHHnhgevzxx/Na/pIlS+ocf8IJJ6SZM2emlFI69dRTs72fvPTSS5stb/ny5alHjx7piCOOSEOHDk2tWrVKRx55ZNpvv/3S7Nmz61x+XdfAHnrooTRmzJjUqlWr7V5+PvlT+uScue+++6ZRo0alb3/726msrCydfvrp6YADDqjz2nW+y1+3bl36zW9+k8aPH5+++93vpsmTJ6fly5fXmT3f/Zvv9sl3+fmu7wcffJDOO++81Lp167TvvvtmP4seffTRdX4v29D7N988KeV/PJx22mmpqqoqpZRSZWVltge6BQsWbHbb6YbeXw29f/PdNg29vvn+L+abJ9/583lt25bl57u+n86zbt26dNNNN6UBAwbUmWdrZVKq4yfTO5iNq803yGQy8be//a0IaQrjwgsvzDn9qquuKlCS4jvkkENi/vz5nzmuUO2vX78+unXrFgsXLixI+xERH374YSxatChSSvHlL3+54L8y+upXvxrTpk2L8847L66//vrYf//948ADD4ynn366YBmefvrpePDBByOlFAMHDowDDzywYG337t07/u///q9g7X2WOXPmxJo1a+LYY4+NnXfeudhxCubjjz+OnXfeOVJKcfPNN8ebb74Zo0ePjlatWhU7GgAAAEDBpJQ26RFnyZIlcccdd8R+++0XJ5xwQhGTfbbu3bvHE088scXHjdWf//zn2GOPPaKkpKTO6UceeWSBE229AQMGbNaDUiaTyR5Hjfk6S2VlZdx5550xYcKEOOecc7a4/Ru7N998M2bMmBG/+93v4rXXXotTTz01Jk2aVOxYn+nDDz+MuXPnxoMPPhi33HJLrF27tqB3V9gWtbW1sXbt2mjdunUsXbo07rjjjth3333ja1/7Wuy+++7Fjtdk/fvf/479998/7+ctWbIkFi5cGB999FF07NgxevToUed806dPj1GjRuW17BUrVsTQoUOjRYsW0bZt23jggQeie/fu8dJLL8W1114bgwcP3uw5DzzwwCZ5jj322GjRokWdy891flq7dm20bNlyu5a/Lfnfe++9uPnmmzdp45RTTol99tmnXpafr63dvxvks33yXf62rO+6detiyZIl2eVvqdeobclfiDz5HA9r1qyJb33rW/HEE09EaWlpzJ07N0pLS6NVq1Zxww03xCGHHLJd6xuR//HQkPs3n23T0Ou7rf+L+ebZ2vm35bUtn+Xnu7658ixdujQ6d+68xXXORZFVkRS7yOnyyy/POf2HP/xhg7a/QW1tbfziF7+I+++/PzKZTAwePDi++93vFuTDTG1tbXz44YfRt2/fmDt3bvYWLW+99VYMHDgw2x1dQ5k0aVJcddVV8dZbb0Xr1q2z49etWxennXZaTJs2rUHb39hjjz0WDzzwQGQymTjqqKM+88RU3/7617/GpZdeGkcddVRMmTIlFi1aFP/7v/+b7R6wIX388cdxzDHHxH333dfgbW3J6aefHj/84Q+3+YW8uZg5c+YmrwVDhw4taPt33nlnHHfccU3+NloAAAAA22Pw4MExadKkOPjgg+Pll1+Obt26xaGHHhrV1dUxZsyYuOiii4odcYsOOOCAmDlzZva73uHDh2/y+IADDihmvC06+OCD49VXX43Ro0fH/8fevcflfP//A39cF1JSZlIO6SAdpPMJEYpGSRI5zWGJaqTPxhyW08wcpszGWDFkbIiImY3JuRyWVJRjQklyKKrL6PD6/eHX9e1yXRe9r7zfZZ732+263bre75fX8/l+vQ9s72ev14QJE2Bubl7fKansXSrKE4vFaN68OdTV1WW2VxeIFRYW1lNm3N28eRN79+5FSUkJ7t+/jzVr1tR3Sq+Vn5+Po0eP4tixYzhy5AgKCwvRo0cP/PXXX/WdmlLKno05OTkIDAxs0M9GojquhQhc+u3bt+9byPDNcfjI/231P2fOHCxevPit5cM3vsfzXc+HayFUQ9PQxpOLhpJ7Q3u2qVJkWxtUZAVg1KhRmDp1KlxdXQWL2VCKnOpbeHg4srOzMWnSJADAhg0bYGxsjFWrVvEee+HChQrPg7a2NqZPn4558+bxGv/JkycoKirCp59+iujoaJn4LVu25DV2TevXr8eiRYvg7+8PANizZw/mzZuHiRMnCpZDfevXrx8OHjxYb7M2eXl5ISkpCT179pSp4I2LixMsh7/++gufffYZbt68icrKSun/SKisrBQk/tdff42EhASMGzcOALB161b4+flh7ty5gsQHXv7W3fXr1/Hxxx8jMDBQpd+cIYQQQgghhBBCCHnXWVpaSmfZj4qKQlJSEvbs2YOioiL07t0bGRkZ9ZyhckZGRnKzKlUTiUS4efOmwBnVXkpKCjZt2oTt27fD0tISQUFBGD58eIN/ufcuF+Xdvn0bT58+xaFDh+Dn5yf3y9+Ghob1lNmbva7g55NPPsHs2bPrO0WFgoODcezYMeTn56Nbt25wd3eHu7s7XFxcGvxMYu/ys/Fd5uHhwWlGPK7t+S7yGT9+PDZv3vzO9g/wO0YGBga4c+dOrdtzPb9cx4dr/1yZmZnh2rVrtW7P9/nlmg/A7/XA9/ni+/xyHZuGdn1yzee/8HxTFRVZAYiJicHatWshFosRFhaGjz/+WO43F/7Ldu/ejbS0NPz777/SbUItF2hjY4O0tDTpzDEVFRVwcHAQ9B+jn376KX766SfB4jU0NjY2SExMROvWrQEADx48QN++fQU9B3fv3sWUKVOQm5uL8+fPIy0tDceOHcNnn30mSPy5c+ciPT0dY8eOlSly8vb2FiS+sr8gxo8fL0h84OU/pFavXo3u3bvLFJsJNcWxjY0Nzpw5I/2fRmVlZejevbvg/2F68+ZNbN68GZs3b0bbtm0xYcIEaREoIYQQQgghhBBCyPvAwcEBqampAAB/f394eXlJ//9IzX2EH8+fP0d8fDw2bdqElJQUBAQEYN26dfWdllLvcuHJ2rVrMXfuXJiamuLq1avYtGmT4LPrq+pdHfeFCxfC3d0d3bp1g5qaWn2nwwk9G/kjkUiU7jM3N0dubm6d2r8O1yIfgNuL/3e9f1VivNq/i4uLwnaMMVy8eFHm/TTA//l9m/0D8sdb/WxWpF+/fsjPz69132/j/L7NfFTJiUth0Ns4X3yf39fhOjZ8X5983+t1fTbUd/91KRhs2GXhAgkJCUFISAiOHz+ONWvWYM6cORg3bhymTJkiyG8q1GeR02effYbs7GycP38eo0aNws6dO9/KOrm1xRhDVVWVtMiKMQYh6/4qKytx6tQpweIpkpqaioiICNy8eRMVFRXSGYSE/K2q6gKr6p+V/bYXX0JCQmTWibeyssLYsWMFK7JKSkoCAJliO5FIJFiRlZDFVMpoa2ujf//+9RafMSbzW3mampqCPguqdezYEQsXLkRERAQ+++wzhIaGUpEVIYQQQgghhBBC3itisRh5eXlo2bIljh8/jmXLlkn3ve7FD3k7mjZtiuHDh0NdXR1LlizB9u3bG3SRVc1fWE9OTpb+P9WWLVs2+JmJ1q5di4yMDOjr6+PixYv49NNP35kiq9eNe32t2FAb7/IqLvRs5E/z5s0hEolk3glUf1f0vopr+9cV+aiyLOjRo0dlvuvq6irtv7i4uMH3D7zdMXq1/2vXrmHbtm1yMzMyxjBixAi5P8/1/HIdH679v8mrx2tlZQUjIyOF77gePnwot43v88s1H4D79fC6Z+D169dlvvN9vvg+v1zHpj6vT0X3Otd83ub1+Tby4dr/62zZsoWKrN6GLl26wN7eHmfOnMGVK1fg5uaGKVOm8DqdbX0XOSUmJiI9PR329vZYsWIFZs6cKegycf3790f//v0RFBQEkUiE2NhYDBgwQLD4jRo1gr6+Pp49ewYNDQ3B4tY0fvx4hIWFyc0gJJROnTphzpw5mDJlCkQiEdatWwcTExNBcygoKMCYMWOwYsUKAEDjxo0F/Q9wrg/dt+3ff//F2rVr5YothVwucODAgdi/fz98fHwEi1mTi4sLxo0bh9DQUIhEIqxfvx7Ozs6C55GamorY2FjExcXByckJO3bsEDwHQgghhBBCCCGEkPoUEREBR0dHNGnSBO7u7jAzMwPwspDDyMiofpP7j7t48SI2btyI3377DSYmJggNDcXIkSPrO63XepcLT5o0aQJ9fX0AgLW1NcrKyuo5o9p73bg/e/asHjP776JnI3/atm2L9PR06OjoyO3r0KFDndtzLfIBuL34Z4whMTERLVq0kNveo0ePBt8/wH2MuPRvb2+PFi1awNXVVa69ohntuJ5fruPDtX+A2/EaGhri1KlTaNeuHS/5850PwG9hHN/ni+/zy3Vs+D5ervc613y4tuc7H679v+0i22pUZAXg7Nmz+PHHH3H06FGMHz8ep0+fRvv27VFaWgpLS0tei6zqu8hJXV0dYrEYIpEI5eXl0NPTw927dwWLv3z5cqxbtw67d+8GYwxDhgxBSEiIYPGBl8ukubm5Yfjw4TJLxU2ePFmQ+I0aNRL8mGuKjo5GeHg4bGxsALxcyz06OlrQHBo3bizzF29RURGqqqoEzSE+Ph6HDx+GSCSCp6enoL+xNGnSJGhpaeHEiROYPn06YmNj0atXL8HiAy9/a+vRo0do3rw51NXVpf/wqctfMFysWrUKixYtQnh4OBhj8PT0xLx58wSJXc3Gxgbl5eUYP348UlNTFf6DkxBCCCGEEEIIIeS/zt/fHz169MC9e/dga2sr3W5kZNSgZ1R6l61duxYbN25EXl4exowZg6NHj8LS0rK+06qVd7nw5Pnz57h8+bL0/02/+r0hn4N3edzfVfRs5I+rqysyMjLg4eEht8/BwaHO7bkW+QDcXvw7Ojri0aNH0vdsNbVp06bB9w9wHyMu/cfGxkJbW1thntnZ2XLbuJ5fruPDtX+A2/H6+vri5s2bCt8xDR48uM75850PwG9hHN/ni+/zy3Vs+D5ervc613y4tuc7H679q1JkWxsiVh/rMTUwNjY2CA8Px5gxY2SmWAWAmJgYXgtgnJ2d8c8//8DOzg7//PMPmjRpIujazR4eHti/fz9mzpyJx48fo02bNkhKSsLZs2cFif/XX3/JzVylaBufAgMD5baJRCJs3LhRkPhTpkzBxIkTYW9vL0i8hmjFihW4du0aEhMTMXfuXKxduxZjxoxBeHi4IPG//vprJCQkYNy4cQCArVu3ws/PD3PnzhUkvrW1NS5evAgbGxtkZGSgpKQEw4YNw8GDBwWJDwC3b99WuF2IJVMBICMjQ+4vUEXb+JSUlKT0twIIIYQQQgghhBBCCOGLt7c3goKC4OvriyZNmtR3Opzdv39fWnhSPWNFfn4+KioqYGBgUM/ZKWdkZKR06R2RSISbN28KnBE37+q4EyK027dvQ1tbGy1btpTb9+LFC4WFEQMGDMCsWbPg7u4ut8/R0RHnz5+Xfi8rK0OTJk2UFmwp0pD6B7iPEdf++aTK+HDF5/EKcX654no9BAQE4NNPP1VYGDR48GDs3btX+l2I88UVl/HkOjZ8Hy/Xa4FrPlzb850P1/7d3d2xePFihUVxHTp0QG5ubq3ivoqKrACUl5fX23+41HeR0/3799GyZUtUVlbiu+++Q1FREcLDwwX7B7iigjIhi8zqk7Ozs3QGsaysLJibm8sU+Z07d06QPCoqKvDDDz/IzOI0depUQZfrA4Bt27YhISEBjDH4+vpizJgxgsW2sbHBmTNnpFWsZWVl6N69OzIyMgSJ7+LignPnzsHBwQGnTp1Cs2bNYGVlhUuXLgkSv9qzZ8+QkZEBkUgEa2trQZfQbCjPgvv37yMzM1Nm2UZvb29BcyCEEEIIIYQQQgghhBBC3jeVlZW4d+8egIrNYbAAACAASURBVJcz4zRq1OittueC78KI96n/qqoqbNiwAdu2bcOdO3cAAAYGBhg5ciSCgoKUnjc+zy/X/lUZzzt37sgc79t8997Q8hECn8+Hhlj4Vdv8G1ruDenZA6hWZFsbYpX+1H9MmzZt4OXlhRUrViA9PV3Q2Nu2bUOjRo0QGRmJLl26QCwWY+fOnbzH/eGHH/D48WPo6elBTU0NGhoamDNnDqKiogR5qN64cQMHDhzA06dPceDAAeln27Ztgq/TXlFRgRUrVsDLywve3t5YuXIlKioqeI8bFRWFyMhIfP/99zh06BBWr16NyMhI6Uco06ZNw5EjRxASEoLg4GAcOXIE06ZNEyR2zerQUaNGYceOHYiLixO0wAp4OSVgzWkCNTU1IWT96YcffoiioiJ4e3vDy8sL/v7+aNu2rWDxgZfTSJuYmCA0NBTBwcHo1KkTTp8+zXvchw8fIisrC//++y8uX76MrKwsZGVl4fTp0ygrK+M9fk2bN29Gt27d4Ofnh3nz5sHX1xdLliwRNAdCCCGEEEIIIYQQQggh5H1y//59jB49GlpaWnBycoKDgwO0tLQwevRoaZFBXdpXVVVh/fr18PDwQKdOndCpUyd4eHhg3bp1qKysVJiTpqZmrV++SyQSREREwNjYGE2bNkXTpk3RsWNHREREoLS0tMH3D3AfIy79T548Gfv378eMGTPw+++/Y9++fZgxYwb++OMPTJ48Wa491/PLdXy49s/1eC9fvgxXV1d07doV06dPx7Rp09C1a1e4urri8uXLdc6f73wA1e4Z4GVhUF5eHvLy8pS24/t88X1+uY4N38fL9V7nmg/X9nznw7V/Q0NDhQVWgPLlYmuFESaRSNjBgwfZjBkzmIODA9PT02OjRo2q77R45evry5o3b86GDx/ODh06JHj82NhY1qdPH9a8eXPWp08f6cfX15ft379f0FymTp3KvL292Z49e9iePXuYj48Pmzp1qqA51Cdra2tWWVkp/V5eXs6sra0Fid2sWTPWqVMnNmnSJPbbb7+xe/fuCRL3VRMmTGBjx45lSUlJLDk5mQUGBrLAwEDB4ldUVDDGGKuqqmJbt25lq1evZk+ePBEsPmOMde3alZ06dUr6PSkpiXXt2pX3uN9//z0zMjJiampqzMjISPqxtbVlP//8M+/xa7K2tmaPHz9mdnZ2jDHGjh8/zoKCggTNgRBCCCGEEEIIIYQQQgh5n/Tr149FRUWxkpIS6baSkhIWGRnJPDw86tw+JCSE+fr6sgMHDrCsrCyWmZnJDhw4wHx9fVlwcLDCnMrKytiXX34pfX+hpqbGjI2N2ZdffikTlzHGhg0bxsLCwlhWVhaTSCRMIpGwzMxMFhYWxvz9/Rt8/6qMEZf+O3XqpDDHqqoqZmJiIred6/nlOj5c++d6vF27dmW7du2S62Pnzp3M2dm5zvnznQ9j3K+HgoICNmrUKKahocH09PRY69atmYaGBhs1ahTLz8+v0/Hy/XxgjNt4ch0bvo+X673ONR+u7fnOh2v/lZWVbN26dczd3Z2ZmJgwExMT5u7uzmJiYqTv51VBywX+f2VlZTh27BgSExOxb98+tGnTBqdOneItXvVSccoIsVRcYWEhNm/ejNjYWJSWliIwMBCBgYEwNDTkPTbwstJzyZIlmDt3riDxlLGxsUFaWhrE4pcTu1VUVMDBwUGwpeIUXQstWrRA9+7dMXPmTDRv3pzX+NbW1rhw4YJ0ecDy8nI4ODjg4sWLvMatjnX27FkcO3YMR48exZkzZ2BgYAB3d3e4u7sjICCA9xyAl/f/okWLcPjwYTDG4OnpiXnz5kFTU5P32H/88QeuXr0KR0dH9O7dm/d4ytjZ2SEtLe2N2/iyaNEizJs3T5BYylSv1WttbS29/l1dXZGcnFyveRFCCCGEEEIIIYQQQggh/1UWFha4cuVKrfdxbW9qaorr16/LtWWMwdTUFDdu3JDbFxAQgDZt2mDy5MkwMjICAOTk5OCnn35Cfn4+4uPjpW3NzMxw7do1hfko29eQ+ge4jxHX/JOTk6GjoyPTx4MHD+Dq6ioXl+v55To+XPvnerzm5ua4evWqwv4V7eP7/HLNB+B+PXh6emLAgAEICQmRvtcuLS1FdHQ0/vzzTyQmJqp8vHw/HwBu48l1bPg+Xq73Otd8uLbnOx+u/YeGhuLevXsIDQ2FkZERGGO4ffs2oqOj0aZNG8TExCiM/SaNVfpT/zE9e/bE06dP4e7ujn79+mHhwoXQ0tLiNWZUVBQAYP/+/bh27RomTJgAAIiNjYWtrS2vsavp6upixowZmDFjBpKTk7Fp0ybY29vDyckJhw4d4j2+WCzGvn376r3IijGGqqoqaZEVY0zQpeLc3d2RnZ2N8ePHAwC2bNkCExMT3L17F6Ghodi6dSuv8fv374/+/fsjKCgIIpEIsbGx8PLy4jVmtSZNmqBnz57o2bMn5s6dixcvXiAuLg6LFi1CTEwM70VWU6dOxerVq7Fnzx4sW7aM11iKzJs3D7/++iucnZ2xYsUKLFiwAMHBwYLnAQDNmjXD4cOH0a9fPwDAsWPHZJZQ5NvQoUORlZUls61FixZo3769YDk0bdoUjDGYmZlh9erVMDQ0xMOHDwWLTwghhBBCCCGEEEIIIYS8bzQ0NHDy5Em4ubnJbD9x4gTU1dXr3F4kEuHhw4dyRT4PHz5UOiFGeno6du7cKbPN0tISq1evhpmZmcz2Ro0a4fr16zA1NZXZfu3aNTRq1KjB9w9wHyMu/c+aNQu2trbw9/eHoaEhRCIRcnJykJCQgIULF8r1zfX8ch0frv1zPV4dHR1s2bIFH3/8sfTdc1VVFbZs2YJWrVrVOX++8wG4Xw+5ubmYPn26zLbmzZvjiy++wM8//1yn4+X7+QBwG0+uY8P38XK917nmw7U93/lw7T8xMVGuKM7S0hIDBgyQi8kFFVnhZbFRYWEhCgoKcP/+fTx69Ij3IqvqGWu++uorHDlyRHrT+fj4SIschGRqaorOnTtDT08P2dnZgsXt3Lkzbt68iY4dOwoW81X1WWQEACdPnsTp06el3318fNC3b18cOXIElpaWvMdfvnw5YmJisHv3bjDGMGTIEEELffLz86UzWSUlJeHDDz/E0KFDBZnV6eTJkwCA7777DmPGjOE93qvi4+Nx4cIFtGjRAnl5eRg6dGi9FVmtWrUKQ4cORdOmTSESifD8+XPs2rVLsPje3t7Izc1FixYtAABPnjyBnp4e1NTUsH37dnTr1o33HL755hs8ffoUy5cvR2hoKIqLi7F27Vre4xJCCCGEEEIIIYQQQggh76vo6GiMGTMG6urqMkU4z58/VzgRAdf2XIt8AG4v/iMjI+Hm5gZnZ2eZ/lNSUuQKTBpi/6qMEZf+g4KC4OHhgfj4eNy5cwcAYGRkhJMnT8LY2Fiub67nl+v4cO2f6/Fu3rwZISEh+N///od27dpBJBIhLy8P9vb2iI2NrXP+fOcD8FsYx/f54vv8ch0bvo+X673ONR+u7fnOh2v/qhTZ1gYtF/j/McZw/vx5JCYmIiYmRnqC+GZqaoqMjAxoaGgAACQSCWxtbQWJXVVVhT/++AMbN27EkSNHMHDgQEyYMEHQIi8vLy8kJSWhZ8+eMsvixcXFCZZDVVUVYmJikJiYKF0qLjg4WFrNyzdTU1NcvHhR+pfMs2fPYGdnh6tXr8LBwQGpqam8xi8vL0eTJk14jaGMmZkZtLW14eXlhd69e8PV1VXQ2ZMGDRqEW7duIScnR2FBG9/Ldr56foU4369TXl6Oq1evgjEGCwsLQa+L8PBweHh4wM/PDwCwd+9enD59GgMGDMDMmTMFWUKVEEIIIYQQQgghhBBCCCH1IyUlRVqEY2BgAEdHx9e+BOfSPicnR6bIx8DAAEOHDlVY5AO8XIlo4sSJSl/8+/j4yLQvKyvDn3/+KdP/gAEDZN59NuT+uY6RKv1zxeX8ch0frv2rcrwPHjxAbm4uAKBDhw5o3bq10lyEOL9c8gG4XQ9nz559bWFQ165d63S8AL/PB67jyfV5wufxqnItcM2HS3u+8+Ha/4YNGzB//nylRXFBQUEKj/lNqMgKQEFBAQ4fPoy///4biYmJ0NbWhqenJ3744QfeY8+dOxf79+/HiBEjALwsLvLx8cGiRYt4jTtjxgz8+uuv0NPTw4QJEzBmzBi0bNmS15iKbN68WeH26qXz3gdz5szBgQMHMHz4cIhEIuzcuRP9+/dHREQExo0bh927d/Mav1WrVnBxcUG/fv3Qr18/wZarBIBPPvkEZ86cQevWrdGnTx/06dMHrq6u0qJDvpWXlyM1NRVjxoxRWA3L92xaJiYmWL16tfR7eHg4Vq1aJf3u7e3Na/ya/Pz8kJCQ8MZtfLGzs0NaWprMtm7duuHMmTOwsbFBRkYGb7HfNFvV5MmTeYtNCCGEEEIIIYQQQgghhJCGR5XCCOpfcf+nT59GTk4O+vbtCz09Pen2zZs3vzPvhPkez3c9H4B7IVRD0hDHs7YaWu4N6dkDcC+Kqw0qsgKgr6+Pvn37om/fvvD09ETbtm0Fjf/777/j2LFjYIyhb9++GDhwIO8xJ0+ejKCgIDg6OvIeq6H6+uuvle4TiUSYN2+eYLnUvAbc3d0xaNAgwWL/+++/OHHiBA4fPozExETcvXsXHh4e+O233wTL4c6dOzh69CiOHTuG06dPQ0dHB3369ME333wjSPzLly+jc+fOgsSqyd3dXek+kUiEI0eOCJaLolm0rK2tcfHiRUHi29jYIDo6Gq6urgBe/oM7NDQU6enpCguw3qbAwECl+0QiETZu3MhbbEIIIYQQQgghhBBCCCHkfVZeXo4VK1bg5s2b8PX1lZmJZOrUqTK/rK5Ke4D/Ip/t27fj5s2bGDhwoMxkBkuXLsWXX37Z4PsH+BujH3/8ET/88AMsLCxw5swZxMTEwN/fH4Did1OqnF8u46NK/1wUFxdj1qxZyMnJga+vL8LCwqT7hg4divj4+DrlL0Q+AL/3DJ/ni+/zC3Afm4Z0fXLNR5X2fOfTIDBC6lFgYKDCjxC++OILuc/06dOZsbExE4vFguTQUJSWlrL9+/ezzz//nJmYmLAePXoInkN5eTk7efIk+/rrr5mZmZmg52DevHmsqKiIVVVVMW9vb9aqVSu2a9cuweLXp3Xr1jEnJyemqanJnJ2dpR8zMzM2aNAgwfI4ceIE09fXZ2ZmZszc3Jzp6+uzEydOsJKSEhYbGytYHoQQQgghhBBCCCGEEEIIEU5ISAgbMWIEi4qKYhYWFuyzzz6T7rO3t69z+9WrV7NOnToxHx8fpqOjw+Lj41/bvtq2bdvY4sWLWVpamsz2JUuWyHyfM2cO69mzJwsLC2Nt2rRh33///TvVP2OqjVFt+7exsWFPnjxhjDGWmZnJTE1N2ZYtWxhjjNnZ2cn1y/X8ch0frv1zPd4RI0awGTNmsF27djF3d3fm7+/PKioqlB4v3+eXaz6Mcb8eXrx4wZYuXcomTZrEfv/9d5l9YWFhdTpevp8P1Wo7nlzHRojrk8u9zjUfVa5PPvPh2j9jjCUnJ7Nff/2VFRQUyGyvy/vn97rIas2aNa/9COHBgwcsLCyMubm5yRQ4vC9+/PFH6ScqKop1796dTZ48uV5y+fvvv5mjoyPr3r07O3nyJO/xZs6cyRhjbNiwYSwgIEDuI5QePXowa2trFh4ezvbt28eePn0qWOzk5GS2ePFi5unpyTQ1NZmpqSkLDg5mv/32G7t3755gedjY2DDGGDt06BDz9fVlV65cee1ftP8lt27dYkePHmUWFhbs2LFj0k9qaqr0H1lCef78OcvIyGDp6ens+fPngsZmjLH58+ezhw8fSr8/ePCAffXVV4LnQQghhBBCCCGEEEIIIYS8L2xsbFhVVRVj7OWkAD4+PiwkJIQxprgIRJX2XIp8GOP24t/a2lr6TuPevXvM2dmZLV68+J3pnzHuY8Q1/5pyc3OZhYUFi42NVZoLl/PLdXy49s/1eG1tbaU/V1ZWsuDgYObj48NevHjxVvLnOx/G+C2M4/t88X1+uY4N38fL9V7nmg/X9nznw7V/VYts36Rxfc+kVZ/++ecfpfuEWh90woQJ6NGjBw4ePIgVK1YgJiYG9vb2gsRuCKZMmSLz/dNPP8WwYcMEzSEtLQ0zZ85EXl4eFi9ejCFDhggSt2fPngAgM81ffdDV1UVhYSEKCgpw//59PHr0CFpaWoLEHj16NDw8PDB27Fhs3LgR+vr6gsR9lVgsBgAcP34cAQEBMDc3r5c86oOhoSEMDQ1x+fLl+k4FjRs3RqtWrVBRUYGCggIAL9fFFcrevXuxcOFC6XcdHR0kJCRgwYIFguVACCGEEEIIIYQQQgghhLxPysvLpe9lNTU1sWfPHgwfPhyTJk16K+0ZY9DW1gYAWFpa4siRI/D09ERlZaXS98H79u1DSkoK1NTUMGfOHPj6+qKsrAwRERFgjMm0raqqgpqaGgCgTZs2OHz4MLy8vN6Z/lUZIy79N27cGIWFhdDV1QUA6OvrIzExEf369UNubq5c31zPL9fx4do/1+N9/vy59GexWIyYmBiEh4fDz88PL168qHP+fOcDcL8eTp8+jbS0NIhEIoSGhmLkyJEIDQ1FdHR0na9nvp8PALfx5Do2fB8v13udaz5c2/OdD9f+169fj/Pnz0NbWxtZWVnw8/ODRCLBmDFjFLavrfe6yGrTpk31nQLu3LmDffv24ddff8WgQYPQv39/eHl5CRb/r7/+woABA964TSgaGhq4deuWILFu3bqFOXPm4OTJk5g/fz4mTJggLbYRwqBBgwBAujZrRUUFGjcW/pbcvXs3GGM4f/48EhMT4eHhgUaNGuH69eu8x87JyeE9Rm1oampi2bJl2L59O5KSklBVVaX0Hxb/NQEBAa8tKo2LixMkj9jYWISHh6NJkybS+1AkEqGwsFCQ+AAU/mVaXl4uWHxCCCGEEEIIIYQQQggh5H3TunVrXLp0CVZWVgBeFuXExcVhxIgRyMjIqHN7rkU+ALcX/82bN8etW7dgZGQEANDW1sbBgwfRv39/ZGZmNvj+VRkjLv3Pnj0b2dnZ0r4BoF27dkhMTFT4S+5czy/X8eHaP9fjNTQ0RHJyMlxdXaXbVq1ahfDwcPz11191zp/vfKrHhK/COL7PF9/nl+vY8H28XO91rvlwbc93Plz7V6XItjbe6yKrmlJTU5GWloZ///1Xum3y5Mm8x62+CJo2bYrHjx/jgw8+QF5eHu9xq0VERMgVVCnaxpeZM2dKf66srERKSgosLS0FiW1hYYH27dsjPDwcL168QHR0tMx+Ic4/AGRlZWH06NF49OgRcnNzcf78ecTFxeHbb78VJH5BQQEOHz6Mv//+G4mJidDW1oanp6cgsRuK2NhY/Pjjj1i+fDn09PRw48YNfPzxx4LFr89iR2UzqZWXl6O0tJT3+NUWLVqEc+fOwcLCQrCYrzIzM8N3332Hzz//HIwxrFy5sl7zIYQQQgghhBBCCCGEEEL+69asWQMNDQ2ZbdWFBTt27Khze65FPgC3F/9Lly7FkydP5P78oUOH8MMPPzT4/gHuY8Slf5FIBBsbG7k+2rZti3Xr1slt53p+uY4P1/65Hu+mTZsUTqqxatUqjBw5ss75850PwG9hHN/ni+/zy3Vs+D5ervc613y4tuc7H679q1JkWxuNvvrqq69U/tP/Ed9++y2WLl2KXbt2oaqqCuvWrQNjTOmD5W06ceIE+vTpAwAICQnBli1bYGlpyfuSeTdu3MCZM2eQkJCATp064fr167h+/TpSUlJw+PBhhIWF8Rq/WnJyMtTU1KCmpgZNTU189NFHmDdvHho1asR77Bs3bsDIyAgPHjxAfn6+zOfevXsYPHgw7zkAwPDhwxEVFYXjx48jNDQUbdu2xeeffy5YkZeFhQUYY+jbty+WLVuG2bNnCzqbWkOQkJCAL7/8Ep07dwYAfPjhh7h+/bpgS3cOHz4cISEhb9zGBzs7O5mPhoYGDh48iJUrVyInJ0eQHABg27ZtmD17tiCxlOnZsyeWLVuG0NBQLFmyBC9evMD69esFWz6TEEIIIYQQQgghhBBCCHnfLFy4EHp6ejA0NJRZcUYsFsPa2rrO7bOystCzZ0/pxBfVtLS0pKvOvMrExARisRht2rSRblNTU8PIkSOhrq4ONzc36fZdu3bB2toarVq1kulDTU1Npl1D7R/gPkZc+v/pp5/wxRdf4NChQ5BIJNDX14empqbCvAHu55fr+HDtn+vxjhgxAiKRCB06dJA7zg4dOtQ5f77zAbhfD87OztDQ0MCHH34o3SYWizFs2DCYmZnJjCvf54vv88t1bPg+Xq73Otd8uLbnOx+u/bds2RKVlZUy17qWlhb8/f3x8OFDpX8HvImI1WWxwf8IKysrpKSkoFu3bkhLS8PVq1cxf/58pdWMfElKSkJRURG8vLx4LzLavHkzYmNjkZKSAicnJ+l2bW1tBAcHY+DAgbzGJ//HyckJKSkpsLe3x4ULFwBA5mfCPwcHB6Smpr5x29t248YNXLt2DeHh4Vi1apV0+5MnT7Bw4UJcuXKF1/jVJBIJ4uLisGHDBmRnZ+PZs2c4deoUunTpIkh8AFi+fDmaNWuG0aNHQ11dXbq9WbNmguVQraysDABe+498QgghhBBCCCGEEEIIIYTU3a5du5CQkCBd0mzIkCHw8vJS+n6Aa/uwsDD89ddfsLCwgJ+fH3x9fWVmoVEkMjISfn5+MDU1fWP+UVFR2Lt3L548eQJfX18MGTIEjo6O70z/APcx4to/AKSkpGDPnj3Yt28fWrZsCT8/P/j5+aFjx44y7bieX67jw7V/rsebkpKChIQE7Nu3Dy1atJAep4mJyVvJn+98AO7Xw5QpU+Dn5wd3d3eFs2bVxPf54vv8ch0bvo+X673INR+u7fnOh2v/O3fuhLe391t/50tFVvi/IhcbGxukp6dDJBKha9euOHv2rGA5vHjxAhUVFdLvQhUWbNiwAUFBQYLEUuTJkyeYM2cODh8+DJFIhH79+uGbb75BixYt6i0noXXr1g0nT55E165dkZqairy8PAwePBjnz58XJH5FRQXi4+ORnZ0tcw3Onz9fkPgA4Ofnh4SEhDdue9tSUlJw9uxZfPvttzKzKD158gS//vorLl26xGv8hlDsGBwcjPj4eLi5uWHChAnw9vaGqakpcnJyeI9dU81qbJFIBMYYRCIRKisrBc3j/v37yMzMlFk61tvbW9AcCCGEEEIIIYQQQgghhJD3TUVFBY4ePYqEhAQcPHgQlpaW0iIGHR2dOrevbZEPoFrhS2FhIfbu3YuEhARcu3YNXl5e8PPzQ58+fWTegTTU/rmMkar9V7t+/Tr27NmDhIQESCQSpKWlybXhen65jA/X/lU93hs3bkiPs6ysDL6+vvDz84ODg0Od8hciH4C/wjiuxwvw+3xQZTy5PE/4PF5VrwWu+dS2Pd/5cO1flSLb2qAiKwC9evVCYmIigoKC0KZNG+jr62P9+vW4ePEi77F37NiBadOmoaCgAADqpbAgPj5eWuTk6emJIUOGCBbbz88P7du3R3BwMICXRV937tzhvbimIdm6dSu2b9+OjIwMTJgwAb/88guWLFkiyHKVADBs2DAUFBTAxcVFZga1yMhIQeIDimeNsrGxkVun922rfljv27cPvr6+0u3a2toYO3asTOETX6qqqrBkyRLMnTuX91iKaGlpwdHREbNmzcKAAQMgEonQsWNH3Lx5s17yqU+xsbFYuHAhHj16BFNTU6Snp6Nbt244depUfadGCCGEEEIIIYQQQgghhLxXzp07hz179mD//v21emfLpX1tinwA7oUI1UpLS3HgwAHs2bMHZ8+eVfrOpaH2D9RujFTtv/p9OAAUFBTILP2lDJfzW9vx4dp/XcazoKAAe/fuxd69e3HgwIG3kr9Q+QD8FMZxPd6a+Hg+qDqetX2eVOPjeOtyLXDNpzbt+c6Ha/9ci+LehIqsAFy6dAnGxsaQSCSIiIhAcXEx5syZAzs7O95jGxsbIy4uDo6Ojm+8oPiwaNEi7NmzB+PGjQPwsuDHz89PsIIPa2truQeBom3/dcnJydi7dy8YYxg0aJDSNXb5YG5ujitXrkj/MSOk9evXY926dbh8+TIsLS2l2588eQJzc3Ps27dPkDz+/PNPeHl5CRJLERcXF5w7d65eYpeWlmL79u3YsGED8vLyMG7cOPzyyy/Izc2tl3zqk42NDY4fPw4PDw9cuHABJ06cwC+//IKff/65vlMjhBBCCCGEEEIIIYQQQggPalvko0phBACUl5ejSZMmde6/srIS9+7dAwC0bdtWOnHC2+r/dWozRsr6X7NmDQICAqCrq4ucnByMHDkSqampsLKywrZt22BhYVHrPFRR2/Hh6nXjWVZWhqZNm6Jx48YoLi5Geno6zMzM0LZt29f2WVxcjCZNmsgsbfY2zq+q+Sjztgvjahbdvel4Hz16hMzMTJibm0NPT09pu6KiIty+fRtNmjSBiYkJ1NXV35hvTVzulydPnkhX6art2FTj4/rkeq9nZmaiS5cuKuVTm/Z1efbw0T/XojiF2HtMIpGwtWvXsm3btrHKyko2ffp01qVLFzZ06FCWl5cnSA6urq6CxFHG2tqalZWVSb+XlpYya2trweJ7e3uzBw8eSL8/ePCADRo0SLD4hLF+/fqx58+f10vsW7dusaNHjzILCwt27Ngx6Sc1NZVVVFQIlseLFy9YVFQUGzBgAPPy8mLfffcdKy8vFyz+uHHjWHZ2tmDxlLl06RKbNm0a09XVZd27d2dr1qzhPaaHhwdjjDEdHR3WunVr6af6u5AcHBwYY4xZWVlJt3Xv3l3QHAghhBBCCCGEEEIIIYSQ90lRURELDg5mnp6ebPXq1TL7/P39OfVlamoqt6241sE0FQAAIABJREFUuJhNnz6dzZgxg5WUlLDly5czGxsbNnbsWPb48WOVcn7x4oX051OnTkl/LisrY5MnT2Y2NjZs/PjxrKioqM79FxQUsFGjRjENDQ2mp6fHWrduzTQ0NNioUaNYfn5+nfuvzvvLL79kRkZGTE1NjampqTFjY2MWERHBSkpK3thfZWUlu337tvTdXs3+O3fuLP3Z39+frVu3jkkkEhYfH8/69Okj11dcXJz05wcPHjBvb2+mra3NevfuzW7fvq3wWJYuXcomTZrEfv/9d5l9YWFhde6/Nmoe7+bNm5m6ujrT19dniYmJrH379szZ2Zm1atVKJna1J0+esClTpjBtbW0mFouZWCxmBgYGtX5HV1RUxEpLS99aPowxdvPmTenPlZWVLDIykvn6+rKvvvpK7tqp6fHjx+zChQvs0qVL7NmzZwrb/PPPP8zFxYUNHTqU5efnsz59+jCxWMysrKxYenq6XPuxY8eygoICxhhjiYmJrHXr1szFxYXp6uqyvXv3yrXPzc1lAwcOlI5ly5YtmYaGBpsxY8Zrc3+dN/05Y2Njlfp1d3eX29aqVSsWHh6ucCxqq6qqSvqzonv91Y+RkRGTSCQyNSPVHB0d2cqVK2XqOeri1Xy43r+vet2zpzbu3bvHqX014adOakAmTZqEAwcOYN26dfjoo49QXFyMyMhIGBsbIzQ0VJAcwsPDMX/+fKSmpiIrK0v6EQpjTGY9VE1NTTABJjebOXMmZs6ciebNm8PW1hYhISEICQmBnZ0dWrZsyXv8mh4+fIipU6eiV69ecHFxkX74FhAQgOHDhyv98G3t2rVYu3YtzMzM4OHhge+++066be3atbzHBwBDQ0O4ubnByckJvXv3ln7s7e1lli7k2xdffIEjR44gJCQEwcHBOHLkCKZNmyZY/MLCQtjZ2cHb21vQa+BVXbp0wYoVK3D37l1MmzYN+/fv5z3m1q1bAbycpvGff/6Rfqq/C6lp06ZgjMHMzAyrV6/Gvn378PDhQ0FzIIQQQgghhBBCCCGEEELeJ6GhoWjRogVCQkKwe/duDB06FJWVlQCgcEaSmu9TX/2UlpbKtQ8ODkZlZSWKiorg6+uLmzdvYt26dWjdujU+//xzhTmVl5dj2bJlCA4OlntXMnXqVJmZVaZOnSr9ef78+SgpKUFMTAxatmyJ//3vfwr7v3PnDoYOHYrhw4ejoKAAU6ZMgba2Ntzc3KSz71QbM2YMHB0dUVhYiIKCAhQWFqKwsBAODg4YM2bMa0ZWMQ8PD7mZYcaPH4+SkhIcOHAAxcXFKC4uxv79+/H06VOMHz9ero+IiAjcv38fAJCWlgZDQ0M4Ozujffv2SE5Olum/qqpK+nNOTg4mTZoEDQ0N+Pv7o7i4WK7vpUuXysSxtrbG1atX4evrq3A8p06dirS0NJibm2PGjBky5zQpKanO/b/Jq+MZFRWFK1eu4I8//oC/vz8SEhJw7tw5nDlzBosXL5b784GBgdDV1cXRo0cRHh6Ob7/9FnFxcdi7d6/C9gDw9OlThIWFoUWLFmjVqhW0tbVhaGgofb9bl3wAYOjQodKfFy9ejEOHDmHUqFHIzMzEF198Idc+Ly8PPj4+0NHRgaOjI9zc3PDhhx9i5syZKC8vl2kbHh6O8PBwuLu7o1evXhg2bBhKSkowZ84chIWFyfV94cIF6YxVCxcuxOHDh3H27FmcO3cOX331lcLxHD58OB48eICoqChMmzYNOTk5KCwsxIwZMxQer5OTE77//nul7wRrjqeurq7c586dO2jdujV0dXXl/qxEIlH6uX79ulx7LS0tVFVVwd3dHc7OzoiOjsbTp08V5gW8fL/atWtXDBs2DPfu3YO7uzsaN24Ma2trZGRkyN3rzZs3h5aWFpo3by793L59G5qamtDS0pLr/969e0hMTIShoSECAgJw8ODB19aScHl2Vm/jcv9yefYAL2cZ++KLLzBz5kyUlpYiMjIStra2GDduHIqKijjNOlbTe71coKWlJbKysvDvv/+iTZs2ePz4sXTJPisrK1y6dIn3HKKiojB//nzo6OhIi0pEIhGnadLqIigoCOXl5QgNDYVIJML69esBABs3buQ17sKFC1+7f8GCBbzGr8nX1xc9evTAhg0bsGLFCsTExMDe3h6LFi3iNe7mzZulP8+fPx9ff/21zH5F/2h5mwIDA5XuE4lEvF8DNXl4eODIkSOCxXuVjY0N0tLSpPd/RUUFHBwckJGRIUj8mtdCTXxfA0TWkSNH4OjoiIcPHyI0NBTFxcVYunQp+vXrV9+pEUIIIYQQQgghhBBCCCH/SXZ2dtLlmqqqqvDpp58iPz8fu3fvhouLCy5cuCDTXiwWw8jISOGL/rt37+LFixcy22xsbJCRkYHKykro6uri/v37aNy4MaqqqmBnZ6fwXVD1OwJnZ2f8/PPPGDBgAFauXAkAcHBwQGpqqrStvb29NEd7e3skJydDQ0MDVVVVsLW1VbhMmre3N/r374+nT59i586dGDFiBCZOnIht27bhxIkT2L17t7SthYUFrly5onDslO2TSCQK2wOAubk5cnNzZbaZmZnh2rVrCtsr2telSxdkZmYCAAYMGIBp06bho48+QkpKCsLCwnDmzBlpW19fX3zyySfw9/fHqFGjsGDBAlhYWCA/Px8DBw6UO781x9PW1hapqanSd+i2trZIT0+XaW9ra4u0tDSIRCKUlZVh5MiRaN++PaKjo2X6UrV/gNt41rw+jIyMcOvWLYWxq71ak+Dq6ork5GRIJBLY29vj6tWrcjGHDh0KW1tb+Pj4YMuWLWjfvj3c3Nwwf/589OrVC3PmzFE5n1e3Ozk54fDhw/jggw/w/PlzODk5yV3Tnp6eGDt2LHx8fLB582aUlZVh0qRJmDVrFj744AN8//33Cvs2MDDAnTt3XptPzevP2dlZZoKG6nu7ple3devWDWfOnEFlZSU6d+6s8Dpv3749HBwccOTIEXh7e2PixIn46KOPpEsY1tS3b1907NgRs2fPRuPGjcEYg5ubG06dOgXg5QQjNYnFYohEIpnnVfV3kUgkLSitVn2+Xrx4gfj4eGzatAmnT5/GkCFDMHHiRPTq1UumvaurK6ZMmYLi4mJ8//33+OyzzxAYGIh9+/Zh7dq1OHHihEz7CRMmQCwWY+XKldKiKmNjY+Tk5MgdK/B/5yQ/Px+//PILNm3ahGfPnuGTTz7BhAkTYGRkJNOey7MT4H7/cnn2AMCIESPQrl07lJaWIjs7G+bm5vjkk08QFxeHR48eITY2VuFxv5FK81/9R9jZ2Sn8mTHG7O3tBcnBwMBA5akc34bS0lI2a9Ys5ujoyBwcHNisWbPkphT8r7O1tWWMMekyic+fP5cuYSaUV6+/983ixYtZaGgoO3v2LMvMzJR+hGJlZSWzPOCLFy9klowTipBLFDY058+fZ/3792empqbM2NhY+iGEEEIIIYQQQgghhBBCyH+XhYWF3LapU6cyb29vZmlpKbfPyMiI3b17V2Ff+vr6cttqvvN99X1c9TvCV9nY2EiX3CotLWU+Pj4sJCREaR/VS205OzvL7FP2/q86blVVFdPT05OL/WofJ06ckOvj+PHjSvMXiURMLBYzkUgk/VR/F4vFcu0tLCzYtWvX5LZfvXpV4fmpuSyjg4ODwmOrdufOHebo6Mjc3NzYkCFDpEvzderUiR06dEiu786dO7OsrCyWmZlZq/NVczlCxl6+axsyZAibOHGiwvHn2j9j3MbT0dGRXbp0iZ08eZLp6Oiw06dPM8ZejmX1u+iarKyspMu0FRYWMicnJ5l9inTp0kXme/fu3RljL5eCMzMzq1M+jMneMy4uLjL7FI3pq/107dqVMcZYRUWF3BKeVlZWTCKRsPv377NmzZqx+/fvM8Ze3meKrrWwsDD2v//9j5WVlbHZs2ezrVu3sqqqKnbgwAGFy03a2tpKl7bLzs6Wjg1jTOHzpOYx3b17ly1dupSZmZmxDh06sHnz5rGcnBy59qtXr2Y9e/ZkGRkZjLHXLxfYrl07pUvtvel5Ve327dtswYIFCuPUPB8dOnRQuq+m33//nTk7O7MDBw68MX9F+Rw/fpx98sknTFtbW24fl2cnY9zvXy7PHsb+79qsqKhgH374ofRdfGVlpdLrvzYaq1aa9d/w/PlzXL58GYwxmZ8B4N9//xUkByMjI7Rt21aQWIpoampi2bJl9Ra/oqIC8fHxyM7ORkVFhXT7/PnzBctBTU0NwMulwh4/fowPPvgAeXl5gsUHoLASVigxMTEYOXIkWrRoIa3w/O677+QqYflUPYPaX3/9Jd0m5Ixu/fv3R//+/REUFASRSITY2Fh4eXkJEht4ObXt6NGj8ejRI+Tm5uL8+fOIi4vDt99+K1gO9W38+PEICwtD9+7dBV0qEsAbl8ecPHmyQJkQQgghhBBCCCGEEEIIIe8XQ0NDJCcnw9XVVbpt1apVCA8Pl3lvVK16yb927drJ7Rs8eLDcNrFYjOfPn6Np06Y4d+6cdLtEIlG67FV5ebn03Z2mpib27NmD4cOHY9KkSXJtMzIy0Lx5c+nMNHl5edDX18ezZ89klsqrqbpvkUgEa2trhfuqRUdHY8yYMVBXV4ehoSFEIhFycnLw/PlzbN26VWH/bdu2RXp6OnR0dOT2dejQQW5bZGQk3Nzc4OzsLBMjJSUFP//8s1x7FxcXrFy5Ep9//jmcnJxw4sQJ9OrVCxcvXkTTpk3l4qWkpCAxMRFZWVno2bMnDA0N4eXlhWbNmsn1LZFIMHDgQOm5qR7PJ0+eSFekqal169a4dOkSrKysAACNGzdGXFwcRowYoXCWMq79A9zGc/HixejduzdEIhF27NiBefPmIT8/H3fv3kVMTIzcnx83bhy6d+8ONzc3/P3335g+fToAoKCgQOn7Y5FIBIlEgmbNmuHBgwfSJfmaNWsmfe+taj4AcPHiRejq6oIxhpKSEjx8+BA6OjqoqKiQeZ9fTSwWS9vcvHlTOo6NGjVSuDRl586dUVFRga+//hoBAQGwtrbGqVOn4O/vL9f3ihUrMGvWLLRv3x6tWrXCt99+i08++QR9+/ZVuCrT9OnTYWtrC3t7e5w/fx4//fSTdDwNDAyUjicAtGvXDrNnz8bs2bNx4sQJbNq0Cba2tnjy5IlM+7CwMPTv3x/BwcHo3bu30vsceDnTVEZGBjw8POT2OTg4yG1T9EwyMDDAV199pXB5xIqKCjx79gwlJSV49OgRCgsLoauri7KyMqX1Lj4+PujevTvCwsKwfft2hef0dfn06tULvXr1wurVq+X2cXl2AtzvXy7Pnur+gJfXooGBgfS7WCxWer/Xxnu9XKCRkdFrH05CFHjMnDkTubm5CAgIgLq6unS7t7c377EBYOLEifj222/RqlUrAMDDhw8xZ84cpQ/Vt23YsGEoKCiAi4uLTGFFZGSkIPEBYOzYsfjhhx+wZcsWrFmzBi1atICJiQm2b98uWA6KpscTSvW0iUlJSYiIiEBERATmzZsn8w/N/7qqqirExMQgMTERjDF4enoiODi4Tg9XLtzd3bFo0SJMnToVFy5cAGMM1tbWgixZ2lDUnA5YaA1p6UxCCCGEEEIIIYQQQggh5H1y7949NGrUCLq6unL7Xi2+UsWtW7fQvn17uWKP3NxcXLp0SeEv3ffu3Rtr1qyRvvgHXhYzjBgxAgkJCXJLfClSXFyMK1euoFu3bnL7unXrhsTERGhqaspsLyoqQr9+/XD+/Hm5P5OSkiJdWs3AwACOjo5K33MHBATg008/VVjYMXjwYOzdu1due1lZGf7880+ZGAMGDEDz5s0VHtuECRNw4cIF6Ovr4/Tp09DX14e2tjZiY2MVFo/UlUQiwf3792FsbCyz/dKlS1BXV0enTp1ktldWVmLHjh0YPXp0nfoHVBvPmnmkpaWhQ4cOCq9xAPj777+RkZEBJycn9O7d+425RkZGYuvWrTKFWcHBwSgoKMBHH32ksDiFSz63b9+W+d62bVuoqanhwYMHOHXqFIYMGSKzf8uWLZg9e7ZMYZOfnx8KCgoQGBiIP//8U6Z9dX42Nja4ffs2du3ahY4dO8r1W5NEIkF2djbKy8thaGgorW1Q5MqVK8jMzISdnR1MTEyUtqumbNlEACgtLVV4DwAvC5AiIyNx8uRJ/P7772+MUxuXL19G586da90+KioKP/74IyoqKvD5559j37590qK1gQMHYvHixa/987t27cLRo0exZs0ahfsTExPRt2/fWufD9dnJ9f7l+uxxcnJCUlISmjZtivLycunfAxKJBN27d1e4PGhtvNdFVg2Bu7u73DaRSIQjR44IEl/RQ0PIgh9zc3NcuXKlXmdyqunUqVMoLi6Gl5cX77PpzJw5U/rz5s2bMX78eJn9y5cv5zV+terzvWjRIrRr1w5BQUH1UvRVXcUuEonQt29fODo6Chq/Pjk5OSElJUVu3W5lf6H/F02ZMgUTJ06Evb19fadCCCGEEEIIIYQQQgghhBCBVVZW4t69ewBeFnUIvepFTaoU7nDJXyKRQENDQ+79aGFhIfLy8ngpUuJDdnY2srKypIUvit7tSSQSfPPNN9i2bRvy8/MBAO3bt8fIkSMRERGhtIDlzp07MgVfymYhUtW73j/Xwiy+8+Fa2MQV1/y53I9cC4mEwCV/VYrW+Hrevq2ixzepzbMHUK3ItjaEmaaFKFRVVYVly5bh6NGjMh+hCqwAyFULVi+dKBQDAwPpFIYNQc+ePeHj4yPIP9w0NTWln8mTJ8t8f7VynU9isRjbt2/Hjh07pH+BCH1O1q9fD39/f9y7dw/5+fnw9/dXOP0oX/Ly8jBw4EDp2A8aNAi5ubmCxW/cuLHM9Il5eXmCzaJV35ydneHi4oLk5GR069YNNjY2cHFxkX6Elpqaio0bN2Lt2rXSDyGEEEIIIYQQQgghhBBC+HH//n2MHj0aWlpacHJygoODA7S0tDB69GhpEUBtmZmZyW2TSCSIiIiAsbExmjZtiqZNm6Jjx46IiIhAaWmpwn6srKzkigSAl0tOvVokUDN/R0fHWuXfrFkziEQiVFZWIi8vD3l5eaisrISuri6nAitFMyu9ba9OElGTkZER7O3t4eLiAjs7O6V/vqSkBAcOHEBxcTGKi4uxf/9+lJSUKOz78uXLcHV1RdeuXTF9+nRMmzYNXbt2haurKy5fvlzn3N9m/4pcuXKFU//V12fHjh1rfX0CgKenJ6ZPn/7GAiuu+dTMics9Y2FhAT8/PzRt2lR6Pb+NvrnmX30/amtr1/p5wqXASpWxUUbR/avK89DGxgY2NjYAXi6/On36dKUFVlyfV1yPl8uzU5X+q9Xm2VPd7tUCK+DlMp+qFlgBABipV87OzvUaf+LEiSw8PJzl5eWx3NxcFh4ezoKCgniPu2bNGrZmzRo2efJk1qNHD7ZixQrptjVr1vAev6Y///yTmZubsyZNmjCxWMxEIhETi8WC5lCfTp8+zQYPHsy+//57xhhjV69eZV26dBE0B2tra1ZYWCj9XlhYyKytrQWL36dPH7Z8+XJWXFzMioqKWGRkJOvTp49g8bds2cIGDhzIOnTowBYsWMCMjY3Ztm3bBItfn44dO/baj5CWLVvG7O3tWatWrZi/vz/T0tJifn5+guZACCGEEEIIIYQQQgghhLxP+vXrx6KiolhJSYl0W0lJCYuMjGQeHh5y7TMzM5V+2rZtK9d+2LBhLCwsjGVlZTGJRMIkEgnLzMxkYWFhzN/fn3O+48aNq1P+jDFWUFDARo0axTQ0NJienh5r3bo109DQYKNGjWL5+fkybcvKypR+9PX1Oefv7u7OqX2HDh3qlL+pqanSvhXt69q1K9u1a5fc9p07d3J+r64o97fZP2Py48m1f1Wuz7KyMvbll18yY2NjpqamxtTU1JixsTH78ssvZa5DVfJRJafq66FZs2ZvvB649s01f1Xux+rxNDIyeuN4cs2f6/3LNX8uuSvr/+nTp0r7V+V4ueSj6rVWm2ePKvnUFi0XWM/Gjx+PBQsWoGPHjvUS/+nTp/jss8+wf/9+AICvry9WrlwJLS0tXuMGBgYq3ScSibBx40Ze49dkZmaG1atXo3v37jIzWAk5m1RDcPXqVWzcuBGbN29G+/btFa73zBcbGxu59YFtbW1VXgeVK0VL8wm9XF9ycjL27t0LxhgGDRoENzc3wWI3JAUFBRCJRNDT0xM8tpWVFVJSUtCtWzekpaXh6tWrmD9/Pnbs2CF4LoQQQgghhBBCCCGEEELI+8DCwgJXrlyp9T6xWAwjIyMoesV99+5dvHjxQmabmZkZrl27prD/1+1TxsDAQLpsmSr5Ay9nIRowYABCQkKky+WVlpYiOjoaf/75JxITE6VtxWIxRCKRzPFWf6+eDetVEolEaf7m5uZyq7no6uoqbMsYQ3FxsdwKOIryLykpQUxMjFz+nTt3xr59+2BqairTx7Vr1zB48GC52YjMzc1x9epVpbm/uo9r7lz7B7iNJ9f+Vbk+AwIC0KZNG0yePBlGRkYAgJycHPz000/Iz89HfHy8yvmokhOX65lr31zzV+V+5DKeXPPnev9yzZ9L7qr0z/V4uebzNq41Zc8eVfKprcYq/Sny1hQWFsLOzg49e/aUWXM2Li5OkPja2tqCFjRV27Rpk+AxldHW1kb//v3rO416IZFIEBcXhw0bNiA7OxvPnj3DqVOn0KVLF0Hz6NSpE+bMmYMpU6ZAJBJh3bp1vKzXq4yJiQlu3Lghnb7wxo0bgo+Bq6srOnbsWG8FRvXt4sWLGDVqFO7evQsA0NfXx7Zt22BlZSVYDurq6lBXV0dVVRUYYzA3N8etW7cEi08IIYQQQgghhBBCCCGEvG80NDRw8uRJuV8+P3HiBNTV1eXaGxoa4tSpU2jXrp3cvg4dOshta9SoEa5fv66wyKfm5As1valwpy75A0Bubi6mT58us6158+b44osv8PPPP8tsb9u2LdLT06GjoyPXj6Ljre7rdYUdio4rMTERLVq0kNveo0ePWuWvpaWlMP/IyEi4ubnB2dkZhoaGEIlEyMnJQUpKilxbANDR0cGWLVvw8ccfQywWAwCqqqqwZcsWtGrVqs65c+0f4DaeXPtX5fpMT0/Hzp07ZbZZWlpi9erVcktmqnK8XHPicj1z7Ztr/qrcj1zGk2v+XO9frvlzyV2V/rkeL9d83sa1puzZo0o+tUVFVvVs5MiRGDlypPR7eXk55/U66yImJgYjR45EixYtEBYWhjNnzuC7775Dr1693ov4ADBw4EDs378fPj4+gsVsCIKDgxEfHw83NzfMmDED3t7eMDU1Fby4CACio6MRHh4uXS/W09MT0dHRvMcNCAiASCTC06dPYWtri549ewIAkpKS3riG8duUkZGB0aNHIz8/HwDQvn17/Pbbb7C2thYsh/oWFBSEBQsWICAgAACwa9cuBAYG4p9//hEsh2bNmqG8vBx2dnaYNWsW9PX1X/vbCYQQQggh5P+xd+dhUZXv/8DfAyiCIAgiCrKJgKK4AKK4QrmSKRouKZIrZmouqfSVyiXLMvuUaWouCGaKW6K4pYZZKpuJKBiIgCKGKSouLAr4/P7ww/wYZ1gO29DH9+u6uC7nnGee5z5nzsztzNzzPERERERERETVs2HDBvj6+qJRo0YKRThPnz7F9u3bldoPHToUaWlpKoushg0bprRNapEPIK1wR2r8gLRChx49euDSpUt47bXXlPpxdnZW2b/Uwg4XFxfcu3dP/j1daS1atKhW/EOGDEFqaiqOHj0qnwGsb9++CA0NVZiApERwcDDeffddzJ49G2ZmZpDJZMjMzESXLl0QHBxc7dil9g9IO59S+6/K9SmlMKUqxys1JinXg9S+pcZfleejlPMpNX6pz1+p8UstUpLav9TjlRpPbV5rVYmnsrhcYD2RnJyMLVu2YNu2bXW6VFvJMm1nz57FokWLsGjRInz88ceIiYl5JcYHABMTE9y7dw96enpo1KiRvOr4zp07dRbDnTt3kJycjN69e6OoqAjPnz9Hw4YNa3VMfX19uLi4ICAgAIMGDYJMJkPr1q2RlpZWq+PWJyEhIeXuf+edd+okDjc3NyxYsEChwOjLL7+s0wIjdXN1dcX58+cVtnXt2rVOz0FCQgJsbGyQl5eHRYsWIScnB4GBgejcuXOdxUBERERERERERERE9Co6f/68vAjH0tISLi4uKmddqorc3FyFIh9LS0sMGjRIZZEPAAwaNAgBAQHw9PRU2ufi4qLye1wp8UdHR5db6NCtW7eqHiqAF5MMTJ8+XWVhx7Bhw3DgwAGFbbm5uWjQoEGlv5uUEv+MGTMwfPhweHh4QEur8vO/3L17V74Mn4WFBUxMTFS2kxq71P4B6edTav9Sr89Dhw5hypQpZRamqJpYREo8UmOSej1LPd6qxC/l+Sj1fFYlfqkqG39VrgUp/QPSjrcq8dTmtVbV81MRFlmpUX1Yqs3Z2RkXLlzAp59+CjMzM0yePFm+7VUYHwBu3LihcruVlVWdjP/zzz9j3rx5AIDr168jPj4e//d//4cjR47U6rhPnjxBaGgotmzZgszMTPj5+WHbtm1K6zDXhcLCQqxevRonT56ETCZD//79MXPmzFovNKsv6kOBkbpNmjQJEydOlFcenzlzBqGhoVi7dm2tj52fn4/g4GA0bdoUo0aNwsKFC3Hs2DG0bdsWq1evhrm5ea3HQERERERERERERET0KvLy8sKIESMwdOjQMpfpK83JyQlDhw7F8OHD4erqWmH7qhT5SCnckRp/aZUpdPDy8sLw4cMxbNgwyf1X1owZM+Dt7Q1PT09JhVCViX/v3r0ICwvDuXPn0KNHDwwfPhyDBw+Grq6uyj6r8vhKiV1q/1LVxfUJVL4wpSrHW9WYKnM9SO1bavxVfT5W9nxKjV/q87cq8UspUpLaf1XeZx/FAAAgAElEQVRfPysbT21ea1WJp7I0lyxZsqTK96Yq8/f3x9SpU5Gfn4+ZM2di3bp12LRpEz777LM6jWPTpk1o0qQJ1q9fj48++giGhoZYs2YN3nvvPbWNv3bt2jobHwAMDQ2hra2N1NRU5ObmonXr1iqne6wt48ePxx9//IE9e/bg3XffRYsWLfD5559jxowZtTpuw4YN4ezsjClTpmDgwIGIjY1FXFwc9u/fj6dPn6Jr1661On5pU6dORVJSEvz9/eHq6ooDBw4gIiJC5bSutSEzMxNvv/02/P398fnnnyMqKgq9e/dWmga2tkRFRcHIyEhe2HfmzBnk5OTAy8urTsavDxYvXoyVK1dix44dWLt2Lf7zn/+gqKgIW7ZswaZNmzB16tRaG3vixIlISEhAVFQUtm/fjkaNGmH27NnIyclBcHAwxo4dW2tjExERERERERERERG9yhwcHBAVFYXAwEDs2LEDDx48gKmpKYyMjFS2HzlyJP755x9s2LABixcvRkpKCrS1tWFlZQUNDQ2l9vn5+QgNDcXChQsRGxsLIQSsra3RoEGDMmOaO3cudHR0yuyzOvEDLwod8vPz4ebmBldXV7Rr106+FJqq/qOjoyX3n5eXBwsLCzRu3Ljc+IEX52jXrl2VPkdS4nd0dMSIESMwY8YMGBgY4OjRo1iwYAFOnjyJ/Px8WFhYKBRcVeXxlRK71P6lns+6uD5nzJgBPT09DBo0CD179oS7uzscHR1VFgVW5XilxiTlepDat9T4q/J8lHI+pcYv9fkrNX4psVelf6nHKzWe2rzWqhJPZXEmKzWpL0u1RUdHY8WKFfD09MTs2bNx9epVrFmzBmvWrKmT8aOiovDFF18ojD9ixAgkJCTUyfgAcO7cOfj4+MDU1BRCCNy9exd79+6Fu7t7nYzv5uaGmJgYdOnSBXFxcQCg8O+6VFRUhLCwMAQFBdX6TFqlOTo6IjExUf4CWFxcDCcnJ1y5cqVOxvf09ISXlxf8/f0hhMDmzZtx+PBhnDp1qlbH7dq1K2QyGZ49e4ZLly7J14NNSUlBly5d6mzZ0Prg9OnT5e7v27dvrY3t6OiIK1euoKCgAC1atMD9+/fl/zHr0KFDnb4eERERERERERERERG9qq5du4b9+/cjLCwMubm5GDp0KLy9veHs7Kyy/ZMnT3D06FHs378fUVFR6NWrF7y9vTFixAiltkVFRTh16hTCwsJw/PhxtGvXDt7e3hg6dKjS5AtSZ1+SGv/58+cRFhaGgwcPwsDAAN7e3vD29oatra1a+y99jn755Rc4OjqqPEdV7b/EsWPHYGRkhP379+PQoUO4fPmyynZVfXzLi70q/Vf1eGsr/qpen1LikRJTVc5PbT5eJSr7fKnK+axK/FJf3yrTvqrXgtR4Knu8VY2nsq/PUq+16pyf8rDISk3q01JtpRUXFyM8PBze3t51Om5ycjKCgoIQEhICc3PzOi0u6d69O77++mv07NkTwIuiq3nz5iEqKqpOxn/99dexY8cODB48GBcuXMCpU6fw6aefIiIiok7Grw/69euH8PBw6OjoAHhRtTps2DAcP368TsZXVdRWF4Vu6iwsov+vvALHul6+lIiIiIiIiIiIiIiIgNu3b+PAgQM4cOBApSYGKCwsREREBMLCwrB+/fpy21a2yKcyhQU5OTkwNDSscvyVKXTIzc2FtrY2tLS0kJOTg/j4eNjZ2SE8PLxG+i9LTExMheeoov5VTagwcOBAHD9+HEIIODo6VhgH8OLx/fXXX3HgwIEKH9/79+/L4yov9qr0X9XzWRvxV6XQpyrxlKiJ6+Fl9+7dw+XLl6GpqYkjR45Ierwq+3wHKvd8rM75LOvcVPf1obLtqxN7VeKp6FqoTjyVfX2ujSKxymKRVT2QmJiIoKAgbN++Hba2tvD19a3T5fIA9RQ55eXlYffu3diyZQtSU1ORn5+PM2fOoH379rU+dmmdO3fGxYsXK9xWW86fP49p06YhLS0NnTp1QkpKCsLDwyv1n5v/Ff7+/oiJicHo0aMBAHv27EGfPn1gb28PALX+fPDx8cEXX3yBNm3aAHjxorxkyRJs3769VselF9N8ljWFIwDs3r271mNwdHTEvn37IISAj4+P/N/Ai2ujrmZUIyIiIiIiIiIiIiIi4MGDB2jatKnKfQkJCejQoUOl+6qpIh9AdWFBw4YNMXjwYEyePBlDhgypcHnB8qgqdNi2bRumTZuGZs2aISQkBH5+fjAzM0NaWhrWrVuHUaNGSeq/ZBaY2ljRRlX8GhoasLKyUmiXmZmJVq1aQSaTSVrlSdV1ER8fj0mTJkFTUxMhISGYP38+Tp06hWbNmuHQoUPo2LGjUj9JSUkwMjJC8+bNkZKSgnPnzsHJyUnyd7NlFaZI6b8q8ZelMkVQpZX3PHvZL7/8goEDB1Y6FkD1+fHz88NXX30FU1NTREREYMyYMbCxscH169exceNGDBs2TKEPqc93VbZs2YLJkydLvl9lzue9e/eQmJgIBwcHmJqaKu2v7uvDlStXcP78eXTs2BGdO3eu0diBF8VHly9fRuvWrWFgYFBmu4yMDGRkZAAALC0tYWlpWfmDKCeemnp9lvraJvW58jIWWdUjdb1UW0mR0+bNm5GWllanRU7+/v7Yt28fevfujUmTJsHLywt2dnZIT0+v9bFf1qNHDyxbtgz9+vUDAPz2229YtGgRzp07V2cxPHz4EOfOnYMQAj169FBZ0fq/bOLEiWXuk8lkCAoKqpVxSwp8cnJycPbsWfTq1QsAcObMGXh4eODw4cO1Mu7L45elLgqM1C0kJETl9sLCQjx58gRz5syp9Risra3LfByk/gefiIiIiIiIiIiIiIgqb/Xq1Zg9ezYAID09HUOGDEFaWhpatGiB8PBwpQILDQ0NODk5YfLkyfD19YWRkVG5/VenyKcyhQUODg7w9/fH1q1bcf/+ffj5+WHSpEnyiQTKomp2Knt7e7Rs2VKhXceOHREeHo6HDx+iT58+OHnyJFxdXXHt2jX4+PjUyKQRe/bswciRIwEA2dnZeOedd3DmzBl06dIF27ZtU3nclY1/6dKliI6Oxvr16+WPg42NTZnfCcfHx2PUqFHIyMiAl5cXfvjhB/lMM6pWH+nbty/mzZuHnJwcfPLJJ1i+fDnGjx+P/fv3Y/369Uqr5nz11VdYtWoVtLW1sWLFCixatAjdunVDVFQUFi5ciJkzZ5Z5ni5evIjr16+jQYMGcHR0hI2NjVIbqf1Ljb+0ylyfUs8nIL3wpazZmlRxcnKSF7X07dsXa9asQceOHXHjxg0MHz5cKR6pz3dVNRaTJ0/Gli1bAABeXl4Vxlhe4VR5RWKbNm3C0KFDFdpLfX147bXXsHPnTpiammL37t2YN28eevbsiZiYGAQGBmLKlCkVxl9e8VxERARGjx4NDQ0N7NmzB/Pnz8fjx49x9+5d7Nu3T2mVpaSkJEyaNAnp6emwtLSEEAI3b96EjY0NgoKC0LZt2wrjKU9NFmHWKUGvpKlTpwojIyMxbNgwceDAAVFYWCisra3rbHw9PT3Rt29fceTIEfH8+XMhhBA2NjZ1Nn5psbGxwtLSUtjZ2Ql7e3thZWUlYmNj1RLLq6ioqEjs3btXLWMHBwer/Nu0aZP45ptv1DZ+yd+rKCkpSSxYsECYmpoKZ2dndYdDRERERERERERERES1qEuXLvJ/jxkzRqxdu1YIIcTevXtFv379lNp36NBB7N27V3h5eYnGjRuL0aNHixMnTpTZ/5IlS8TgwYPF9evX5dsq+k70r7/+Eu7u7qJFixbCzc1NdO3aVbRo0UK4u7uLv/76q8z4z507J6ZOnSqaNGkievfuLUJCQlT2HxISIho1aiRatWolfv31V2Fubi66du0qjI2Nxe7du8vs38rKSmFf586dVfZ/48YNMWDAAGFnZyc++OADkZ+fL9/XvXt3pfalx5g6daoICAgQWVlZ4uuvvxbe3t7Vil8IIS5cuCDc3d3F+vXrhRDlfyfct29fcejQIZGdnS0++ugj0bZtW5GZmVnm8ZbeZmFhobCvU6dOSu0dHR3F/fv3RUZGhtDV1RVpaWlCCCHu3r0r2rdvrzKm+Ph40aFDB6Gvry80NDREhw4dRNOmTYWPj494+PBhtfqXGr8Q0q5PqedTCCFkMpmwtrZW+NPS0hLW1tYqH7sGDRqIoUOHioMHD4ri4mKVfZaws7OT/9vV1VVhn5OTk1J7qc93mUwmevToITw8POR/jRo1Eh4eHsLT01PlfcaPHy9u374thBDi119/FSYmJsLNzU00b95cHDhwQCmeEn369BHx8fFCCCGuX7+u8DwqIfX1oXT/7u7uIiMjQwghxP3791Wen4sXLwpnZ2fRtWtXceXKFeHl5SV0dHSEhYWFuHTpklJ7Nzc3cfHiRXHq1ClhbGwsfv31VyGEENHR0aJnz55K7bt166bye/w9e/aIrl27Km0vT+nHvoTU12epr21S46ksFlm9otRd5PT48WOxadMm0b17d9GqVSuxaNEi0apVqzob/2XPnj0Tly9fFpcuXRLPnj2rkzGbNWsmTExMlP5Ktr9KevTooe4QhBAvCnwWLlyo9gKfoqIisX//frWNX9dyc3PF1q1bRa9evUTLli2FoaGhSEhIUHdYRERERERERERERERUy0oXenTs2FFhn6oik9JFC5mZmeKzzz4Tbdq0EVZWVmLp0qUqx5BS5COEtMICVYUVJd979OnTR2X/Tk5O4vr16yI+Pl4YGBjIJ39ISUlROmYXFxeRkJAg/vjjD9GsWTMRGRkphBAiOTlZZdGFEEIMHjxYrF27Vpw/f174+fmJHj16iEePHgkhKi5U6tixoygqKlK4XZ34Szx9+lQEBASI1157TZibm6tsI4Ty+fzxxx+Fvb29yMjIUHmuS4/n5+ensE9V7KX7sLS0VNhXVtGRu7u7OH36tBBCiJ9//lnMmTNHPH36VAQGBiqNKbV/qfELUb3rs6LzKYT0whd7e3uxatUq0b59e9GyZUsREBAgkpOTVbadOXOmmD17tsjNzRUffvih2L59u3j+/Lk4cuSI8PDwUGov9fkeHBwsevToIWJiYioVuxDSCqekFolJfX2wt7eXP/9eLhoqHWfpeMPCwkRwcLCwtLQU27ZtE0K8uE779++v1L70NWhra6uwT9Vz197eXmlbefsSExPL/GvZsqXKfqS8Pkt9batKPJXBIqtXVH0qckpISBDz5s0TzZs3F+7u7uL777+v0/GHDRtWqW017fr16+X+vUref/99ce7cObWMXZ8KfOpLkVddUvesekREREREREREREREpD6tW7cWR44cEYcOHRKOjo4K+yoqkint1KlTYvz48WWOU9kiHyGkFRaUVZhTHimzUx07dkwYGxuLZs2aiV9//VX069dPtG/fXhgYGIjQ0NAK+xdCiM8++0x07dpV5OTkqDx/7dq1E1euXBGJiYlK41dU6FbZ2bVKREZGii+++KLM/Q4ODkqzIYWGhgo7OzuloiUhhBgwYIDSbFJCCPH3338LNzc3pe3u7u7i0KFD4scffxRWVlbyYqXTp08LFxcXlTG9fA5KF9e8PBuO1P6lxi+EtOtT6vksIaXwRcpsTU+fPhVz5swRhoaGwtbWVshkMqGlpSUGDhwon/WrrL5LK+/5npmZKby8vERAQIAoKCiosKhSSuGU1CIxqa8PixcvFj4+PiI1NVV89dVXYvny5SI9PV2sW7dOvPnmm+X2X5mZ0Eq/pn744YcK+1QVifXo0UNs27ZN4RoqLi4WwcHBwt3dXam9TCYTNjY2SjOhWVtbiwYNGpR53FUtwqzota2q8VSERVak9iKnEoWFhWLPnj1i8ODBdTquqiecqkpQqj2dO3cWmpqaol27dqJr167yv9pWHwp8Soq8evbsqfYiL3VQ96x6RERERERERERERESkPn379lVY2qtkKbN//vlHqeBBiOqvjlJRkU/JGJUtLMjJyZEcQ1VmpypRVFQkzp8/L/75558y2zg4OCht++qrr4SLi4to06aN0j4rKyuFQoSbN28KIUSZhQvVib8ikyZNEuHh4Urbd+3aJako4tGjR/LjKO38+fOiS5cuwtnZWVy8eFGMGzdO6OrqCmNjY3Hy5EmVfbm6uspnZoqOjlYopmnbtm21+5cSvxDSrs/qnM+qFr4IUfFsbrm5ueLSpUvizz//FNnZ2WX2XZ3n+/r164Wzs3OFMxZJKZySWiRWldeHb7/9VrRq1Upoa2sLmUwmmjRpIqZNm6byPEmdCW3ixIkqi/pSUlJULheYkpIiXnvtNWFoaCjat28vL/D09PRUOVuZtbW1uHXrlsrjqsyEP5UpwnxZea9t1Y2nLDIhhAARgKKiIoSFhSEoKAhHjhxRdzi1btOmTdi4cSP++usvODo6yrc/fPgQDg4OOHjwYJ3EkZqaijlz5iA+Ph4FBQXy7Xfu3KmT8euD06dPq9zet2/fWh1XX18fLi4uCAgIwKBBgyCTydC6dWukpaXV6rgl/P39sW/fPvTu3RuTJk2Cl5cX7OzskJ6eXifj1wdPnjxBaGgotmzZgszMTPj5+WHbtm24efOmukMjIiIiIiIiIiIiIiI1KS4uxtOnT6Grq1vnY1+7dg3Tpk1DXFwczMzMIJPJkJmZiS5dumDDhg2wt7evVv+//PILxo0bB5lMhl27dmHFihXIyspCZmYmNmzYgDFjxlSr/+HDh2PatGkYNGiQwvb//Oc/mD9/Pp4/f16pfvLy8nDnzh1YW1vXafx17d69e2jatCk0NDRU7j927BjGjx8PU1NT3L17F/v27UOvXr1w+/ZtfPzxx9i0aVO1+peqtq/Pl0VFReH06dMICAhQub9Lly6Ii4ur0TFryvXr1xEZGYm33367zDbPnj1DQEAAgoODYWxsjLS0NGhqauL111/H+vXrYWNjo3SfvLw8pKamorCwEFZWVjA2Nq7x2B8/fozCwkIYGRmV2WbgwIHYs2cPmjRporA9KysL3t7eiI6OrtRYxcXFeP78ORo0aKBy/927d+Xf3VpYWMDExERlu9mzZ2PkyJHo1auX0r6ZM2di7dq1lYqnLFJf22orHhZZ0Svrxo0bSE9Px/Tp07Fhwwb59iZNmqBjx47Q1NSskzg8PT3x7rvvYtmyZQgNDcWaNWtgbW2NRYsW1cn4rzJ1F/iou8irvklMTERQUBC2b98OW1tb+Pr64r333lN3WEREREREREREREREVEsyMjLg7++PtLQ0DB06FMuXL0ejRo0AAO7u7oiMjFRqP3XqVKSnp1eqfXVUtrCguoqLi3Hx4kVYWFigefPm1e7v6dOnAABtbW2lfbdu3YK5uXml+7K3t8fVq1fLbVOT8df24yv1eiuRk5OD1NRU2NnZKRW01ET/VVGZ67Omz6eq6+Hhw4cwMDCo4lGUT2r81Tne6hZOVea5UpEbN27A39+/2o/X48eP8ejRI6Xneunz8+abb+Kzzz4rt//4+HhMmjQJmpqaCAkJwfz583Hq1Ck0a9YMhw4dQseOHat1vFLV5GtbddRMuSTRv5CVlRU8PDzw119/oW/fvvK/Ll261FmBFfAi8YwePRoaGhpwcnLCDz/8gBMnTtTZ+OpUUvE8cuRIjBo1Sumvtunp6WHKlCmIjIzEsWPHUFBQgGfPnqFHjx5Yt25drY+flZUFX19fLFu2DJaWlggMDERhYWGtj1tftW/fHl9//TVu3bqFefPm4dChQ+oOiYiIiIiIiIiIiIiIatG7776LN998Ezt37sTdu3fx+uuv4/HjxwCgsAJM6fZDhw6tdPvqMDExgbOzM5ydneUFLDU9SxAAaGpqwsXFBc2bN6+R/rW1tVUWIQAvJn942ZUrV8r8e/LkSZ3GX9uPr9TrrYShoSFcXFyUCqxePt6q9l8Vlbk+q3I+pV4P5RVY1fX1UJ3rR1dXF05OTnB2dpYXWL0cf1nnJTExsVLPlYpMnz69Rq5/fX19lc/10ucnOzu7wv7ff/99fPLJJ5gxYwYGDRqEMWPGIC8vD6tXr8b8+fMlHZs6XttqKx6tKt+T6F9u5MiRkMlkZe7fvXt3ncRRMu2evr4+bty4AVNTU9y4caNOxla3kqn5hgwZouZI/n+Bz5dffilfNrO2Z1EqKfKaMmWKfBankiKvV3kWJy0tLfj4+MDHx0fdoRARERERERERERERUS26ffs2ZsyYAQAICQnB559/jtdffx0nTpxQ+T2e1PZVceXKFZXbhRA1UkhRVv8A1NJ/hw4dYG1tDVULYGVnZ1e7fylq+/GtSv9Sjre+XZ9ViefffD3U5OOr6nxKPTdSSY1f6rmX2v+jR48wbNgwAMDHH3+M8ePHA3ixbN/SpUurHY9UUvuvrXhYZEWvrPpQ2AMAffv2xf379zFz5ky4urpCW1v7lSkuefPNNwEA77zzjsL24uJihIeHqyMktRX4qKPIi4iIiIiIiIiIiIiISJ3y8vIUbi9atAgNGzZUmGGlOu2rorYLKepb/1ZWVjhz5gzMzMyU9llYWFS7fylq+/GtSv9Sjre+XZ9ViefffD3U9uMr9dxIJTV+qedeav+l+315pihVY9a317baiodFVvTKermwp0RdF/isXLkSADB27Fj07t0bDx8+RIcOHeps/PokOTkZQUFBCAkJgbm5Oby9vdUdUp3jLE5ERERERERERERERPSqaNeuHY4dO4ZBgwbJt82fPx8aGhoql6OS2r4qaruQor71P3ToUKSlpalsXzKLTXX6l6K2H9+q9C/leOvb9VmVeP7N10NtP75Sz41UUuOXeu6l9m9qaopHjx6hSZMmCAkJkW/PyspCo0aNqh2PVFL7r614WGRF9F91XeBT1vR0GhoauHLlChwdHWt1/PoiLy8Pu3fvxubNm5GWlob8/HycOXMG7du3V3doREREREREREREREREVItCQ0NVbp83bx5Gjx5d7fZVUduFFPWt/9WrV5fZ19q1a6vdvxS1/fhWpX8px1vfrs+qxPNvvh5q+/GVem6kkhq/1HMvtf9ffvlFZXs9PT3s27ev2vFIJbX/2opHJlTNjUX0ilBngY+NjQ1kMhmEEMjIyECTJk0AvFjb1NLSEunp6bUeg7r5+/tj37596N27NyZNmgQvLy/Y2dm9EsdORERERERERERERERERERE/x4a6g6ASF38/f1hYWGBsLAwLFy4EBkZGTA0NKyzGZTS09ORlpaGIUOGIDQ0FA8ePMCDBw+wa9euGqtkru927twJJycnTJs2DW+++Sa0tLQgk8nUHRYRERERERERERERERERERGRAs5kRa8sfX19uLi4ICAgAIMGDYJMJkPr1q2RlpZWp3F0794dUVFRFW77X/TkyROEhoZiy5YtyMzMhJ+fH7Zt24abN2+qOzQiIiIiIiIiIiIiIiIiIiIiOc5kRa+srKws+Pr6YtmyZbC0tERgYCAKCwvrPI68vDz88ccf8ttnzpxBXl5encehDnp6epgyZQoiIyNx7NgxFBQU4NmzZ+jRowfWrVun7vCIiIiIiIiIiIiIiIiIiIiIAHAmKyIAQGJiIoKCgrB9+3bY2trC19cX7733Xp2M/ccff+Dtt99G48aNAQD5+fnYuXMnevbsWSfj1zdFRUUICwtDUFAQjhw5ou5wiIiIiIiIiIiIiIiIiIiIiFhkRVSaugp8nj17huTkZAgh0LZtWzRs2LDOxiYiIiIiIiIiIiIiIiIiIiKi8rHIiqgeeP78OW7fvo2ioiL5NktLSzVGREREREREREREREREREREREQltNQdANGrLjg4GO+//z4aNGgADQ0NAIBMJsOdO3fUHBkRERERERERERERERERERERAZzJikjtbG1tcfjwYbRt21bdoRARERERERERERERERERERGRChrqDoDoVWdiYsICKyIiIiIiIiIiIiIiIiIiIqJ6jDNZEanZypUroauri7Fjx6JRo0by7bq6umqMioiIiIiIiIiIiIiIiIiIiIhKsMiKSM00NJQnlJPJZCguLlZDNERERERERERERERERERERET0MhZZERERERERERERERERERERERERlUNL3QEQEXDr1i2cOXMGMpkMvXr1gpmZmbpDIiIiIiIiIiIiIiIiIiIiIqL/Ul6njIjq1IEDB9CpUyfs3LkTO3bsQOfOnREeHq7usIiIiIiIiIiIiIiIiIiIiIjov7hcIJGaOTs7Y/fu3WjTpg0AIDU1FSNHjsSFCxfUHBkRERERERERERERERERERERAZzJikjtiouL5QVWAGBra4vnz5+rMSIiIiIiIiIiIiIiIiIiIiIiKo1FVkRq1rx5c2zZsgUlk8qFhISgWbNmao6KiIiIiIiIiIiIiIiIiIiIiEpwuUAiNbt27Rp8fX0RHx8PAOjcuTN++ukntG7dWs2RERERERERERERERERERERERHAIiuieuPJkycQQkBfX1/doRARERERERERERERERERERFRKVwukEjNfHx8cOTIEejq6rLAioiIiIiIiIiIiIiIiIiIiKgeYpEVkZoNGTIEK1euhIWFBT788EMkJSWpOyQiIiIiIiIiIiIiIiIiIiIiKoXLBRLVE6mpqQgJCcGPP/4IMzMznD17Vt0hERERERERERERERERERERERE4kxVRvWFlZYVOnTrB0dERycnJ6g6HiIiIiIiIiIiIiIiIiIiIiP6LRVZEahYXF4dZs2bB3NwcW7ZswcSJE/H333+rOywiIiIiIiIiIiIiIiIiIiIi+i8uF0ikZg4ODpg4cSL8/PxgZmam7nCIiIiIiIiIiIiIiIiIiIiI6CUssiKqZ4qLixEeHg5vb291h0JERERERERERERERERERERE4HKBRPVGcnIyAgICYG5ujk8//VTd4RARERERERERERERERERERHRf2mpOwCiV1leXh52796NzZs3Iy0tDd4f1IAAACAASURBVPn5+Thz5gzat2+v7tCIiIiIiIiIiIiIiIiIiIiI6L84kxWRmvj7+8PCwgJhYWFYuHAhMjIyYGhoyAIrIiIiIiIiIiIiIiIiIiIionqGM1kRqcnOnTvh4uKCadOmYdCgQZDJZJDJZOoOi4iIiIiIiIiIiIiIiIiIiIhewpmsiNQkKysLvr6+WLZsGSwtLREYGIjCwkJ1h0VEREREREREREREREREREREL2GRFZGa6OnpYcqUKYiMjMSxY8dQUFCAZ8+eoUePHli3bp26wyMiIiIiIiIiIiIiIiIiIiKi/5IJIYS6gyCiF4qKihAWFoagoCAcOXJE3eEQEREREREREREREREREREREVhkRUREREREREREREREREREREREVC4uF0hERERERERERERERERERERERFQOFlkRERERERERERERERERERERERGVg0VWRERERERERERERERERERERERE5WCRFRERERERERERERERERERERERUTlYZEVERERERERERERERERERERERFQOFlkRERERERERERERERERERERERGVg0VWRERERERERERERERERERERERE5WCRFRERERERERERERERERERERERUTlYZEVERERERERERERERERERERERFQOFlkRSTRhwgT4+vqqO4waN2TIEGzfvr1G+vq3nqPHjx/DzMwMGRkZ6g6FiIjqsZMnT0Imk1W7n1WrVmHKlCk1EBEQHByMVq1a1Uhfden58+do164doqOj1R0KERGVw9fXFxMmTFB3GDVq5syZWL58eY30tWTJEvTq1atG+qpLzMNERPXXb7/9BplMhqKiInWHUmW5ublo1aoV0tPTa6Q/a2trbN68uUb6qks//fQTBg8erO4wiIionmB+fOHGjRswNzfHkydP1B0KkWQssiL6Lw8PD8hkMshkMujo6MDW1hYTJkxAfHy8QrvVq1fj+++/r7C/oqIiyGQy/Pbbb7UUcc2JiopCYmIi3n77bXWHUqtKPpwo/WdoaCjfr6+vjylTpmDZsmVqjJKI6H9f6Zyrp6cHNzc3/PLLLzXSd69evbBkyZIa6as25ebm4ssvv8SHH36o7lBqXVFRERYvXgxLS0toa2vD3t4eJ06cAABoaGhgwYIFCAwMVHOURET/G0rnWE1NTbRq1QqzZ8/G06dP1R1arSgsLMTChQvRvn176OrqwtLSEnPnzkVubm6598vIyMCOHTswa9asOopUPZYsWaL0Hlgmk8HLywsA8zARUU2oidz70UcfwcPDo/aCVJM1a9bA09MTNjY26g6lVuXk5GDy5Mlo0aIF9PT00KNHD/z+++/y/WPGjEFSUhLOnDmjxiiJiKg8169fx4QJE2BmZoZGjRrB3t4e77//PjIzM2t8rFclPz58+BDTp0+Hubk5GjdujDfffFPhfFpZWeH111/Ht99+q8YoiaqGRVZEpcyZMwdZWVlITk7Gli1bUFhYiK5duyI8PFzexsDAAAYGBmqMsuatW7cOY8eOhaamprpDqROZmZnIyspCVlYWrl69qrDP19cXO3bswMOHD9UUHRHRq6Ek58bFxcHZ2RnDhg3DtWvX1B1Wndm1axfs7e3Rpk0bdYdS66ZNm4b9+/dj8+bNSE5OxubNm9GyZUv5fh8fH5w7d04pJxMRUdWU5NiMjAwEBwfj559/xqefflqrYz579qxW+y9LXl4eLl26hGXLliE+Ph4hISE4fPhwhcVTmzdvxuDBg//n3tu/bP78+fL3vllZWUhLS4Ouri5GjBghb8M8TERUferIvarUp6JqIQQ2bNgAPz8/dYdS6+bNm4fY2FiEhYUhPj4ebm5uGDJkCB48eAAA0NTUxNtvv43169erOVIiIlIlOTkZrq6uuHfvHnbt2oWrV68iJCQERUVF+Oabb6rUZ1k5+VXKj5MnT0ZsbCz279+P8+fPQ0dHB0OGDEFxcbG8ja+vLzZu3Ijnz5+rMVIi6VhkRVRK48aN0aJFC1haWsLDwwM//fQT/Pz8MH36dBQWFgJQXgrv22+/hY2NDbS1tdGqVSv57BklX5p6enpCJpPJl1bYsmULOnfujMaNG8PKygoff/yxwrTPJf1/9NFHMDIygpmZGf7zn/8oxJmamophw4ahSZMmMDAwQL9+/eRv2oqLi/Hxxx+jVatW0NfXh4eHBy5dulTmMRcXF2P//v3yX7JWZozc3FxMmTIFTZs2hZ6eHt566y38888/ZY4hk8lw8uRJ+e3r169DJpPJv0wvWeIoNDQUNjY20NPTw6xZs+THYmxsjFatWiksZ1gyK9Wvv/4KR0dH6Ovrw9vbWx5jeUxNTdGiRQu0aNECzZs3V9hnb28Pc3NzHD58uMJ+iIio6kpyrp2dHdauXQtNTU15rqgoz5w4cQJdunSBjo4OmjVrhjfeeAPAixx69uxZLF26FDKZDNbW1vL7hIaGwsnJSZ6vSy8PFBMTA3d3d2hra8PCwgIrV65UiPXy5ctwdXVFo0aN0KtXL1y/fl3peEJDQ+Ho6AgdHR106NABe/fuLff49+zZo5R7c3NzMXPmTLRo0QI6OjpwdnZWWL7nq6++goWFBbS1tdG9e3fExMSU2b+Hhwc++ugjhW2lp44uycU///wzXF1doaOjg379+uHevXvYs2cPbG1t0bRpU8ydOxdCCHkfMpkMwcHB6NevH3R1deHi4lLu/zMuX76Mbdu2Yf/+/RgwYACsra3Rp08fdOjQQd6mSZMm6NmzZ4XnjIiIKqckx5qbm6Nfv3546623EBcXp9Dmu+++Q+vWraGrq4uuXbsqzcC8Zs0amJqawsDAAB988IFCLgBe5JQvv/wSb731FnR1dfHdd98BAI4ePSrPt23atMG2bdsU7ldRzpXJZAgKCsJrr70GHR0duLm5IS0tDb/99hs6dOiAJk2aYPz48SgoKADw4kdQx44dw1tvvQU7Ozt4enpi6dKlCAsLK/ccqcrDd+7cga+vL4yMjKCnp4eePXsiNTUVwItZGRcuXIjmzZtDR0cH/fv3R0pKSpn9q1quofT74pL3s8ePH4ejoyN0dXUxatQoFBQUYO3atTAzM0Pz5s0Vzk9J7g4LC4ObmxsaN24MDw+Pcpe719PTk7/3bdGiBc6dOwchBEaNGiVvwzxMRFR9FeXegwcPonv37tDX14eZmRnee+89+ayLwcHB+Oyzz3D69Gn5jFil33OePn26zM8+PTw8MH/+fEydOhVNmjTBBx98AKDifJuSkoIBAwZAR0cHzZs3x4IFCxQ+n7a2tsZXX32FESNGQFdXF46OjoiNjcXly5fRrVs36Onp4Y033sD9+/fLPCcxMTG4c+cOPD09FbafOHEC3bp1Q6NGjWBqaor33nuv0nGVpmo5xZLPmEtMmDAB48aNw//93//ByMgIpqam2Lp1K3JycjBy5Ejo6emhY8eOuHjxovw+JUsAr127Fi1btkSzZs2wcOFCpf8LlRYdHY1Jkyahe/fusLW1xaefforHjx8jOTlZ3uaNN95AWFiY/DsGIiKqP2bMmAFbW1scPHgQvXv3hqWlJdzd3bFu3Tp8/PHHAIBz587B09MThoaGMDExwdtvv43s7Gx5HyU5aMeOHbC1tYWJiYnKsV6V/Jifn4+wsDB8/fXXcHNzQ7t27bBlyxZcunRJ4fvi1157DdnZ2YiKilLZD1F9xSIrogrMmjULt27dwoULF5T2xcbGYvHixdiwYQNSUlKwe/dueXFVSULYt28fsrKysHr1agDA8+fPsWrVKiQkJGDDhg3YvHkzNm7cqNDvwYMHUVhYiKioKCxZsgQffPCB/AvMp0+fYsCAAXj+/DlOnTqF6OhojBgxQl75u3TpUhw5cgQ7d+5EXFwcevbsif79++PRo0cqjy8+Ph65ubno0qWLfFtFY8ydOxenT5/GgQMH8Pvvv+PWrVsYP358dU4z7t27hx07diA8PBy7du3Cxo0bMXjwYDx//hyRkZGYPn06pk6dirt37yrcb/ny5QgODsapU6dw+fJlhS/Ny2JnZ4dWrVrB29sbSUlJSvtdXV1x9uzZah0PERFVnpaWFho0aCD/sLG8PFNUVAQfHx9MmDABSUlJiIiIQP/+/QG8WNLXzc0NH3zwAbKyshAbGwsAOH78OPz8/DBx4kQkJCRgz5498pmUHj9+DC8vL7Rv3x4XL17EypUrsXTpUuzYsQPAi2LkESNGwNLSEn/++Sdmz54tf3NdIiIiArNmzcLSpUuRmJiIRYsWwc/Pr8w3h0IInDt3Ds7Ozgrb/f39cfLkSWzbtg0JCQkIDAyU/4pnx44dWLJkCb744gtcvHgRHTt2hJeXV5n5vbKWLVuGr7/+GpGRkbhx4wZGjhyJ7du348CBA9i+fTvWrVuHQ4cOKd1n1qxZuHjxIszMzDBx4sQy+z98+DBsbW2xe/duWFhYwMHBAUuXLlX4xRLA3EtEVFtu3ryJkydPomvXrvJtQUFBWL16NdatW4eEhAT4+fnBy8tL/oXu6dOnMW/ePCxduhTR0dHIz8/HwYMHlfpeuXIlBg0ahISEBIwZMwbXr1+Ht7c3vL29cenSJcyZMweTJk2Sv75XlHNLLF++HHPnzsWFCxegpaWFsWPHyt/3HT16FEePHsWmTZvKPObs7GwYGRmVuf/evXtISkpSysMjRoxAamoqwsPDERcXh2nTpsk/mF65ciVCQkKwdetWxMbGQkdHB0OHDlXKZ1KtWLEC27Ztw/HjxxEREYGhQ4ciLi4OERERWLlyJQICApSKmZcsWYIvv/wSMTExyMvLw9y5cys9XnBwMIYPH44mTZoobGceJiKqOapyb0FBAQIDAxEfH4/Q0FCcOnUKS5cuBQCMHj0ac+bMgbu7u3zmQQsLC/l9K/rs84cffoCtrS0uXLiADz74oFLvcYcNGwZtbW3ExMQgJCQE27ZtUyrEWrVqFUaMGIGLFy/CwcEB48ePx+zZs7Fy5UqcOXMGV69exWeffVbmeTh79iycnJygpaUl33blyhW88cYb6NevH+Li4nD06FG0a9dOUlxSlaxQERUVhffffx/Tpk3D2LFj4e3tjbi4OLRp0waTJ09WuM+lS5cQGxuLiIgIbN68Gd9++63S++LS3N3dceDAAWRnZ6O4uBhBQUEwMzNT+HGRs7MzCgoKFL6wJiIi9cvOzkZERATmzZsHmUymtN/Q0BAA8OTJE0yfPh3nz5/H0aNHcfPmTYVCqJK+tm7dir179+LcuXMqx3tV8mNhYSGKi4uho6Mj36atrQ1NTU2Fc6OlpYVOnTrx/Sj9+wgiEkII0bdvXxEYGKi0vaCgQAAQoaGhQggh3nnnHTFu3DghhBB79+4V9vb2orCwUOl+hYWFAoA4depUueOuWLFCeHp6ym+/8847wtHRUaGNvb29WLNmjRBCiKCgIGFiYiJyc3OV+srPzxc6Ojri8uXLCtvt7OzEjz/+qHL8n3/+WRgYGChsK2+MR48eCS0tLXH48GH5tr/++ksAEAkJCfJjKDlHQggBQJw4cUJ+Oz09XQAQKSkpQgghtm7dKmQymbh9+7a8zcCBA0X79u3lt4uKikTjxo3FwYMHhRBCnDp1SgAQ0dHR8jaff/65cHFxUXmcQgiRlJQkNm/eLOLi4sTvv/8uhg0bJoyMjMQ///yj0G7u3LnijTfeKLMfIiKqntI599mzZ2LFihVCQ0NDxMXFVZhnsrOzBQCRkZGhsu+ePXuKxYsXK2zr06ePmDFjhsr269evF2ZmZgq5PCAgQLi6ugohhDhy5IjQ0dER9+/fV9hf+r/Rnp6e8jxdYurUqWLy5Mkqx7x//74AIOLi4uTbUlNTBQARGxur8j7dunUTCxYskN8uLCwUrVq1EmvXrhVCvMil5ubm8v2q/l9jZWUlNm3aJIT4/7l4165d8v0rVqwQMplMIS8OHDhQzJs3T34bgPjyyy/lt8+dOycAiMePH6uMe9q0aaJhw4bCw8NDREVFiZ9//lmYmJiIzz77TKHd6tWrFfI+ERFVTd++fUWDBg1E48aNRaNGjQQA0b9/f/Hs2TN5GxsbGxEeHq5wv/79+4tPP/1UCCHEqFGjxOjRo+X7CgsLhbm5uXjnnXfk26ysrMSECRMU+ggICBBdu3ZV2DZ69Gjh4+MjhKg45wqhnGd27typlB+nTZsmRowYofL47927J6ysrMSKFStUnyAhxIULFwQA8eDBA/m2iIgI0bBhQ5GZmanyPqampuL7779XGEdHR0ccOnRICCHE4sWLRc+ePeX7S+fc0sdW8r5Y1fvZadOmCSMjI1FQUCDf5uDgIL777jshhOrcvWPHDmFsbFzmsZZ28+ZNoaGhIY4fP660j3mYiKjqKpN7X7Zz505hY2Mjvx0YGCj69u2r0KYyn3327dtXeHh4KNyvonx79OhR0ahRI3Hv3j2F+zRr1kx+28rKSkyfPl1+OzIyUgAQe/bskW9bsWKFcHZ2LvMY33//fTFs2DCFbX5+fmV+5lrZuErya8n5KX2cL78vfvlz9pLPl0t/PlBybI8ePRJCvMjpTZs2Ffn5+fI2AwYMEB988EGZx5qXlyd8fHwEAKGpqSlMTU0V3u+XaNq0qcI5JCIi9YuKilL6nLYyIiMjhZaWligqKhJCvMhBAER6enq593uV8qObm5vw8vIS2dnZIj8/X8ybN08AEP7+/grthg8fXuZn90T1FWeyIqqA+O9Uh6oqmPv16weZTAZbW1u8++67OHz4cLlTBwMvppQcMGAAzM3NoaenhyVLluDmzZsKbUr/ygUAWrRogTt37gAAEhIS4ObmBl1dXaW+U1NTkZ+fj+7du0NPT0/+l5qairS0NJXxFBQUQFtbW2FbeWOkpaWhqKgI3bt3l29r27YtDA0NFaZAlsrExASmpqby26ampmjfvr38tqamJoyNjZVmsnJycpL/u/R5UsXBwQGTJ09G586d0bt3b+zZsweGhoZKS1jo6OggPz+/ysdCREQVW7lyJfT09KCrq4uvvvoK69evR+fOnSvMM8bGxhgzZgw6dOiAMWPGYOvWrXjy5Em5YyUkJMDDw0PlvuTkZLi4uCj8esjd3V2e05KTk9GmTRs0bdpUvt/NzU2hj8uXL2PBggUKuTc4OLjc3AtAIf8mJiaicePGcHV1LTPO0udES0sLrq6u1cq9gGIeNTU1hYmJicJSuqamphXmXgBl5t/nz5/j2bNnCA4ORrdu3TB8+HAEBgZiy5YtCu2Ye4mIas7UqVNx8eJFxMfH49ixY8jMzMScOXMAvPj1bXp6OkaPHq2Qt06dOiXPW8nJyQq5TktLS2nWJwAKsyGX3K90rgKUc2p5ObfEy7kJgMJ7Q1W5CQDy8vIwbNgwdOjQAQsWLCjz/KjKwwkJCbCzs4O5ublS+4cPH+Kff/5RODYjIyM4ODjUeB5u06aNQlyVycP37t2r1Ixa27Ztg5mZGV5//XWlfczDRETVU17uBV7MUDF8+HBYWlpCX18fEydOVPo8uCwVffapKh9X9B7Xzs5OYdZHd3d3ZGdnKyz/V9V8XKKsz5zLe29embikKv05e8nnyy8fBwCFY7Gzs0OjRo3ktyv6zHn16tVISUnBiRMnEBsbi7fffhtDhw7FvXv3FNox3xIR/XtlZmZi/PjxaN26NfT19fH666+jqKgIt2/flrdp2rQprK2ty+3nVcqPP/74I+7evQsTExPo6ekhMzMTzs7O0NBQLE9hfqR/I62KmxC92kqWk1OVGA0MDOTrxx47dgyTJk1Ct27dVC6lALxYHuGNN97AqFGjsGzZMhgZGWHHjh0IDg5WaNegQQOF2zKZTL5cUHlFXCVfMv/222/yKSxLlLVcgrGxMR4+fKiwrbwxKioiU0UmkyncT9Xa86qOubzzoOp+qvaXp0GDBujYsSPS09MVtt+/fx/NmjWrdD9ERCTd1KlTMXfuXOjp6ckLdYDK5ZmdO3ciOjoaR44cwapVq7B06VL8+eefMDY2lhxHReMJIVQWWpf25MkTrFq1CgMHDlTYXno65NKMjIwgk8mQk5MjaRwpNDQ0lI6tovxbVu59+Yvbl+8DoMz8a2pqCm1tbVhZWcm3OTg4IDMzU6Edcy8RUc1p2rSpfBl7e3t7LF68GOPGjcOqVauQm5sL4MUytKU/QAUAfX19AJXPSS//KKcyObUyVOWZit73FRQU4M0330TDhg2xd+9eaGpqltl/yf8XcnJy5Lm6Ku9zy/NyHlaVg4HK5eGK3gMDlYs/JCQE48ePV/pAG2AeJiKqrvJyb8kSsx07dsRPP/2E5s2b4/fff4e/v3+l+q4oB9anfFyasbGxfCniyowtNReX5LPqfuas6j1tZd4Xl8jPz8cnn3yCkydPok+fPgBeFL4dPnwYO3bswKxZs+RtHzx4wHxLRFTP2NraQiaTITk5GZ07dy6z3YQJE/Ds2TNs3LgRrVq1Qnp6Ory8vBRyj6qJK172quRH4MX/iWJiYvDw4UMUFRXB2NgYLVu2hI2NjUK7+/fvo2PHjhUdGlG9wpmsiCqwZs0aWFhYqPzlLgA0bNgQXl5e+O677xAeHo7w8HDcuXMHmpqa0NDQUEgwycnJyMnJwZdffonu3bvD3t6+0r9aKuHk5ITY2Fjk5eUp7WvXrh0aNmyIrKwstGnTRuGvrCKrTp064enTpwqFRuWNYWtrCy0tLURFRcm3JSUlIScnB23btlU5homJiUI19+XLlyt9vLWpuLgYiYmJSgV0V65cQadOndQTFBHRK6LkQ+jSBVZA5fNMt27dsHTpUsTFxSEnJwe//vorgBdv9l5+c9ehQwf89ttvKuNo27Yt/vzzTxQVFcm3RUZGysdycHBASkqKQkFUbGysQh+dOnVCWlqaUu5VNRsG8GLmDAcHB3khd0mMT548wfnz51Xex8HBQeGcFBUV4fz585XOvXfv3lW4XVe6d++Op0+fKhRVXbt2DRYWFgrtmHuJiGqPlpYWiouL8ezZMzRv3hwtWrRARkaGUt4q+aWqg4MDYmJi5PcvLi5GXFxcheO0bdtWIVcBijm1opxbVU+fPoW3tzfy8vJw4MABhV/WqmJraws9PT2FPOzk5ISUlBT8/fffSu0NDAxgamqqcGz3799HcnLyv+Y9cGRkJK5evYp33nlH5X7mYSKimlU692ZnZyM1NRWffPIJevfuDQcHB6X3Zqrex1ZVRfm2bdu2SElJUZj9IjIyEiYmJmV+flwVnTp1Usi1wIt8W957cylxmZiYAIDa821hYSEKCwuVCrw1NDQUvphOT09Hfn4+8y0RUT3TrFkzeHp64ttvv1VZ0FQySUVUVBTmzZuHfv36oW3btsjOzq7SeK9KfizNwMAAxsbG+OOPP3D79m0MGTJEYT/fj9K/EYusiErJzc3F7du3kZGRgd9++w3jxo3D9u3bsWHDBoUplkscOnQI33//PS5fvoy0tDTs2rULzZo1g7GxMWQyGSwsLBAREYE7d+7gyZMnsLS0RIMGDbBu3TqkpaVhw4YNCAsLkxTj2LFjoaenh9GjR+PPP//E1atX8cMPPyA7OxtNmjTBzJkzMX36dOzbtw/p6emIjIzEokWLkJiYqLI/U1NTODk54ezZs5UaQ19fH5MmTcKcOXPwxx9/4MKFC5gwYQL69+8PR0dHlWP06dMHq1evRkJCAk6fPo3ly5dLOuaasnr1ahw6dAipqam4ePEi/Pz8cPfuXYwbN07epqCgAH/++Sf69eunlhiJiF51FeWZ9PR0BAYGIjo6Gjdu3MCePXvw5MkT2NnZAQCsrKwQFRWFW7du4cGDBwCAwMBAbNy4Ed988w1SUlIQExODrVu3AgDGjRuHp0+fYvr06UhKSsLOnTuxZs0a+dIOAwcORMuWLTFlyhRcuXIFe/fuRUhIiELMixYtwvfff49vvvkGV69eRXx8PNauXYtdu3aVeZz9+/dXyL2tW7fG2LFj4evrixMnTiAtLQ1hYWHyL3Rnz56NdevWYceOHUhKSsJ7772H/Px8+Pr6quy/T58++PnnnxEREYHLly9jypQpSlNR14WBAweiXbt2mDp1KhITE3Hy5EmsWLFC6VfbZ8+eZe4lIqohJe9rs7KycPbsWSxfvhy9evWCgYEBZDIZFi1ahI8//hhbt25Famoqzp8/jy+++AIREREAgOnTp2Pv3r3YuHEjkpOTMXv2bIVi47JMnz4d8fHx+OSTT3D16lWsXbsWe/fulefUinJuVRQWFsLHxwfXrl2TLyF8+/btcguLNTU14enpqZCHPT090bVrV7z11ls4e/YsUlNT8dNPP8mXVpo9ezaWLl2KI0eOIDExERMmTICVlZXSLJYl+vTpg6CgIMTGxuL8+fNYuHBhlY+xJgQHB6N79+5wcHBQuZ95mIioesrLvU2bNkXTpk2xadMm+efHP/zwg8L9rayskJycjKSkJGRnZ0uaqf9lFeXbAQMGwMbGBhMmTEBCQgKOHj2KxYsXVysfq+Lp6Ym///5b4Qc3AQEBOH78OAIDA5GUlCR/71yVuNq0aQMzMzMsWbIE165dw/bt27F79+4aPYbKaNKkCXr27Il58+YhOjoa165dw0cffYT09HQMGDBA3u7s2bNo164dzMzM6jxGIiIq39q1a5GcnIx+/frh+PHjuH79OqKjozFr1iwsW7YMwIsf6/z4449ISUnBsWPH8Pnnn1dprFclPwLAkSNHcPLkSaSlpWHv3r3w8fHBe++9p/BdcmZmJm7dugVPT0+1xEhUVSyyIirl22+/RcuWLWFvb49JkyahQYMGiI2NhZeXl8r2hoaG2LVrF3r37o2OHTsiJiYGhw4dkv9yZeXKlfjpp5/QsmVLzJw58/+xd/+xVtf3/cCf9+4WCKaMBC9s9t7b05sA/kB7IcUyo41uixcVWlNwTSdyqTRXM23WXMTRxs0SM9TO3n7DpNNmXYu4kFIB5/zBxUbS1oVNDCV2o6tMzKTCHQAAIABJREFUuQIlimUD14xLesv9/kE8isJHfpzLuRwej6TJ+dz35/M5r/f7fOqHe8/z835n7Nix+fa3v51vfetbufjii7N+/fosWrTohGocPnx4enp6cujQoXzqU5/K1KlTs2bNmnII7G/+5m/yZ3/2Z7njjjsyceLE/Mmf/El27txZuITSvHnz8oMf/OC43+Mb3/hGrrjiisycOTOf+tSn8pGPfCQrVqw45vm/8Y1v5MMf/nA++clPpqurK1/72tdOqM+VcvDgwfz5n/95LrroorS3t2f//v350Y9+dMQvt88880w++tGP5tJLL61KjQAU32dGjhyZf//3f89nPvOZTJw4MX/913+df/iHf8jkyZOTJHfccUf27t2b1tbW8s+uvvrqfPe73823v/3tXHTRRZk1a1b5y9cPf/jDefrpp/Ozn/0sH//4x7Nw4cLcfffd+dM//dMkh7+IXbNmTbZv357Jkyenu7v7ffexT3/601m5cmVWrFiRiy++OH/8x3+cJ5988ogl8t5r3rx5efzxx4+Yrvnb3/52rrrqqnz+85/PpEmTcs8995SneP785z+fu+++O3feeWc+/vGP56WXXsrTTz+dUaNGHfX8X/ziF/PZz342n/3sZ3Pdddfl85//fMaOHXsSn8apaWhoyFNPPZWBgYFMnTo1X/ziF3PLLbdkwYIF5X1++tOf5n/+53/ymc985rTXB1CL3v699iMf+Uhmz56diy666Ijg75e+9KV8/etfz9e//vVccMEFmTlzZl544YXyDIxXXXVVHnjggdx1112ZOnVqGhoa8ulPf/oD3/ejH/1oHn/88axduzaTJk3K//t//y/f+c53ctlllyX54HvuyfjlL39ZfpDmggsuyO///u+X/1fkvb8DJ8maNWtSKpVy7bXXpq2tLQ899FB5OYSFCxemo6Mj8+bNyyc+8Yn83//9X5544oljLkv41a9+NW1tbfnDP/zD3HjjjfnqV7960n08VX19fVm1alXmzZt31Hb3YYBTV3Tv/Z3f+Z384z/+Y9avX5+LLrooDz/8cPkL27fNnj07l156aaZOnZrGxsbs2LHjpGv5oPttfX19/umf/ikHDhzI1KlT09HRkblz51Y8EDx27Nhcc801R9xvL7zwwvzzP/9z1q1bl49//ONpb28vB5pPtK4PfehDefTRR7Nx48ZccsklWb16df7iL/6ion04Xt///vfT2tqaT3/602lra0tPT0/Wrl2bCy64oLzPD37wg3zhC1+oSn0AFLvgggvy4osvpqmpKR0dHTn//PMzZ86c1NXVpaurK0ny93//9/mv//qvXHzxxfnLv/zLk55M4my6P+7duzdf/OIXc/755+eOO+7Il770pSxduvSIfX7wgx+UH3KGM0ndwIku5gnUnP/93//NhAkT8i//8i9pbW2tdjlV9Ud/9Ef5whe+cMyZQQCgUtrb23PjjTdm7ty51S6lqubPn5+Pfexjueuuu6pdCgBnid/+9re55JJL8nd/93f51Kc+Ve1yqsp9GIDBsnHjxnR0dOTnP//5MYPJZ4Pt27fnD/7gD/KLX/wiv/u7v1vtcgCoMvfHww4dOpQLLrgg3/nOd3L55ZdXuxw4Ib/ztWpNKQMMGcOHD89FF12Uvr6+wlk3at2vf/3r7N27N7feemvq6uqqXQ4ANe4Tn/hEdu/efVavOX/o0KH8/Oc/z5e//OUMGzas2uUAcJaor6/PlClT8t///d/HXELvbOA+DMBgam5uTkNDQ37v937vrA4X/cd//Efa29tz8cUXV7sUAIYA98fDfvnLX2b06NGZPXt2tUuBE2YmKwAAAAAAAAAAgAL11S4AAAAAAAAAAABgKBOyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUKCh2gVU0vDhw9PY2JgkOXjwYIYPH17lioYGY3Ek4/EOY3Ek4/EOY3GkEx2PN998MwcPHhzEioaGd993q6WWrlV9GZpqpS+10o9EX4aqavbFfffE1dK1N1QY08ozppVlPCvvbB1T990TV6vXSq32K6ndvtVqv5La7Vut9iup3b5Vul9nw3230n9jPpOvrTO59kT91XQm156ov5rO5NqTytZ/IvfcmgpZNTY2ZteuXUmSnp6etLe3V7miocFYHMl4vMNYHMl4vMNYHOlEx6OpqWkQqxk63n3frZZaulb1ZWiqlb7USj8SfRmqqtkX990TV0vX3lBhTCvPmFaW8ay8s3VM3XdPXK1eK7Xar6R2+1ar/Upqt2+12q+kdvtW6X6dDffdSv+N+Uy+ts7k2hP1V9OZXHui/mo6k2tPKlv/idxzLRcIAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKDDoIaurr746l1xySdra2nLFFVdky5YtSZJt27blsssuy4QJE3LppZdm69at5WOK2gAAAAAAAAAAAE6nQQ9ZrVq1Ki+99FK2bNmSBQsW5Oabb06S3HLLLens7MzLL7+cO++8M/Pnzy8fU9QGAAAAQ8GxHioqlUo5//zz09bWlra2tnz/+98vH+OhIgAAAACAM9Ogh6xGjx5dfr1///7U19dnz5492bx5c+bMmZMkmTVrVrZv357e3t7CNgAAABgqjvVQUZI89thj2bJlS7Zs2ZLPfe5z5Z97qAgAAAAA4MzUcDreZO7cudmwYUOSZN26ddm5c2fOO++8NDQcfvu6urq0tLRkx44dOeecc47ZViqVjjhvd3d3uru7y9v79u1LT09PkqSvr6/8+mxnLI5kPN5hLI5kPN5hLI5kPACAoznaQ0VF3n6oaP369UkOP1R0++23p7e3932/7wIAAAAAMLSclpDVI488kiRZvnx5Fi5cmHvuuSd1dXVH7DMwMFB+XdT2bl1dXenq6ipvNzU1pb29PUnS09NTfn22MxZHMh7vMBZHMh7vMBZHMh4AwLG896Git9144405dOhQPvnJT+bee+9NY2Nj4QNHJ/JQ0akSIK88Y1p5xrSyjGflGdPqWLx4cb72ta/lZz/7WSZNmpRt27alo6Mjv/rVrzJ69Oh873vfy4UXXpgkhW0AAABwMk5LyOptHR0dufXWW9PU1JRdu3alv78/DQ0NGRgYyM6dO9PS0pKRI0cesw0AAACGkvc+VPT000/nxz/+cVpaWvKb3/wmd911Vzo6OvL0008nqcxDRadKgLzyjGnlGdPKMp6VZ0xPv82bN+df//Vfj/g78dvL8M6bNy+PPfZY5s+fn40bN35gGwAAAJyM4rUMTtFbb72V3bt3l7fXrl2bMWPGZOzYsZk8eXIeffTRJMnq1atTKpVSKpUK2wAAAGAo6ujoyIYNG7J3797yl78f+tCH8uUvfzk/+clPkiTNzc3lh4qSeKgIAI7TwYMHc9ttt+Vb3/pWObD89jK8c+bMSXJ4Gd7t27ent7e3sA0AAABO1qDOZLV///7MmjUrBw4cSH19fRobG/Pkk0+mrq4uDz/8cObNm5clS5Zk1KhRWb58efm4ojYAAACotrfeeiu//vWvc9555yV556GiESNGZN++fRk9enSSZOXKlZk8eXKSHPFQ0bx58zxUBADH6a/+6q8yZ86cfOxjHyv/rGgZ3nPOOee4l+hNLNN7Mmq1X0nt9q1W+5XUbt9qtV9J7fatVvsFALxjUENWzc3NeeGFF47aNnHixGNOz1zUBgAAANV2rIeK3njjjcyaNSu//e1vMzAwkNbW1vKSgomHigDgRG3cuDGbNm3Kfffd9762omV4j3eJ3sQyvSejVvuV1G7farVfSe32rVb7ldRu32q1XwDAOwY1ZAUAAAC1qOihop/+9KfHPM5DRQBwYn70ox/lP//zP8uzWO3atSvt7e1ZsmRJeRnehoaGI5bhHTly5DHbAAAA4GTVV7sAAAAAAAA4mkWLFmX37t3p7e1Nb29vmpqa0tPTk46OjvIyvEmOWIb33Uv0vrcNAAAATpaZrAAAAAAAOOMULcNriV4AAAAqTcgKAAAAAIAzQm9vb/l10TK8lugFAACg0iwXCAAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAo0VLsAGGylRU8dsb14Sv/7flYNvfddV+0SAIaMk/3v8mD/N91/qwGAoWoo/F57LP4NBTD0nep9ZLB+H3cPAaAWHc89sxrfX7rvApw4M1kBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAQJLk6quvziWXXJK2trZcccUV2bJlS5Jk27ZtueyyyzJhwoRceuml2bp1a/mYojYAqBVCVgAAAAAAAAAkSVatWpWXXnopW7ZsyYIFC3LzzTcnSW655ZZ0dnbm5Zdfzp133pn58+eXjylqA4BaIWQFAAAAAAAAQJJk9OjR5df79+9PfX199uzZk82bN2fOnDlJklmzZmX79u3p7e0tbAOAWtJQ7QIAAAAAAAAAGDrmzp2bDRs2JEnWrVuXnTt35rzzzktDw+Gvl+vq6tLS0pIdO3bknHPOOWZbqVQqn7O7uzvd3d3l7X379qWnp6diNff19VX0fJWyeEr/B+4zatjx7VdJZ8PYH68zuf4zufZE/dV0JteeVK9+ISsAAAAAAAAAyh555JEkyfLly7Nw4cLcc889qaurO2KfgYGB8uuitrd1dXWlq6urvN3U1JT29vaK1dzT01PR81VKadFTH7jP4in9uXvz6f3qvve+2h/743Um138m156ov5rO5NqT6tVvuUAAAAAAAAAA3qejoyMbNmxIU1NTdu3alf7+w7MtDQwMZOfOnWlpaUlzc/Mx2wCglghZAQAAAAAAAJC33noru3fvLm+vXbs2Y8aMydixYzN58uQ8+uijSZLVq1enVCqlVCoVtgFALbFcIAAAAAAAAADZv39/Zs2alQMHDqS+vj6NjY158sknU1dXl4cffjjz5s3LkiVLMmrUqCxfvrx8XFEbANQKISsAAAAAAAAA0tzcnBdeeOGobRMnTszGjRtPuA0AaoXlAgEAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAUaql0AAAAAAAAAAHD6lBY9VbFzLZ7SX7Hz9d53XUXOAzAYzGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVANSQq6++Opdcckna2tpyxRVXZMuWLUmSbdu25bLLLsuECRNy6aWXZuvWreVjitoAAAAAAAAAELICgJqyatWqvPTSS9myZUsWLFiQm2++OUlyyy23pLOzMy+//HLuvPPOzJ8/v3xMURsAAAAAAAAAQlYAUFNGjx5dfr1///7U19dnz5492bx5c+bMmZMkmTVrVrZv357e3t7CNgAAAAAAAAAOa6h2AQBAZc2dOzcbNmxIkqxbty47d+7Meeedl4aGw7f9urq6tLS0ZMeOHTnnnHOO2VYqlarVBQAAAAAAAIAhRcgKAGrMI488kiRZvnx5Fi5cmHvuuSd1dXVH7DMwMFB+XdT2bt3d3enu7i5v79u3Lz09PRWpefGU/pM6btSwkz/2eFSqf8ejr6/vtL7fYNKXoadW+pHoy1BVS30BAAAAAICjEbICgBrV0dGRW2+9NU1NTdm1a1f6+/vT0NCQgYGB7Ny5My0tLRk5cuQx296rq6srXV1d5e2mpqa0t7dXpNbSoqdO6rjFU/pz9+bB++dM732V6d/x6Onpqdh4Vpu+DD210o9EX4aqWuoLAAAAAAAcTX21CwAAKuOtt97K7t27y9tr167NmDFjMnbs2EyePDmPPvpokmT16tUplUoplUqFbQAAAAAAAAAcZiYrAKgR+/fvz6xZs3LgwIHU19ensbExTz75ZOrq6vLwww9n3rx5WbJkSUaNGpXly5eXjytqAwAAAAAAAEDICgBqRnNzc1544YWjtk2cODEbN2484TYAAAAAAAAALBcIAAAAAAAAAABQSMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAGNKuvvrqXHLJJWlra8sVV1yRLVu2JElKpVLOP//8tLW1pa2tLd///vfLx2zbti2XXXZZJkyYkEsvvTRbt26tVvkAAADUgIZqFwAAAAAAAEVWrVqV0aNHJ0kef/zx3Hzzzdm8eXOS5LHHHsukSZPed8wtt9ySzs7OzJs3L4899ljmz5+fjRs3nta6AQAAqB1msgIAAAAAYEh7O2CVJPv37099ffGftvfs2ZPNmzdnzpw5SZJZs2Zl+/bt6e3tHcwyAQAAqGFmsgIAAAAAYMibO3duNmzYkCRZt25d+ec33nhjDh06lE9+8pO5995709jYmJ07d+a8885LQ8PhP4HX1dWlpaUlO3bsSKlUOuK83d3d6e7uLm/v27cvPT09Fam5r6+vYueqpMVT+k/p+FHDTv0cRzMUxmqofmanqlb7ldRu32q1X0nt9q1W+wUAvEPICgAAAACAIe+RRx5JkixfvjwLFy7M008/nR//+MdpaWnJb37zm9x1113p6OjI008/neRwsOrdBgYGjnrerq6udHV1lbebmprS3t5ekZp7enoqdq5KKi166pSOXzylP3dvrvzXC733VX+shupndqpqtV9J7fatVvuV1G7farVfAMA7LBcIAAAAAMAZo6OjIxs2bMjevXvT0tKSJPnQhz6UL3/5y/nJT36SJGlubs6uXbvS3394tqWBgYHs3LmzvD8AAACcKCErAAAAAACGrLfeeiu7d+8ub69duzZjxozJiBEjsm/fvvLPV65cmcmTJydJxo4dm8mTJ+fRRx9NkqxevTqlUul9SwUCAADA8bJcIAAAAJyEq6++Oq+//nrq6+vz4Q9/OH/7t3+btra2bNu2LR0dHfnVr36V0aNH53vf+14uvPDCJClsAwCObv/+/Zk1a1YOHDiQ+vr6NDY25sknn8wbb7yRWbNm5be//W0GBgbS2tpaXlIwSR5++OHMmzcvS5YsyahRo7J8+fIq9gIAAIAznZAVAAAAnIRVq1Zl9OjRSZLHH388N998czZv3pxbbrklnZ2dmTdvXh577LHMnz8/GzduTJLCNgDg6Jqbm/PCCy8cte2nP/3pMY+bOHGi+ywAAAAVY7lAAAAAOAlvB6ySwzNs1NfXZ8+ePdm8eXPmzJmTJJk1a1a2b9+e3t7ewjYAAAAAAIY2M1kBAADASZo7d242bNiQJFm3bl127tyZ8847Lw0Nh3/drqurS0tLS3bs2JFzzjnnmG2lUqlaXQAAAAAA4DgIWQEAAMBJeuSRR5Iky5cvz8KFC3PPPfekrq7uiH0GBgbKr4va3q27uzvd3d3l7X379qWnp6ciNff19VXsXBxWjTFdPKX/tL7fiajEWLhOK8t4Vp4xBQAAgLOPkBUAAACcoo6Ojtx6661pamrKrl270t/fn4aGhgwMDGTnzp1paWnJyJEjj9n2Xl1dXenq6ipvNzU1pb29vSK19vT0VOxcHFaNMS0teuq0vt+J6L3v1MfCdVpZxrPyjCkAAACcfeqrXQAAAACcad56663s3r27vL127dqMGTMmY8eOzeTJk/Poo48mSVavXp1SqZRSqVTYBgAAAADA0GYmKwAAADhB+/fvz6xZs3LgwIHU19ensbExTz75ZOrq6vLwww9n3rx5WbJkSUaNGpXly5eXjytqAwAAAABg6BKyAgAAgBPU3NycF1544ahtEydOzMaNG0+4DQAAAACAoctygQAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBgUENWfX19uf766zNhwoS0tbVl+vTp6e3tTZJceeWVaW1tTVtbW9ra2vLNb36zfNyePXsyffr0jB8/PpMmTcrzzz8/mGUCAAAAAAAAAAAcU8Ngv0FnZ2euueaa1NXV5cEHH0xnZ2fWr1+fJFm6dGlmzJjxvmMWLVqUadOmZd26ddm0aVNmz56dV155JQ0Ng14uAAAAAAAAAADAEQZ1JqsRI0bk2muvTV1dXZJk2rRpefXVVz/wuFWrVuW2225LkkydOjXjxo0zmxUAAAAAAAAAAFAVgxqyeq+lS5dm5syZ5e2FCxfm4osvzuc+97ly+Grv3r05dOhQGhsby/uVSqXs2LHjdJYKAAAAAAAAAACQ5DQsF/i2JUuWZNu2bXnooYeSJCtWrEhzc3MGBgaybNmyzJgxI1u3bk2S8sxXbxsYGDjqObu7u9Pd3V3e3rdvX3p6epIkfX195ddnu7N9LBZP6T9ie9Sw9/+sGobCZ3K2XxvvZTzeYSyOZDwAAAAAAAAAzm6nJWT1wAMPZM2aNfnhD3+YkSNHJkmam5uTHA5U3X777bnjjjuyd+/ejBkzJkny5ptvlmezeu2119LS0vK+83Z1daWrq6u83dTUlPb29iSHAyxvvz7bne1jUVr01BHbi6f05+7Npy1feEy991X/Mznbr433Mh7vMBZHMh4AAAAAAAAAZ7dBXy6wu7s7K1euzLPPPpvRo0cnSfr7+/PGG2+U91m9enXGjRtXDljdcMMNWbZsWZJk06ZNef3113P55ZcPdqkAAAAAAAAAAADvM6jT+ezatSsLFixIa2trrrrqqiTJ8OHD89xzz+W6667LwYMHU19fn3PPPTdPPPFE+bj7778/N910U8aPH59hw4ZlxYoVaWio/sxDAAAAAAAAAADA2WdQk0tNTU0ZGBg4atuLL754zOPGjRuX9evXD1ZZAAAAAAAAAAAAx23QlwsEAAAAAAAAAAA4kwlZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAIN1S4AAAAYWkqLnqp2CUfVe9911S4BAAAAAAA4S5nJCgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAICzXF9fX66//vpMmDAhbW1tmT59enp7e5MkV155ZVpbW9PW1pa2trZ885vfLB+3Z8+eTJ8+PePHj8+kSZPy/PPPV6kHADC4GqpdAAAAAAAAAADV19nZmWuuuSZ1dXV58MEH09nZmfXr1ydJli5dmhkzZrzvmEWLFmXatGlZt25dNm3alNmzZ+eVV15JQ4OvogGoLWayAgAAAAAAADjLjRgxItdee23q6uqSJNOmTcurr776gcetWrUqt912W5Jk6tSpGTdunNmsAKhJ4sMAAAAAAAAAHGHp0qWZOXNmeXvhwoX5yle+kgsvvDD33ntvWltbs3fv3hw6dCiNjY3l/UqlUnbs2PG+83V3d6e7u7u8vW/fvvT09FSs3r6+voqer1IWT+n/wH1GDTu+/YaqStZfjc9wqF47x+NMrj1RfzWdybUn1atfyAoAAAAAAACAsiVLlmTbtm156KGHkiQrVqxIc3NzBgYGsmzZssyYMSNbt25NkvLMV28bGBg46jm7urrS1dVV3m5qakp7e3vFau7p6ano+SqltOipD9xn8ZT+3L35zP3qvpL19953+j/DoXrtHI8zufZE/dV0JteeVK9+ywUCAAAAAAAAkCR54IEHsmbNmjzzzDMZOXJkkqS5uTnJ4UDV7bffnldffTV79+7NmDFjkiRvvvlm+fjXXnstLS0tp79wABhkQlYAAAAAAAAApLu7OytXrsyzzz6b0aNHJ0n6+/vzxhtvlPdZvXp1xo0bVw5Y3XDDDVm2bFmSZNOmTXn99ddz+eWXn/7iAWCQnblzDgIMEcczzWs19N53XbVLAAAAAAAAzhC7du3KggUL0tramquuuipJMnz48Dz33HO57rrrcvDgwdTX1+fcc8/NE088UT7u/vvvz0033ZTx48dn2LBhWbFiRRoafA0NQO1xdwMAAAAAAAA4yzU1NWVgYOCobS+++OIxjxs3blzWr18/WGUBwJBhuUAAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUANaKvry/XX399JkyYkLa2tkyfPj29vb1JkiuvvDKtra1pa2tLW1tbvvnNb5aP27NnT6ZPn57x48dn0qRJef7556vUAwC9mKCDAAAgAElEQVQAAAAAAIChqaHaBQAAldPZ2ZlrrrkmdXV1efDBB9PZ2Zn169cnSZYuXZoZM2a875hFixZl2rRpWbduXTZt2pTZs2fnlVdeSUODfyYAAAAAAAAAJGayAoCaMWLEiFx77bWpq6tLkkybNi2vvvrqBx63atWq3HbbbUmSqVOnZty4cWazAgAAAAAAAHgXU1QAQI1aunRpZs6cWd5euHBhvvKVr+TCCy/Mvffem9bW1uzduzeHDh1KY2Njeb9SqZQdO3a873zd3d3p7u4ub+/bty89PT0VqXXxlP6TOm7UsJM/9nhUqn/Ho6+v77S+32DSl6HnRPsxmP+/OhU9PT0185kktXN9JbXVFwAAAAAAOBohKwCoQUuWLMm2bdvy0EMPJUlWrFiR5ubmDAwMZNmyZZkxY0a2bt2aJOWZr942MDBw1HN2dXWlq6urvN3U1JT29vaK1Fta9NRJHbd4Sn/u3jx4/5zpva8y/TsePT09FRvPatOXoedE+3Gy/58cbL33tdfMZ5LUzvWV1FZfAAAAAADgaCwXCAA15oEHHsiaNWvyzDPPZOTIkUmS5ubmJIcDVbfffnteffXV7N27N2PGjEmSvPnmm+XjX3vttbS0tJz+wgEAAOAYrr766lxyySVpa2vLFVdckS1btiRJtm3blssuuywTJkzIpZdeWn6g6IPaAAAA4EQJWQFADenu7s7KlSvz7LPPZvTo0UmS/v7+vPHGG+V9Vq9enXHjxpUDVjfccEOWLVuWJNm0aVNef/31XH755ae/eAAAADiGVatW5aWXXsqWLVuyYMGC3HzzzUmSW265JZ2dnXn55Zdz5513Zv78+eVjitoAAADgRFkuEABqxK5du7JgwYK0trbmqquuSpIMHz48zz33XK677rocPHgw9fX1Offcc/PEE0+Uj7v//vtz0003Zfz48Rk2bFhWrFiRhgb/RAAAAGDoePtBoiTZv39/6uvrs2fPnmzevDnr169PksyaNSu33357ent7M3LkyGO2lUqlanQBAACAM5xvUAGgRjQ1NWVgYOCobS+++OIxjxs3blz5j84AAAAwVM2dOzcbNmxIkqxbty47d+7MeeedV35QqK6uLi0tLdmxY0fOOeecY7YJWQEAAHAyhKwAAAAAABjyHnnkkSTJ8uXLs3Dhwtxzzz2pq6s7Yp93P3xU1PZu3d3d6e7uLm/v27cvPT09Fam5r6+vYueqpMVT+k/p+FHDTv0cRzMUxmqofmanqlb7ldRu32q1X0nt9q1W+wUAvEPICgAAAACAM0ZHR0duvfXWNDU1ZdeuXenv709DQ0MGBgayc+fOtLS0ZOTIkcdse6+urq50dXWVt5uamtLe3l6RWnt6eip2rkoqLXrqlI5fPKU/d2+u/NcLvfdVf6yG6md2qmq1X0nt9q1W+5XUbt9qtV8AwDvqq10AAAAAAAAcy1tvvZXdu3eXt9euXZsxY8Zk7NixmTx5ch599NEkyerVq1MqlVIqlQrbAAAA4GSYyQoAAAAAgCFr//79mTVrVg4cOJD6+vo0NjbmySefTF1dXR5++OHMmzcvS5YsyahRo7J8+fLycUVtAAAAcKKErAAAAAAAGLKam5vzwgsvHLVt4sSJ2bhx4wm3AQAAwImyXCAAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAcIL6+vpy/fXXZ8KECWlra8v06dPT29ubJLnyyivT2tqatra2tLW15Zvf/Gb5uD179mT69OkZP358Jk2alOeff75KPQAAAAAA4EQ0VLsAAAAAOBN1dnbmmmuuSV1dXR588MF0dnZm/fr1SZKlS5dmxowZ7ztm0aJFmTZtWtatW5dNmzZl9uzZeeWVV9LQ4NdzAAAAAIChzExWAAAAcIJGjBiRa6+9NnV1dUmSadOm5dVXX/3A41atWpXbbrstSTJ16tSMGzfObFYAAAAAAGcAISsAAAA4RUuXLs3MmTPL2wsXLszFF1+cz33uc+Xw1d69e3Po0KE0NjaW9yuVStmxY8dprxcAAAAAgBNjPQIAAAA4BUuWLMm2bdvy0EMPJUlWrFiR5ubmDAwMZNmyZZkxY0a2bt2aJOWZr942MDBw1HN2d3enu7u7vL1v37709PRUpN6+vr6KnYvDqjGmi6f0n9b3OxGVGAvXaWUZz8ozpgAAAHD2EbICAACAk/TAAw9kzZo1+eEPf5iRI0cmSZqbm5McDlTdfvvtueOOO7J3796MGTMmSfLmm2+WZ7N67bXX0tLS8r7zdnV1paurq7zd1NSU9vb2itTc09NTsXNxWDXGtLToqdP6fiei975THwvXaWUZz8ozpgAAAHD2sVwgAAAAnITu7u6sXLkyzz77bEaPHp0k6e/vzxtvvFHeZ/Xq1Rk3blw5YHXDDTdk2bJlSZJNmzbl9ddfz+WXX376iwcAAAAA4ISYyQoAAABO0K5du7JgwYK0trbmqquuSpIMHz48zz33XK677rocPHgw9fX1Offcc/PEE0+Uj7v//vtz0003Zfz48Rk2bFhWrFiRhga/mgMAAAAADHX+kgsAAAAnqKmpKQMDA0dte/HFF4953Lhx47J+/frBKgsAAAAAgEFiuUAAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQY1JBVX19frr/++kyYMCFtbW2ZPn16ent7kyR79uzJ9OnTM378+EyaNCnPP/98+biiNgAAAAAAAAAAgNOpYbDfoLOzM9dcc03q6ury4IMPprOzM+vXr8+iRYsybdq0rFu3Lps2bcrs2bPzyiuvpKGhobANAAAAAACoPaVFT1W7hCye0v++Onrvu65K1QAAAEPJoM5kNWLEiFx77bWpq6tLkkybNi2vvvpqkmTVqlW57bbbkiRTp07NuHHjyjNWFbUBAAAAAAAAAACcTqd1aqilS5dm5syZ2bt3bw4dOpTGxsZyW6lUyo4dOwrb3qu7uzvd3d3l7X379qWnpyfJ4aUK3359tjvbx2LxlP4jtkcNe//PqmEofCZn+7XxXic7HkPhejqaU/lsXRtHMh4AAAAAAAAAZ7fTFrJasmRJtm3bloceeigHDhwoz271toGBgfLrorZ36+rqSldXV3m7qakp7e3tSQ6HC95+fbY728fivVM7L57Sn7s3V3/pyd77qv+ZnO3Xxnud7HgMhWnMj+ZUrjHXxpGMBwAAAAAAAMDZbVCXC3zbAw88kDVr1uSZZ57JyJEjM2bMmCTJm2++Wd7ntddeS0tLS2EbAAAAAAAAAADA6TboIavu7u6sXLkyzz77bEaPHl3++Q033JBly5YlSTZt2pTXX389l19++Qe2AQAAAAAAAAAAnE6Dumbarl27smDBgrS2tuaqq65KkgwfPjz/9m//lvvvvz833XRTxo8fn2HDhmXFihVpaDhcTlEbAAAAAAAAAADA6TSoyaWmpqYMDAwctW3cuHFZv379CbcBAAAAAAAAAACcToO+XCAAAAAAAAAAAMCZTMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAJzl+vr6cv3112fChAlpa2vL9OnT09vbmyTZs2dPpk+fnvHjx2fSpEl5/vnny8cVtQFALRGyAgAAAAAAACCdnZ35xS9+kS1btmTGjBnp7OxMkixatCjTpk3Ltm3b8t3vfjc33nhj+vv7P7ANAGqJkBUAAAAAAADAWW7EiBG59tprU1dXlySZNm1aXn311STJqlWrcttttyVJpk6dmnHjxpVnrCpqA4Ba0lDtAgAAAAAAAAAYWpYuXZqZM2dm7969OXToUBobG8ttpVIpO3bsKGx7r+7u7nR3d5e39+3bl56enorV29fXV9HzVcriKR88q9eoYce331BVyfqr8RkO1WvneJzJtSfqr6YzufakevULWQEAAAAAAABQtmTJkmzbti0PPfRQDhw4UJ7d6m0DAwPl10Vt79bV1ZWurq7ydlNTU9rb2ytWc09PT0XPVymlRU994D6Lp/Tn7s1n7lf3lay/977T/xkO1WvneJzJtSfqr6YzufakevVbLhAAAAAAAACA/8/eHcdGed/3A39f5hBGmMeWAhUyxwkNk3WpBEghlEWokZhgaSJFhSh/hChITGYTG80cDVEtUco2ESJFtyqrpfDH1JIwoWYhE52S1KSapgiVZqkIWxFVcRocbFXUaSZvUxZ3GO73B79ckwCHbc7n4/x6SUh+ns/zfe7zvedrPpz94XmSJE8//XReeumlvPrqq5k1a1ZuueWWJMl7771XPebdd99NsVisGQOAVqPJCgAAAAAAAICUy+UcOHAgr732WubMmVPdf//996enpydJ8uabb+bs2bO58847rxoDgFZy/d5zEAAAAAAAAIC6GBwczKOPPprFixfnrrvuSpLcdNNNeeONN/LUU0/loYceypIlSzJjxow8//zzaWu7+KvmWjEAaCWqGwAAAAAAAMA019HRkUqlctnY/Pnzc/jw4XHHAKCVeFwgAAAAAAAAAABADZqsAAAAAAAAAAAAatBkBQAAAAAAAAAAUIMmKwAAAAAAAAAAgBo0WQEAAAAA0LRGRkZy3333pbOzM8uWLcv69evT39+fJPniF7+YxYsXZ9myZVm2bFn+9m//tjpuaGgo69evz5IlS3LbbbflyJEjUzQDAAAAWkHbVCcAAAAAAAC1dHV15Q//8A9TKBTyjW98I11dXTl8+HCS5Jlnnsk999xzyZidO3dm1apV+e53v5s333wzGzduzE9/+tO0tfmxOAAAAOPnTlYAAAAAADStmTNn5u67706hUEiSrFq1Ku+8885Vx73wwgvZtm1bkuT222/P/Pnz3c0KAACACfNfdgAAAAAAuG4888wzuffee6vbf/EXf5GvfvWr+dznPpcnn3wyixcvzvvvv58LFy5k7ty51eNKpVLOnDlzyfnK5XLK5XJ1e3h4OL29vXXJdWRkpG7nqqddK0avaXz7jGs/R7O63Nya8RqOV7OuxXpo1bm16ryS1p1bq84LAPgVTVYAAAAAAFwXdu/enb6+vjz77LNJkueffz4LFy5MpVJJT09P7rnnnpw8eTJJqne++kilUrnsObu7u9Pd3V3d7ujoyLp16+qSb29vb93OVU+lnS9f0/hdK0bzxLHW/PXC5ebWv6f5ruF4NetarIdWnVurzitp3bm16rwAgF/xuEAAAAAAAJre008/nZdeeimvvvpqZs2alSRZuHBhkosNVX/6p3+ad955J++//35uueWWJMl7771XHf/uu++mWCw2PnEAAABagiYrAAAAAACaWrlczoEDB/Laa69lzpw5SZLR0dH8/Oc/rx5z8ODBzJ8/v9pgdf/996enpydJ8uabb+bs2bO58847G588AAAALaE17+cLAAAAAEBLGBwczKOPPprFixfnrrvuSpLcdNNN+Zd/+Zd86Utfyi9/+cvccMMN+cxnPpPvfOc71XFPPfVUHnrooSxZsiQzZszI888/n7Y2PxIHAABgYnyiBAAAAACgaXV0dKRSqVw29sMf/vCK4+bPn5/Dhw9PVloAAABMMx4XCAAAAAAAAAAAUIMmKwAAAAAAAAAAgBo0WQFAixgZGcl9992Xzs7OLFu2LOvXr09/f3+SZGhoKOvXr8+SJUty22235ciRI9VxtWIAAAAAAAAAaLICgJbS1dWVn/zkJzl+/HjuueeedHV1JUl27tyZVatWpa+vL9/85jfz4IMPZnR09KoxAAAAAAAAADRZAUDLmDlzZu6+++4UCoUkyapVq/LOO+8kSV544YVs27YtSXL77bdn/vz51TtW1YoBAAAAAAAAkLRNdQIAwOR45plncu+99+b999/PhQsXMnfu3GqsVCrlzJkzNWOfVi6XUy6Xq9vDw8Pp7e2tS667VkzszlntMyY+dizqNb+xGBkZaejrTSZzaT7jncdkfl9di97e3pa5JknrrK+kteYCAAAAAACXo8kKAFrQ7t2709fXl2effTYffvhh9e5WH6lUKtWva8U+rru7O93d3dXtjo6OrFu3ri75lna+PKFxu1aM5oljk/fPmf499ZnfWPT29tbt/Zxq5tJ8xjuPiX5PTrb+Peta5pokrbO+ktaaCwAAAAAAXI7HBQJAi3n66afz0ksv5dVXX82sWbNyyy23JEnee++96jHvvvtuisVizRgAAAAAAAAAF2myAoAWUi6Xc+DAgbz22muZM2dOdf/999+fnp6eJMmbb76Zs2fP5s4777xqDAAAAAAAAACPCwSAljE4OJhHH300ixcvzl133ZUkuemmm/LGG2/kqaeeykMPPZQlS5ZkxowZef7559PWdvGfAbViAADT3VgeobprxWjTPmoVAAAAAKgPv0EFgBbR0dGRSqVy2dj8+fNz+PDhcccAAAAAAAAA8LhAAAAAAAAAAACAmjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAAAAAAKhBkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAMZpZGQk9913Xzo7O7Ns2bKsX78+/f39SZKhoaGsX78+S5YsyW233ZYjR45Ux9WKAQAAAADQvDRZAQAAwAR0dXXlJz/5SY4fP5577rknXV1dSZKdO3dm1apV6evryze/+c08+OCDGR0dvWoMAAAAAIDmpckKAAAAxmnmzJm5++67UygUkiSrVq3KO++8kyR54YUXsm3btiTJ7bffnvnz51fvWFUrBgAAAABA82qb6gQAAADgevfMM8/k3nvvzfvvv58LFy5k7ty51VipVMqZM2dqxj6tXC6nXC5Xt4eHh9Pb21uXXEdGRup2rulg14qr32msfcbYjpsu6rG+rNP68n7Wn/cUAAAAph9NVgAAAHANdu/enb6+vjz77LP58MMPq3e3+kilUql+XSv2cd3d3enu7q5ud3R0ZN26dXXJt7e3t27nmg5KO1++6jG7VozmiWN+xPKR/j3Xvr6s0/ryftaf9xQAAACmH48LBAAAgAl6+umn89JLL+XVV1/NrFmzcssttyRJ3nvvveox7777borFYs0YAAAAAADNTZMVAAAATEC5XM6BAwfy2muvZc6cOdX9999/f3p6epIkb775Zs6ePZs777zzqjEAAAAAAJqXe9kDAADAOA0ODubRRx/N4sWLc9dddyVJbrrpprzxxht56qmn8tBDD2XJkiWZMWNGnn/++bS1Xfz4XSsGAAAAAEDz8pNcAAAAGKeOjo5UKpXLxubPn5/Dhw+POwYAAAAAQPPyuEAAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGoYc5PVP//zP+e///u/kyRPP/10Nm7cmBMnTkxaYgAwXam5ANA46i4ANI66CwCNo+4CQP2NucnqL//yL9Pe3p5///d/z/79+/MHf/AH+ZM/+ZPJzA0ApiU1FwAaR90FgMZRdwGgcdRdAKi/MTdZtbW1JUkOHz6crq6ubN26NR988MGkJQYA05WaCwCNo+4CQOOouwDQOOouANTfmJuszp8/nx/84Ac5ePBg7rrrriTJuXPnJi0xAJiu1FwAaBx1FwAaR90FgMZRdwGg/sbcZPU3f/M3+eM//uPceeed+d3f/d385Cc/yZIlSyYzNwCYltRcAGgcdRcAGkfdBYDGUXcBoP7axnrgokWLcvz48er20qVL87WvfW0ycgKAaU3NBYDGUXcBoHHUXQBoHHUXAOpvzHey2rx585j2AQDXRs0FgMZRdwGgcdRdAGgcdRcA6u+qd7L6xS9+kaGhoYyMjOTHP/5xKpVKkuS//uu/8sEHH0x6ggAwXai5ANA46i4ANI66CwCNo+4CwOS5apPVP/zDP+TrX/96fvazn+Xuu++u7v/N3/zN7NixY1KTA4DpRM0FgMZRdwGgcdRdAGgcdRcAJs9Vm6y+8pWv5Ctf+Ur++q//Oo8//ngjcgKAaUnNBYDGUXcBoHHUXQBoHHUXACbPVZusPvL444/nwoULOXv2bEZHR6v7i8XipCQGANOVmgsAjaPuAkDjqLsA0DjqLgDU35ibrPbt25c/+7M/y4033pgbbrghSVIoFDI0NDRpyQHAdKTmAkDjqLsA0DjqLgA0jroLAPU35iarv/qrv8q//du/5dZbb53MfABg2lNzAaBx1F0AaBx1FwAaR90FgPq7YawHzp07VxEGgAZQcwGgcdRdAGgcdRcAGkfdBYD6G3OT1Ze//OV84xvfyH/+53/mf//3f6t/AID6UnMBoHHUXQBoHHUXABpH3QWA+hvz4wJ37tyZJNm+fXsKhUIqlUoKhULOnz8/ackBfKS08+VJf41dK0Yb8jpwNWouADSOugsAjaPuAkDjqLsAUH9jbrK6cOHCZOYBAPx/ai4ANI66CwCNo+4CQOOouwBQf2N+XCAAAAAAAAAAAMB0NOY7Wd1www0pFAqX7HdLSQCoLzUXABpH3QWAxlF3AaBx1F0AqL8xN1n9z//8T/XrDz/8MM8991z+7//+76rjtm/fnu985zt5991386Mf/Si33XZbkqRUKmXmzJmZOXNmkuSrX/1qHnjggSRJX19fHn744fziF7/InDlz8q1vfSuf+9znxjUxALheTbTmAgDjp+4CQOOouwDQOOouANTfmB8XePPNN1f/fOYzn0l3d3e++93vXnXcxo0bc+TIkSxatOiS2Isvvpjjx4/n+PHj1QarJNm6dWu6urpy6tSp7NixI1u2bBlrmgBw3ZtozQUAxk/dBYDGUXcBoHHUXQCovzE3WX1aX19fBgYGrnrcmjVr0tHRMebzDg0N5dixY9m0aVOSZMOGDTl9+nT6+/snmioAXNfGWnMBgGun7gJA44y17o6MjOS+++5LZ2dnli1blvXr11d/Xjw0NJT169dnyZIlue2223LkyJHquFoxAJhufN4FgGs35scFzp07t/rc3tHR0Zw/fz7PPPPMNb34gw8+mAsXLuSOO+7Ik08+mblz52ZgYCALFixIW9vF1AqFQorFYs6cOZNSqXRNrwcA14PJqLkAwOWpuwDQONdSd7u6uvKHf/iHKRQK+cY3vpGurq4cPnw4O3fuzKpVq/Ld7343b775ZjZu3Jif/vSnaWtrqxkDgFbn8y4A1N+YP03+8Ic//NWgtrZ89rOfza/92q9N+IVff/31FIvFnDt3Lo899lgefvjhvPLKK0lSLfgfqVQqlz1HuVxOuVyubg8PD6e3tzfJxf/d9NHX0910fy92rRj9xHb7jEv3TYVmuCbX09poxDVrlrVRL9dyba+ntdEIjX4/6l1zAYArU3cBoHEmWndnzpyZu+++u7q9atWqfP3rX0+SvPDCCzl9+nSS5Pbbb8/8+fNz5MiRfPGLX6wZA4BW5/MuANTfmJusFi1alA8//DD/8R//kUKhkN/+7d/Or//6r0/4hYvFYpLkxhtvzCOPPJLOzs4kycKFCzM4OJjR0dG0tbWlUqlkYGCgevzHdXd3p7u7u7rd0dGRdevWJbnYXPDR19PddH8vSjtf/sT2rhWjeeLY1P9vtf49U39Nrqe18enrOBmaZW3Uy7WssetpbTRCo9+PetdcAODK1F0AaJx61d1nnnkm9957b95///1cuHAhc+fOrcZKpVLOnDlTMwYA04HPuwBQf2PuJvj+97+fjRs3Zv78+alUKnnvvffy4osv5gtf+MK4X/SDDz7IuXPnMmfOnCTJgQMHsnz58iTJvHnzsnz58uzfvz+bN2/OwYMHUyqVPCoQgGmjnjUXAKhN3QWAxqlH3d29e3f6+vry7LPP5sMPP6z5VIR6PDHhWjXr3cKv9W7urXZH+I+73Nya8RqOV7OuxXpo1bm16ryS1p1bs83L510AqL8xN1l1d3fnH//xH/P7v//7SS4W5j//8z/PD37wg5rjtm3blkOHDuXs2bNZu3ZtZs+encOHD2fDhg05f/58KpVKFi9enOeee646Zu/evdm8eXN2796d9vb27Nu3b4LTA4Drz0RrLgAwfuouADTOtdbdp59+Oi+99FK+973vZdasWZk1a1aS5L333qveserdd99NsVjMLbfccsXY5fK60hMTrlWz3i38Wu8a32p3hP+4y82tGZ5KcK2adS3WQ6vOrVXnlbTu3JptXj7vAkD9jflT0MjISLUIJ8nq1aszMjJy1XE9PT3p6em5ZP9bb711xTFLly7N0aNHx5oaALSUidZcAGD81F0AaJxrqbvlcjkHDhzI9773veoTEpLk/vvvT09PT772ta/lzaFMjL4AACAASURBVDffzNmzZ3PnnXdeNQYArc7nXQCovxvGeuCsWbPyve99r7r9r//6r9X/KQQA1I+aCwCNo+4CQONMtO4ODg7m0UcfzfDwcO66664sW7Ysd9xxR5Lkqaeeyve///0sWbIkmzdvzvPPP5+2trarxgCg1fm8CwD1N+ZPlH/3d3+XL3/5y7nppptSKBTyy1/+MgcPHpzM3ABgWlJzAaBx1F0AaJyJ1t2Ojo5UKpXLxubPn5/Dhw+POwYArc7nXQCovzE3Wf3sZz/LD3/4w/z85z9PpVLJZz/72bzxxhuTmRsATEtqLgA0jroLAI2j7gJA40y07m7fvj3f+c538u677+ZHP/pRbrvttiRJqVTKzJkzM3PmzCTJV7/61TzwwANJkr6+vjz88MP5xS9+kTlz5uRb3/pWPve5z03e5ABgioz5cYGPP/545s6dm9tuuy2f//zn85nPfCaPP/74ZOYGANOSmgsAjaPuAkDjqLsA0DgTrbsbN27MkSNHsmjRoktiL774Yo4fP57jx49XG6ySZOvWrenq6sqpU6eyY8eObNmypa5zAYBmMeYmq08rFAq5cOFCPXMBAC5DzQWAxlF3AaBx1F0AaJyx1t01a9ako6NjzOcdGhrKsWPHsmnTpiTJhg0bcvr06fT39080VQBoWmNusmpvb//ELSR/8IMf5Dd+4zcmJSkAmM7UXABoHHUXABpH3QWAxpmMuvvggw/m85//fP7oj/4o7733XpJkYGAgCxYsSFtbW5KLzVzFYjFnzpy5ptcCgGbUNtYDn3rqqdx33335vd/7vSTJj3/84/zTP/3TpCUGANOVmgsAjaPuAkDjqLsA0Dj1rruvv/56isVizp07l8ceeywPP/xwXnnllSQXG6s+rlKpXPYc5XI55XK5uj08PJze3t4J5/RpIyMjdT1fvexaMXrVY9pnjO24ZlXP/KfiGjbr2hmL6zn3RP5T6XrOPZm6/MfcZPWFL3whJ0+ezNGjR5Mkq1evzpw5cyYtMQCYrtRcAGgcdRcAGkfdBYDGqXfdLRaLSZIbb7wxjzzySDo7O5MkCxcuzODgYEZHR9PW1pZKpZKBgYHq8R/X3d2d7u7u6nZHR0fWrVs34Zw+rbe3t67nq5fSzpevesyuFaN54tiYf3XfdOqZf/+exl/DZl07Y3E9557Ifypdz7knU5f/uP6m+63f+q3cfffdk5ULAPD/qbkA0DjqLgA0jroLAI1Tr7r7wQcf5Ny5c9UmrQMHDmT58uVJknnz5mX58uXZv39/Nm/enIMHD6ZUKqVUKl3z6wJAs7l+22EBAAAAAAAAqJtt27bl0KFDOXv2bNauXZvZs2fn8OHD2bBhQ86fP59KpZLFixfnueeeq47Zu3dvNm/enN27d6e9vT379u2bwhkAwOTRZAUAAAAAAABAenp60tPTc8n+t95664pjli5dWn0sIQC0shumOgEAAAAAAAAAAIBmpskKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGpom+oEAABgspV2vjyhcbtWjE547Fj07/nSpJ0bAAAAAACA+nEnKwAAAAAAAAAAgBo0WQEAAAAAAAAAANSgyQoAAAAAAAAAAKAGTVYA0EK2b9+eUqmUQqGQEydOVPeXSqXceuutWbZsWZYtW5Zvf/vb1VhfX19Wr16dzs7OrFy5MidPnpyK1AEAAAAAAACaliYrAGghGzduzJEjR7Jo0aJLYi+++GKOHz+e48eP54EHHqju37p1a7q6unLq1Kns2LEjW7ZsaWTKAAAAAAAAAE1PkxUAtJA1a9ako6NjzMcPDQ3l2LFj2bRpU5Jkw4YNOX36dPr7+ycpQwAAAAAAAIDrT9tUJwAANMaDDz6YCxcu5I477siTTz6ZuXPnZmBgIAsWLEhb28V/EhQKhRSLxZw5cyalUukT48vlcsrlcnV7eHg4vb29dclt14rRCY1rnzHxsWNRr/mNxcjISENfbzI141ym+xob7zWZzDlfi97e3qZcXxNlLgAAAAAAcP3QZAUA08Drr7+eYrGYc+fO5bHHHsvDDz+cV155JcnFxqqPq1Qqlz1Hd3d3uru7q9sdHR1Zt25dXfIr7Xx5QuN2rRjNE8cm758z/XvqM7+x6O3trdv7OdWacS7TfY2N95pM9P2abP171jXl+poocwEAAAAAgOuHJisAmAaKxWKS5MYbb8wjjzySzs7OJMnChQszODiY0dHRtLW1pVKpZGBgoHo8AAAAAAAAAMkNU50AADC5PvjggwwPD1e3Dxw4kOXLlydJ5s2bl+XLl2f//v1JkoMHD6ZUKl3yqEAAAAAAAACA6cydrACghWzbti2HDh3K2bNns3bt2syePTuHDx/Ohg0bcv78+VQqlSxevDjPPfdcdczevXuzefPm7N69O+3t7dm3b98UzgAAAAAAAACg+WiyAoAW0tPTk56enkv2v/XWW1ccs3Tp0hw9enQy0wIAAAAAAAC4rnlcIAAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAxmn79u0plUopFAo5ceJEdX+pVMqtt96aZcuWZdmyZfn2t79djfX19WX16tXp7OzMypUrc/LkyalIHQAAAACACdBkBQAAAOO0cePGHDlyJIsWLbok9uKLL+b48eM5fvx4Hnjgger+rVu3pqurK6dOncqOHTuyZcuWRqYMAAAAAMA10GQFAAAA47RmzZp0dHSM+fihoaEcO3YsmzZtSpJs2LAhp0+fTn9//yRlCAAAAABAPbVNdQIAAADQSh588MFcuHAhd9xxR5588snMnTs3AwMDWbBgQdraLn4MLxQKKRaLOXPmTEql0iXnKJfLKZfL1e3h4eH09vbWJb+RkZG6nWs62LVi9KrHtM8Y23HTRT3Wl3VaX97P+vOeAgAAwPSjyQoAAADq5PXXX0+xWMy5c+fy2GOP5eGHH84rr7yS5GJj1cdVKpUrnqe7uzvd3d3V7Y6Ojqxbt64uOfb29tbtXNNBaefLVz1m14rRPHHMj1g+0r/n2teXdVpf3s/6854CAADA9OMngAAAAFAnxWIxSXLjjTfmkUceSWdnZ5Jk4cKFGRwczOjoaNra2lKpVDIwMFA9HgAAAACA5qbJ6grG8j9Vp0r/ni9NdQoAAAB8ygcffJBz585lzpw5SZIDBw5k+fLlSZJ58+Zl+fLl2b9/fzZv3pyDBw+mVCpd9lGBAAAAAAA0H01WAAAAME7btm3LoUOHcvbs2axduzazZ8/O4cOHs2HDhpw/fz6VSiWLFy/Oc889Vx2zd+/ebN68Obt37057e3v27ds3hTMAAAAAAGA8NFkBAADAOPX09KSnp+eS/W+99dYVxyxdujRHjx6dzLQAAAAAAJgkN0x1AgAAAAAAAAAAAM1MkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAAAAAAKhBkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQQ9tUJwDA9FLa+fJUp3BZ/Xu+NNUpAAAAAAAAANCk3MkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAaFrbt29PqVRKoVDIiRMnqvtLpVJuvfXWLFu2LMuWLcu3v/3taqyvry+rV69OZ2dnVq5cmZMnT05F6gAAALQQTVYAAAAAADStjRs35siRI1m0aNElsRdffDHHjx/P8ePH88ADD1T3b926NV1dXTl16lR27NiRLVu2NDJlAAAAWpAmKwAAAAAAmtaaNWvS0dEx5uOHhoZy7NixbNq0KUmyYcOGnD59Ov39/ZOUIQAAANNB21QnAAAAAAAAE/Hggw/mwoULueOOO/Lkk09m7ty5GRgYyIIFC9LWdvHH34VCIcViMWfOnEmpVLrkHOVyOeVyubo9PDyc3t7euuQ3MjJSt3PV064Vo9c0vn3GtZ+jWV1ubs14DcerWddiPbTq3Fp1Xknrzq1V5wUA/IomKwAAAAAArjuvv/56isVizp07l8ceeywPP/xwXnnllSQXG6s+rlKpXPE83d3d6e7urm53dHRk3bp1dcmxt7e3bueqp9LOl69p/K4Vo3niWGv+euFyc+vf03zXcLyadS3WQ6vOrVXnlbTu3Fp1XgDAr7TmpyAAAAAAAFpasVhMktx444155JFH0tnZmSRZuHBhBgcHMzo6mra2tlQqlQwMDFSPBwAAgIm4YaoTAAAAAACA8fjggw8yPDxc3T5w4ECWL1+eJJk3b16WL1+e/fv3J0kOHjyYUql02UcFAgAAwFi5kxUAAAAAAE1r27ZtOXToUM6ePZu1a9dm9uzZOXz4cDZs2JDz58+nUqlk8eLFee6556pj9u7dm82bN2f37t1pb2/Pvn37pnAGAAAAtAJNVgAAAAAANK2enp709PRcsv+tt9664pilS5fm6NGjk5kWAAAA04zHBQIAAAAAAAAAANSgyQoAAAAAAAAAAKAGTVYAAAAAAAAAAAA1aLICAAAAAAAAAACoQZMVAAAAAAAAAABADZqsAAAAAAAAAAAAamib6gQAAAAAaB2lnS9f8zl2rRity3k+rn/Pl+p6PgAAAACmF3eyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANUx6k9X27dtTKpVSKBRy4sSJ6v6+vr6sXr06nZ2dWblyZU6ePDmmGAAAAAAAAAAAQCNNepPVxo0bc+TIkSxatOgT+7du3Zqurq6cOnUqO3bsyJYtW8YUAwAAAAAAAAAAaKRJb7Jas2ZNOjo6PrFvaGgox44dy6ZNm5IkGzZsyOnTp9Pf318zBgAAAAAAAAAA0GhtU/GiAwMDWbBgQdraLr58oVBIsVjMmTNncvPNN18xViqVPnGecrmccrlc3R4eHk5vb2+SZGRkpPr1ROxaMTrhsZNtvPO61vfievfpa9k+ozmubzNck+tpbTTimjXL2qiXa7m2k7k2mvU9rjXf6+l7BQAAAAAAAID6m5Imq+Ri89THVSqVMcU+rru7O93d3dXtjo6OrFu3LsnFX5Z/9PVElHa+POGxk61/z/jmda3vxfXu09dy14rRPHFsypZ+1Xiv42S4ntZGI74nm2Vt1Mu1rLHJXBvN+vdrrffrevpeAQAAAAAAAKD+pqSbYOHChRkcHMzo6Gja2tpSqVQyMDCQYrGYWbNmXTEGAAAAAAAAAADQaDdMxYvOmzcvy5cvz/79+5MkBw8eTKlUSqlUqhkDAAAAAAAAAABotElvstq2bVs6OjoyODiYtWvX5nd+53eSJHv37s3evXvT2dmZPXv25O///u+rY2rFAAAAAAAAAKi/7du3p1QqpVAo5MSJE9X9fX19Wb16dTo7O7Ny5cqcPHlyTDEAaCWT/rjAnp6e9PT0XLJ/6dKlOXr06GXH1IoBAAAAAAAAUH8bN27Mjh07cuedd35i/9atW9PV1ZXNmzfnxRdfzJYtW6q/z60VA4BWMiWPCwQAAAAAAACguaxZsyYdHR2f2Dc0NJRjx45l06ZNSZINGzbk9OnT6e/vrxkDgFYz6XeyAgAAAAAAAOD6NDAwkAULFqSt7eKvlguFQorFYs6cOZObb775irFSqfSJ85TL5ZTL5er28PBwent765bnyMhIXc9XL7tWjF71mPYZYzuuWdUz/6m4hs26dsbies49kf9Uup5zT6Yuf01WAAAAAAAAAFxRoVD4xHalUhlT7OO6u7vT3d1d3e7o6Mi6devqlmNvb29dz1cvpZ0vX/WYXStG88Sx6/dX9/XMv39P469hs66dsbiec0/kP5Wu59yTqcv/+v2bGgAAAAAAAIBJtXDhwgwODmZ0dDRtbW2pVCoZGBhIsVjMrFmzrhgDgFZzw1QnAAAAAAAAAEBzmjdvXpYvX579+/cnSQ4ePJhSqZRSqVQzBgCtxp2sAAAAAAAAAMi2bdty6NChnD17NmvXrs3s2bPz9ttvZ+/evdm8eXN2796d9vb27Nu3rzqmVgwAWokmKwAAAAAAAADS09OTnp6eS/YvXbo0R48eveyYWjEAaCUeFwgAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAFrI9u3bUyqVUigUcuLEier+vr6+rF69Op2dnVm5cmVOnjw5phgAAAAAAAAAmqwAoKVs3LgxR44cyaJFiz6xf+vWrenq6sqpU6eyY8eObNmyZUwxAAAAAAAAADRZAUBLWbNmTTo6Oj6xb2hoKMeOHcumTZuSJBs2bMjp06fT399fMwYAAAAAAADARZqsAKDFDQwMZMGCBWlra0uSFAqFFIvFnDlzpmYMAAAAAAAAgIvapjoBAGDyFQqFT2xXKpUxxT6uXC6nXC5Xt4eHh9Pb21uX/HatGJ3QuPYZEx87FvWa31iMjIw09PUmUzPOZbqvsfFek8mc87Xo7e1tyvU1UeYCAAAAAADXD01WANDiFi5cmMHBwYyOjqatrS2VSiUDAwMpFouZNWvWFWOf1t3dne7u7up2R0dH1q1bV5ccSztfntC4XStG88SxyfvnTP+e+sxvLHp7e+v2fk61ZpzLdF9j470mE32/Jlv/nnVNub4mylwAAAAAAOD64XGBANDi5s2bl+XLl2f//v1JkoMHD6ZUKqVUKtWMAQAAAAAAAHCRO1kBQAvZtm1bDh06lLNnz2bt2rWZPXt23n777ezduzebN2/O7t27097enn379lXH1IoBAAAAAAAAoMkKAFpKT09Penp6Ltm/dOnSHD169LJjasUAAAAAAAAA8LhAAAAAAAAAAACAmjRZAQAAwDht3749pVIphUIhJ06cqO7v6+vL6tWr09nZmZUrV+bkyZNjigEAAAAA0Nw0WQEAAMA4bdy4MUeOHMmiRYs+sX/r1q3p6urKqVOnsmPHjmzZsmVMMQAAAAAAmpsmKwAAABinNWvWpKOj4xP7hoaGcuzYsWzatClJsmHDhpw+fTr9/f01YwAAAAAANL+2qU4AAAAAWsHAwEAWLFiQtraLH7ULhUKKxWLOnDmTm2+++YqxUql0ybnK5XLK5XJ1e3h4OL29vXXJc2RkpG7nmg52rRi96jHtM8Z2HGM3Ge/pdF73vu/rz3sKAAAA048mKwAAAKiTQqHwie1KpTKm2Kd1d3enu7u7ut3R0ZF169bVJcfe3t66nWs6KO18+arH7FoxmieO+RFLPU3Ge9q/Z/que9/39ec9BQAAgOnHTwABAACgDhYuXJjBwcGMjo6mra0tlUolAwMDKRaLmTVr1hVjAAAAAAA0vxumOgEAAABoBfPmzcvy5cuzf//+JMnBgwdTKpVSKpVqxgAAAAAAaH7uZAUAAADjtG3bthw6dChnz57N2rVrM3v27Lz99tvZu3dvNm/enN27d6e9vT379u2rjqkVAwAAAACguWmyAgAAgHHq6elJT0/PJfuXLl2ao0ePXnZMrRgAAAAAAM3N4wIBAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAAAAAAKhBkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAoGlt3749pVIphUIhJ06cqO7v6+vL6tWr09nZmZUrV+bkyZNjigEAAMBEaLICAAAAAKBpbdy4MUeOHMmiRYs+sX/r1q3p6urKqVOnsmPHjmzZsmVMMQAAAJgITVYAAAAAADStNWvWpKOj4xP7hoaGcuzYsWzatClJsmHDhpw+fTr9/f01YwAAADBRbVOdAAAAAAAAjMfAwEAWLFiQtraLP+IuFAopFos5c+ZMbr755ivGSqXSJecql8spl8vV7eHh4fT29tYlz5GRkbqdq552rRi9pvHtM679HM3qcnNrxms4Xs26FuuhVefWqvNKWndurTovAOBXNFkBAAAAAHDdKRQKn9iuVCpjin1ad3d3uru7q9sdHR1Zt25dXXLs7e2t27nqqbTz5Wsav2vFaJ441pq/Xrjc3Pr3NN81HK9mXYv10Kpza9V5Ja07t1adFwDwK635KQgAAAAAgJa1cOHCDA4OZnR0NG1tbalUKhkYGEixWMysWbOuGAMAAICJumGqEwAAAAAAgPGYN29eli9fnv379ydJDh48mFKplFKpVDMGAAAAE+VOVgAAAAAANK1t27bl0KFDOXv2bNauXZvZs2fn7bffzt69e7N58+bs3r077e3t2bdvX3VMrRgAAABMhCYrAAAAAACaVk9PT3p6ei7Zv3Tp0hw9evSyY2rFAAAAYCI8LhAAAAAAAAAAAKAGTVYAAAAAAAAAAAA1aLICAAAAAAAAAACoQZMVAAAAAAAAAABADZqsAAAAAAAAAAAAatBkBQAAAAAAAAAAUIMmKwAAAAAAAAAAgBrapjoBACZHaefLEx67a8XoNY0HAAAAAAAAgFbiTlYAAAAAAAAAAAA1aLICAAAAAOD/tXf3QVbV9/3AP0tWQzMRiSA1PFwum8niw6IsKghNHY1GTDbVdLbGNFjZigE72pZZNBrHJFJHdDJmJ834R+iMlaeWGJfWn6kNmGlmRBpSbUHNCCpRl10I8hBdYqAgC+f3h5MNK+R2F+7uuefs6zXDDPece3ff3++5Zz/3nvu55wAAAAAlaLICAAAAAAAAAAAoQZMVAAAAAAAAAABACZqsAAAAAAAAAAAAStBkBQAAAAAAAAAAUIImKwAAAAAAAAAAgBI0WQEAAAAAAAAAAJSgyQoAAAAAAAAAAKAETVYAAAAAAAAAAAAlaLICAAAAAAAAAAAoQZMVAAAAAAAAAABACZqsAAAAAAAAAAAAStBkBQAAAAAAAAAAUEJ12gEAACpV8a6nBux3LZzS1aff1/ZgQz+mAQAAAAAAAI7mTFYAAAAAAAAAAAAlOJMVAEAGDeRZtvrCGbYAAAAAAADII2eyAgAAAAAAAAAAKEGTFQAAAAAAAAAAQAmarAAAAAAAAAAAAEqoTjsAAAAAAAAAAJyMt/YeiOJdT6UdA4AccyYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVUpx0AAACA/lG866kB+T0Lp3T16Xe1PdjQj2kAAAAAAKD8nMkKAAAAAAAAAACgBE1WAAAAAAAAAAAAJWiyAgAAAAAAAAAAKEGTFQAAAAAAAAAAQAmarAAAAAAAAAAAAErQZAUAAAAAAAAAAFBCqk1WxWIxzj777Jg8eXJMnjw5HnvssYiI2LJlS8yYMSNqa2tj6tSpsWnTpjRjAgAAAAAAAAAAg1h12gFaW1ujrq6ux7J58+bF3Llzo6mpKVpbW2POnDmxfv36lBICAAAAAAAAAACDWcVdLnDXrl2xYcOGuOGGGyIiorGxMd58881oa2tLNxgAAAAAAAAAADAopd5kNWvWrJg0aVLcfPPNsXv37ujo6IjRo0dHdfX7J9mqqqqKQqEQ7e3tKScFAAAAAAAAAAAGo1QvF7h27dooFApx6NChuOeee2L27Nlx3333RVVVVY/7JUly3Me3tLRES0tL9+3Ozs5Ys2ZNREQcOHCg+/8nYuGUrhN+bH/r67hOdi6y7oPbctiplbF9K2GbZOm5MRDbrFKeG5VgMM5FqX0hS/sKAAAAAAD0h2KxGEOHDo2hQ4dGRMTXvva1uP7662PLli0xe/bs2LNnTwwfPjyWLFkS5557bsppAaD8Um2yKhQKERFxyimnxPz586O2tjbGjRsX27Zti66urqiuro4kSaKjo6P7vkdrbm6O5ubm7ttjx46NmTNnRsT7H5b/9v8nonjXUyf82P7W9mDfxnWyc5F1H9yWC6d0xTc3pPrUj4i+b8f+kKXnxkDsk5Xy3KgEg3EuSu2TWdpXAAAAAACgv7S2tkZdXV2PZfPmzYu5c+dGU1NTtLa2xpw5c2L9+vUpJQSA/pPa5QL37dsXnZ2d3bdXrlwZ9fX1MWrUqKivr48VK1ZERMSqVauiWCxGsVhMKSkAAAAAAAAAH7Rr167YsGFD3HDDDRER0djYGG+++Wa0tbWlGwwA+kFqpynZuXNnNDY2xuHDhyNJkqipqYlly5ZFRMTixYujqakpFi1aFMOGDYulS5emFRMAAAAAAACAiJg1a1YcOXIkpk2bFg888EB0dHTE6NGjo7r6/Y+dq6qqolAoRHt7+zEn0WhpaYmWlpbu252dnbFmzZqyZRt26vtX6siiLGePKG/+cj4neuvAgQOp/N5yyHL2CPnTlOXsEenlT63JqqamJjZu3HjcdRMnTnQKSQAAAAAAAIAKsXbt2igUCnHo0KG45557Yvbs2XHfffdFVVVVj/slSXLcxzc3N0dzc3P37bFjx8bMmTPLlm/pD/5ffHNDah9/n5SFU7oymz2ivPnbHizfc6K31qxZU9bn4kDKcvYI+dOU5ewR6eXP7l9qAAAAAAAAAAZEuefRHQAAIABJREFUoVCIiIhTTjkl5s+fH7W1tTFu3LjYtm1bdHV1RXV1dSRJEh0dHd33BYA8GZJ2AABgYBSLxTj77LNj8uTJMXny5HjsscciImLLli0xY8aMqK2tjalTp8amTZtSTgoAAAAAQCXZt29fdHZ2dt9euXJl1NfXx6hRo6K+vj5WrFgRERGrVq2KYrF4zKUCASAPnMkKAAaR1tbWqKur67Fs3rx5MXfu3GhqaorW1taYM2eOy/YCAAAAANBt586d0djYGIcPH44kSaKmpiaWLVsWERGLFy+OpqamWLRoUQwbNiyWLl2acloA6B+arABgENu1a1ds2LAhnn766YiIaGxsjNtuuy3a2tp80wgAAAAAgIiIqKmpiY0bNx533cSJE31xF4BBQZMVAAwis2bNiiNHjsS0adPigQceiI6Ojhg9enRUV7//kqCqqioKhUK0t7cf02TV0tISLS0t3bc7OztjzZo1Zcm1cErXCT1u2Kkn/thKk5exrFmzJg4cOFC250a5VOpzbKDmqa/bpFKfi5X6/DpRAzGWgdqWfd1X8rINAQAgTcW7nur1fRdO6erT/U9W24MNA/a7AABgoGiyAoBBYu3atVEoFOLQoUNxzz33xOzZs+O+++6LqqqqHvdLkuS4j29ubo7m5ubu22PHjo2ZM2eWJduJHuRbOKUrvrkhHy9n8jKWtgdnxpo1a8r23CiXSn2OtT04MPPU120ykAfe+6JSn18naiDGMlDbsq/7ykA99wEAAAAAoFyy/0keANArhUIhIiJOOeWUmD9/ftTW1sa4ceNi27Zt0dXVFdXV1ZEkSXR0dHTfFwA4McViMYYOHRpDhw6NiIivfe1rcf3118eWLVti9uzZsWfPnhg+fHgsWbIkzj333JTTAgAAAFSGNL4A2pszPjpLIxARMSTtAABA/9u3b190dnZ23165cmXU19fHqFGjor6+PlasWBEREatWrYpisXjMpQIBgL5rbW2NF154IV544YW4/vrrIyJi3rx5MXfu3Hjttdfiq1/9asyZMyfllAAAAAAA9IYzWQHAILBz585obGyMw4cPR5IkUVNTE8uWLYuIiMWLF0dTU1MsWrQohg0bFkuXLk05LQDk065du2LDhg3x9NNPR0REY2Nj3HbbbdHW1qbBGQAAAACgwmmyAoBBoKamJjZu3HjcdRMnToz169cPcCIAyL9Zs2bFkSNHYtq0afHAAw9ER0dHjB49Oqqr338rXlVVFYVCIdrb249psmppaYmWlpbu252dnbFmzZqy5Dpw4EDZftZgsHBK1/95n2Gn9u5+9F5/zOlgft7b78vPnAIAAMDgo8kKAAAAymzt2rVRKBTi0KFDcc8998Ts2bPjvvvui6qqqh73S5LkuI9vbm6O5ubm7ttjx46NmTNnliXbmjVryvazBoPiXU/9n/dZOKUrvrnBIZZy6o85bXtw8D7v7fflZ04BAABg8HEEEAAAAMqsUChERMQpp5wS8+fPj9ra2hg3blxs27Yturq6orq6OpIkiY6Oju77AgAAAABQuYakHQAAAADyZN++fdHZ2dl9e+XKlVFfXx+jRo2K+vr6WLFiRURErFq1KorF4jGXCgQAAAAAoPI4kxUAAACU0c6dO6OxsTEOHz4cSZJETU1NLFu2LCIiFi9eHE1NTbFo0aIYNmxYLF26NOW0AAAAAAD0hiYrAAAAKKOamprYuHHjcddNnDgx1q9fP8CJAAAAAAA4WS4XCAAAAAAAAAAAUIImKwAAAAAAAAAAgBI0WQEAAAAAkFnFYjHOPvvsmDx5ckyePDkee+yxiIjYsmVLzJgxI2pra2Pq1KmxadOmlJMCAACQZdVpBwAAAAAAgJPR2toadXV1PZbNmzcv5s6dG01NTdHa2hpz5syJ9evXp5QQAACArHMmKwAAAAAAcmXXrl2xYcOGuOGGGyIiorGxMd58881oa2tLNxgAAACZ5UxWAAAAAABk2qxZs+LIkSMxbdq0eOCBB6KjoyNGjx4d1dXvHwKvqqqKQqEQ7e3tUSwWezy2paUlWlpaum93dnbGmjVrypLrwIEDZftZ5bRwStdJPX7YqSf/MyrV8cZWidswom/bYKC32UDOWaXuZycrr+OKyO/Y8jouAOB3NFkBAAAAAJBZa9eujUKhEIcOHYp77rknZs+eHffdd19UVVX1uF+SJMd9fHNzczQ3N3ffHjt2bMycObMs2dasWVO2n1VOxbueOqnHL5zSFd/ckM+PF443trYHK28bRvRtOw70NhvIOavU/exk5XVcEfkdW17HBQD8Tj7fBQEAAAAAMCgUCoWIiDjllFNi/vz5UVtbG+PGjYtt27ZFV1dXVFdXR5Ik0dHR0X1fAAAA6KshaQcAAAAAAIATsW/fvujs7Oy+vXLlyqivr49Ro0ZFfX19rFixIiIiVq1aFcVi8ZhLBQIAAEBvOZMVAAAAAACZtHPnzmhsbIzDhw9HkiRRU1MTy5Yti4iIxYsXR1NTUyxatCiGDRsWS5cuTTktAACU11t7D5z0paD7S9uDDWlHgLLTZAUAAAAAQCbV1NTExo0bj7tu4sSJsX79+gFOBAAAQF65XCAAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEqrTDgAAQH4U73oqFk7piuJdT6UdBQAAAAAAAMrGmawAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABKqE47AAAAAAD0t+JdT6Ud4bjaHmxIOwIAAAAAveBMVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQQnXaAQAAALKueNdTfX7MwildJ/Q4yCv7AwAAAABQyZzJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEqrTDgAAAAAAg1Xxrqf6/XcsnNLV59/T9mBDP6UBAAAAyCZNVgAAAAAAAJTNQDQR/1Zfmok1EQMAcDI0WQEAAAAAAAAAUDa9aYI+kTMvnyxN15wMTVYAAAAAAACQkuN9uJzGh84f5ENoAICeNFkBAAAAAAAAAJB75WxiLmdTtObmbBiSdgAAAAAAAAAAAIBK5kxWAAAAAADQD97aeyD1y30BAABQHhXbZLVly5aYPXt27NmzJ4YPHx5LliyJc889N+1YAJBL6i4ADBx1FwAGjroLkD+V2ry6+PKK/dh1QKi5AAwGFVvt582bF3Pnzo2mpqZobW2NOXPmxPr169OOBQC5pO4CwMBJu+46owbQG/5OlLZwSldm5qjtwYa0I6Qq7boLAIOFmgtwcgb6PWaW3tceT1rNzRXZZLVr167YsGFDPP300xER0djYGLfddlu0tbVFsVhMNxwA5Iy6CwADR90FgIGj7gKcnP764DXrH+pyLDUXgMGiKkmSJO0QH/Q///M/8Rd/8RexadOm7mVTp06Nhx56KC699NLuZS0tLdHS0tJ9+6233oqzzjorIiJ+85vfxEc/+tGBC13BzEVP5uN3zEVP5uN3zEVPfZ2P3bt3x8GDB/sxUXmVo+6mJU/PVWOpTHkZS17GEWEslSrNsai7fZen516lMKflZ07Ly3yW32CdU3W37/L6XMnruCLyO7a8jisiv2PL67gi8ju2co8rS3W3EmpuRLafW1nOHiF/mrKcPUL+NGU5e0R58/el5lbkmawiIqqqqnrcPl4vWHNzczQ3Nx/38WPHjo1t27b1S7asMRc9mY/fMRc9mY/fMRc9DYb5ONm6m5Y8bRtjqUx5GUtexhFhLJUqT2MZCGnXXdur/Mxp+ZnT8jKf5WdOs0Pd7R95HVdEfseW13FF5HdseR1XRH7Hltdx9VbaNTci29sgy9kj5E9TlrNHyJ+mLGePSC//kAH/jb0wbty42LZtW3R1dUXE+0W4o6MjCoVCyskAIH/UXQAYOOouAAwcdRcABoaaC8BgUZFNVqNGjYr6+vpYsWJFRESsWrUqisWia/YCQD9QdwFg4Ki7ADBw1F0AGBhqLgCDxYfuvffee9MOcTzTp0+Pr3/96/Gtb30rnn/++Xj00Udj1KhRff4ZvM9c9GQ+fsdc9GQ+fsdc9JT3+ShH3U1LnraNsVSmvIwlL+OIMJZKlaex9LdKqLu2V/mZ0/Izp+VlPsvPnGaDutt/8jquiPyOLa/jisjv2PI6roj8ji2v4+qNSqi5v82RVVnOHiF/mrKcPUL+NGU5e0Q6+auS410QFwAAAAAAAAAAgIio0MsFAgAAAAAAAAAAVApNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwGgTVr1qQdoSL86le/irVr18bOnTvTjpKaffv2RVdXV0REdHZ2xjPPPBM7duxIORUAANDf2tvbY926dbFu3bpob29POw6U5DhGeTkeUh6OqdAX6i6V6J133kk7Qr/wuiF78vLapLOzM+0IhJpLeWS9RqqF6clSTctD3aqU9+WZb7Jqb2+PmTNnRm1tbdx+++1x4MCB7nXTp09PMVk6Nm3adMy/m2++OTZv3hybNm1KO96AuvHGG7v/oP3kJz+Jc845J+644444//zz48knn0w53cBbtmxZjBw5MiZMmBA/+clPoq6uLu64446YNGlSPP7442nHAzghWX/zk9eDALZL5bFNKlOWt8uRI0di7dq1sWLFilixYkWsXbs2jhw5knYsjuOVV16JGTNmxLRp02LBggXR3Nwc06ZNixkzZsTmzZvTjpdJjkOUl+MY5ed4SPk5pkJvqbvZk9e6/uKLL8aFF14YU6dOjc2bN0dDQ0OMGTMmCoVCvPTSS2nHO2F5ft1wdD3Zs2dPNDQ0xOmnnx6XXXZZ5t8H5/W1yahRo+Laa6+NH/7wh94Pp0DNTVeW62fWa2TWa2HW612Wa1rW61ZFvS9PMu6zn/1s8vDDDyf//d//ndx4443JjBkzkl//+tdJkiTJ5MmTU0438KqqqpJisdjjX3V1dVIsFpMJEyakHW9A1dXVdf//0ksvTV588cUkSZKkra0tqa+vTytWaiZNmpS0tbUlL774YnL66acnzz//fJIkSbJly5bkggsuSDlderZu3Zo8++yzybPPPpts3bo17ThUqNWrV6cdgSRJvvOd73T//4033kjOPffcZOjQoUmxWExeeumlFJP13ebNm5Pp06cnZ511VjJ16tTk4osvTs4666xk+vTpyaZNm9KO1ye2S+WxTSpTnrbLunXrkvHjxyfTpk1LvvjFLybXXXddMnXq1GT8+PHJs88+m3Y8PmDatGlJa2vrMcsff/zx5OKLL04hUfY5DlFejmOUn+Mh5eeYCr01GOvuJz/5ybQjnJS81vVLL700eeKJJ5IlS5YkhUIhWbZsWZIkSfIv//IvyWc+85mU0524PL9uOLpGf+UrX0nuvPPOZMeOHcm3v/3t5Atf+EKKyU5eXl+b1NbWJg899FBy3nnnJR//+MeTO++8M3n11VfTjjVo5LnmZqG2Zrl+Zr1GZr0WZr3eZbmmZb1uVdL78sw3WX3wyXr//fcnF198cdLZ2VnxT+T+cO+99yaf/exnk7a2tu5lxWIxxUTpOfpFyEUXXdRj3aRJkwY6TuqO3h/Gjx/fY12lv+DpD3n60PZkbd26NbnqqquST37yk8mCBQuS//3f/+1ed8kll6SYLB0vv/zyMf/Gjh2bbNq0KXn55ZfTjjeoHf137Etf+lLy8MMPJ0mSJK2trcmVV16ZVqwTkqeDALZL5bFNKlOetsukSZO638Qe7bnnnutxoIHKUFtbe0Lr+P0chygvxzHKz/GQ8nNMhd7Ka9093rGS3/77+Mc/nna8k5LXun7036Zx48b1WJfl5tA8v244epudf/75SVdXV4/bWZbX1yZH/4346U9/mnzlK19Jhg0blvzxH/9xsnTp0hSTDQ5Zr7lZr61Zrp9Zr5FZr4VZr3dZrmlZr1uV9L4885cL3L9/f4/bd999d3zxi1+MK664It59992UUqXnm9/8Ztx///3x53/+5/G9730vIiKqqqpSTpWOmTNnxvz582P//v1x5ZVXxj/90z9FkiTxox/9KEaMGJF2vAE3ZMiQePnll2PdunWxb9+++NnPfhYREa+99locPnw45XQDr6mpKRYsWBA7duyI//qv/4rnnnsuduzYEc3NzTF79uy04w2oW265Ja655ppYuXJl7N69u8ffz6NP8TpY1NXVRUNDQ49/b731Vnzuc5+Lz3/+82nHG9SSJOn+/6ZNm+LWW2+NiIjGxsbYvXt3WrFOyDvvvBONjY3HLP+zP/uz2Lt3bwqJTpztUnlsk8qUp+1y4MCBuOiii45ZfvHFF8fBgwdTSEQpI0eOjOXLl/c4DfiRI0di6dKlg/J9UTk4DlFejmOUn+Mh5eeYCr2V17pbV1cXn//85485XtLQ0BB79uxJO95JyWtdP/r9x+WXX/5712VNnl83HDx4sPtST0OGDIkPfehD3euyPsbB8Npk+vTp8Q//8A+xY8eOuOmmm+KRRx5JO1LuZb3mZr22Zrl+Zr1GZr0WZr3e5aWmZbFuVdT78gFt6eoHX/jCF5If/ehHxyz/9re/nVRVVaWQqDIcPHgwufPOO5NPf/rTyZgxY9KOk4qDBw8m8+fPT4YPH5584hOfSKqqqpLq6upk5syZyRtvvJF2vAG3evXqZMSIEcnIkSOT//iP/0iuvPLK5LzzzktOP/305Pvf/37a8QZc1r/lUE5Z/sZBf8j6twDyrKamJvn3f//35N/+7d+Sc889t8e6LHzD4WgzZsxIli1blhw+fLh72eHDh5MlS5Yk06dPTzFZ39kulcc2qUx52i5XX311snDhwmTPnj3dy/bs2ZPce++9yVVXXZViMo5ny5Ytyac//enkYx/7WHLeeecldXV1yfDhw5PLL788U6cErySOQ/QPxzHKx/GQ8nNMhd7Ka90tFovJ9u3bj7tu7NixA5ymvPJa16+66qpk7969xyz/5S9/mUydOjWFROWVx9cN48ePTyZMmNB96aeOjo4kSZJcHKPN62sTZ7NMV9ZrbtZra5brZ15qZFZrYdbrXZZrWtbrViW9L69Kkgy0ZJbw229Kf/jDHz5m3fbt22PMmDEDHami/OxnP4tnnnkm7rzzzrSjpGb//v3x+uuvx6FDh2L8+PGZ6iLtT4cPH44XXnghxo0bF6NGjUo7zoD7oz/6o7jlllti1qxZMWTI+yf1O3LkSCxfvjwWL14cP/3pT1NOOHDOPvvseOWVV3ose+ihh+L73/9+7N27N7Zs2ZJSsvRs3Lgxbr311rjxxhvjlltuiZqamnjjjTfSjjXoffBbJStWrIgxY8bErl27oqGhIZ5//vmUkvXdL37xi5g3b15s3LgxRo8eHVVVVbFt27aor6+P733ve1FbW5t2xF677LLLenzDxHZJn32lMuVpX9m9e3fcdddd8YMf/CCSJOke13XXXRcPPvjgoHxtmQW7d++Ojo6OiIgYN25cnHnmmSknyi7HIfqX4xjl43hI/xnsx1T4v+Wt7v7t3/5tXHfddfGpT33qmHW33XZbPPzwwymkKo/BVtfffffd2Lt3b4wdOzbtKGUxGF437N+/P3bu3BkTJkxIO8pJy9trk71798bpp5+edoxBL6s1N+u1NY/1M6s1Mi+1MGv1Los1LW91K8335ZlvsgI4EXn60PZk/emf/mnMmzcvrr766h7LW1pa4vbbb+9xut3B5L333otvfOMb8fzzz8err74a27ZtSzsSv8fhw4fj4MGD8ZGPfCTtKH2W1YMAvWG7VB7bpDJlebtERLz99tsREXHGGWeknAQAAAAAAPqXJitgUMvzh7a9lcdvHJRTXr4FAP2ls7Mzhg8fnnaMsmpvb4/29vaIiCgUClEoFFJORB7kbV85cuRIrFu3rse+8qlPfar7DKEAAAAAAJA3joADg9qZZ54ZU6ZMiSlTpnQ3WA2ms1hFvN9cdbwGq4hjLzk1GF1yySXdDVaD7blRabZu3RozZ86M2traWLBgQRw4cKB73fTp01NM1nePP/549//37NkTDQ0Ncfrpp8dll13W3bCQFWeeeWZce+218eSTT2b+zHevvPJKzJgxI6ZNmxYLFiyI5ubmmDZtWsyYMSM2b96cdrxes69UpjztK//5n/8ZNTU18dWvfjV++MMfxpNPPhl33HFH1NTUxLp169KOBwAAAAAA/cKZrIBBadOmTcddniRJfOYzn4lf/vKXA5woPb9vLiIirrzyykE1FxHmo5J97nOfi4aGhrjkkkviu9/9bvziF7+I1atXx2mnnRb19fWxcePGtCP22pQpU2LDhg0RETF37tw444wzYv78+fHP//zP8eyzz8a//uu/ppyw9yZOnBhz586NRx99NN5+++248cYb46abbspkU+Ill1wSd9xxRzQ2NvZY3traGt/61rfiueeeSylZ39hXKlOe9pXzzz8//vEf/zEuuuiiHsuff/75uOmmm+LnP/95SskAAAAAAKD/aLICBqUhQ4ZEsViM4/0J3L59e7z33nsppEqHuejJfFSuo5stIiIWLVoUTzzxRPz4xz+Oyy+/vMe6Snd0o8sFF1wQGzZsiA996EPdt1988cU04/XJ0dtl/fr18eijj8Zjjz0WF1xwQdx8881x4403ppyw9yZOnBivvvpqn9dVGvtKZcrTvlJbWxuvvfZan9cBAAAAAECWVacdACAN48ePj3Xr1sXo0aOPWTdu3LgUEqXHXPRkPirX/v37e9y+++6749RTT40rrrgi3n333ZRSnZiDBw/G5s2bI0mSGDJkSHfTSEREVVVVislOzvTp02P69Onxne98J37wgx/EI488kqnGkZEjR8by5ctj1qxZMWTI+1fVPnLkSCxfvjxGjBiRcrres69UvqzvK5/4xCfi7/7u7+LWW2/t3jd+9atfxcMPPxwTJkxIOR0AAAAAAPSPIWkHAEjDNddcE2+88cZx11177bUDnCZd5qIn81G5zjnnnFi9enWPZbfffnt8+ctfjtdffz2lVCdm//790dDQEA0NDdHZ2Rnbtm2LiIi9e/d2N/dkxfHO+vaRj3wkmpqa4plnnkkh0YlbunRpLFmyJEaOHBl1dXUxadKkGDFiRPfyrLCvVKY87SvLli2LrVu3RrFYjI9+9KNx2mmnRbFYjK1bt8by5cvTjgcAAAAAAP3C5QIBgEw4ePBgRER8+MMfPmbd9u3bY8yYMQMdqez2798fO3fuzNSZYPbu3Runn3562jHKavfu3dHR0RER75/B7swzz0w5Ud/YVypTHveViIi33347IiLOOOOMlJMAAAAAAED/0mQFAGRKe3t7tLe3R0REoVCIQqGQcqITZywAAAAAAACQDdVpBwAA6I3NmzfHnDlz4s0334xCoRBJkkRHR0dMmDAhHnnkkTjnnHPSjthrxpI9tbW18dprr6Ud46TlZRwRxpKmrVu3xty5c+PNN9+MP/mTP4n7778/hg4dGhER06dPj/Xr16ecEAAAAAAAyk+TFQCQCX/5l38Zd9xxRzQ2NvZY3traGrNnz47nnnsupWR9ZyyVadOmTb933W9+85sBTHJy8jKOCGOpVH/1V38V11xzTVxyySXx3e9+N6644opYvXp1nHbaaXHgwIG04wEAAAAAQL9wuUAAIBMmTpwYr776ap/XVSJjqUxDhgyJYrEYx3t5vH379njvvfdSSNV3eRlHhLFUqilTpsSGDRu6by9atCieeOKJ+PGPfxyXX355j3UAAAAAAJAXzmQFAGTCyJEjY/ny5TFr1qwYMmRIREQcOXIkli9fHiNGjEg5Xd8YS2UaP358rFu3LkaPHn3MunHjxqWQ6MTkZRwRxlKp9u/f3+P23XffHaeeempcccUV8e6776aUCgAAAAAA+teQtAMAAPTG0qVLY8mSJTFixIioq6uLurq6OOOMM7qXZ4mxVKZrrrkm3njjjeOuu/baawc4zYnLyzgijKVSnXPOObF69eoey26//fb48pe/HK+//npKqQAAAAAAoH+5XCAAkCm7d++Ojo6OiHj/7C9nnnlmyolOnLFUvnfeeSc+9rGPpR3jpOVlHBHGUgkOHjwYVVVVceqpp3Yv++1Ytm/fHmPGjEkxHQAAAAAA9A9nsgIAMuHFF1+MCy+8MBoaGuIP/uAP4utf/3qMHz8+CoVCvPTSS2nH6xNjqUwvvfRSXHjhhTF16tTYvHlzNDQ0xJgxY6JQKMTTk4AYAAABi0lEQVTPf/7ztOP1Wl7GEWEslerVV1+N6dOnH3csb7/9dtrxAAAAAACgX2iyAgAy4W/+5m/iG9/4Rtx6661x9dVXx5e+9KXYv39//P3f/33cfvvtacfrE2OpTH/913/9e8eyYMGCtOP1Wl7GEWEslSpPYwEAAAAAgN5yuUAAIBPq6+tj48aNERFRKBSivb29e93kyZPjhRdeSCtanxlLZcrLWPIyjghjqVR5GgsAAAAAAPSWM1kBAJlwdF/45Zdf/nvXZYGxVKa8jCUv44gwlkqVp7EAAAAAAEBvabICADLhD//wD+PXv/51REQsXbq0e/mOHTti6NChacU6IcZSmfIylryMI8JYKlWexgIAAAAAAL3lcoEAQKa9++67sXfv3hg7dmzaUU6asVSmvIwlL+OIMJZKlaexAAAAAADAB2myAgAAAAAAAAAAKMHlAgEAAAAAAAAAAErQZAUAAAAAAAAAAFCCJisAAAAAAAAAAIASNFkBAAAAAAAAAACUoMkKAAAAAAAAAACghP8PHcV2xz6ORMsAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotPerColumnDistribution(df2, 10, 5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correlation matrix:" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkcAAAIpCAYAAACovZzdAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XlcVlXix/HvAwooiLiEigoYBcSiqImJ5YZaamqTmJob6iRh5q/RMrNcp8UtZqYmt3IrSy1Nm0xbNJcyKh1zJZdKRFJzN3cFzu8P5PI8Aor6IOp83r3u6wX3Oc89514vcPqec+5jM8YYAQAAQJLkUtwNAAAAuJnQOQIAALBD5wgAAMAOnSMAAAA7dI4AAADs0DkCAACwQ+cIAADADp0jAABw0xgwYIACAwNls9m0ZcuWAsu9/PLLCgoKUlBQkIYNG+bUNtA5AgAAN424uDh9++23CggIKLDM6tWrNWfOHG3atEkpKSlaunSpvvjiC6e1gc4RAAC4aTRq1EjVqlW7bJl58+YpPj5enp6ecnd3V+/evTVnzhyntYHOEQAAuKWkpaU5JEuBgYFKS0tz2vFLOO1IAADgllYvykP7DmQW2fFdSlRRVlaW9f3AgQM1cODAazqWzWazvnb2x8TSOQIAAJKkfQcylba+RpEd3//e00pPT7/+4/j7KzU11fp+9+7d8vf3v+7j5mBYDQAAXGSUVYT/OUvHjh01a9YsnTp1SufOndP06dPVuXNnpx2fzhEAALhpPPXUU6pWrZrS09PVvHlz3XXXXZKk1q1ba926dZKkJk2a6LHHHlNkZKTuuecetWzZUg899JDT2mAzzh6oAwAAt6RqfiX063+dNzx1qaB6550yrFbUSI4AAADsMCEbAABIkoykLDGgRHIEAABgh+QIAABYnLmq7FZFcgQAAGCH5AgAAGQzUiaL2EmOnGXTpk3q1auXatSoIQ8PD3l5ealOnToaN26cjhw5UtzNyyM+Pl6BgYHX9N4PPvhA//znP/N9zWazaeTIkdfesGs0c+ZM2Ww22Ww2rVy5Ms/rxhjdddddstlsatKkyTXVMXHiRM2cOfOq3rNy5coC23St5s2bp/DwcJUqVUo2m00bNmxw2rEvldN+m81W4Lk3a9ZMNpvtmu+n/O5Fm82m/v37X9PxbjdNmjRRREREcTejQE2aNLnmnylnio+Pt+7VS7fFixdLyr2f58+fn+8x+vfv7/CRFFL2Z3Y9/PDDV6zby8vLOSeCmwLJkRO8/fbb6tevn0JCQvTcc88pLCxMFy5c0Lp16zR58mQlJydr4cKFxd1Mp/nggw+0ZcsWPfPMM3leS05OvuKnKRelMmXKaNq0aXl+Wa9atUq//vqrypQpc83HnjhxoipWrKj4+PhCv6dOnTpKTk5WWFjYNddr7+DBg+revbseeughTZw4Ue7u7goODnbKsS8n57peeu67du3SypUr5e3tXeRtwM1p4sSJxd0ES6lSpfT111/n2R8aGloMrbl1sVqNztF1S05OVmJiolq0aKFFixbJ3d3deq1FixYaNGiQPv/8c6fUdfr0aZUuXTrf186cOaNSpUo5pZ7rcd999xVr/Z06ddL777+vt956y+EP9rRp09SgQQP9+eefN6QdFy5ckM1mk7e3t1OvyY4dO3ThwgV169ZNjRs3dsoxL3df5ejUqZPeeecd7dy5U3fffbe1f/r06apataoiIyOVkpLilPbcjApzjf5XOavj7wwuLi7F/jsItweG1a7Tq6++KpvNpqlTpzp0jHK4ubmpXbt21vdZWVkaN26cQkND5e7uLl9fX/Xo0SPPE0NzovTVq1crJiZGpUuXVu/evSXlxrwff/yxateuLQ8PD40aNUpS9vDRxIkTFRUVpVKlSqlcuXKKi4vTb7/9dsVzeeutt9SoUSP5+vrK09NTkZGRGjdunC5cuODQrs8++0y7d+92iK1z5DestmXLFrVv317lypWTh4eHoqKiNGvWLIcyOXH3nDlz9OKLL8rPz0/e3t5q3ry5tm/ffsW25+jSpYskac6cOda+48ePa8GCBdb1u9SoUaNUv359lS9fXt7e3qpTp46mTZvm8CnPgYGB2rp1q1atWmWdc85QUE7b33vvPQ0aNEhVq1aVu7u7fvnllzzDaocOHVL16tUVExPjcF1TUlLk6emp7t27F3hu8fHxuv/++yVld1YuHSL8z3/+owYNGqh06dIqU6aMWrRooeTkZIdjjBw5UjabTevXr1dcXJzKlSunoKCgK17XFi1aqHr16po+fbq1LysrS7NmzVLPnj3l4pL3V8n13Is5pkyZouDgYLm7uyssLExz587NU6Yw91fOsKv9B1VK+Q97FuZn7/PPP1edOnVUqlQphYaGOlyXHPv371dCQoKqVasmNzc31ahRQ6NGjVJGRkahz9/e2rVr9cADD6h06dK68847NWbMGIdPN5ektLQ0devWTb6+vnJ3d9c999yj119/3aFcQUO9qampeYZPf/vtN3Xu3Fl+fn5yd3dXpUqVFBsb6zCUe+mwWs5xJkyYoKSkJNWoUUNeXl5q0KCBvv/++zzn9fbbbzv8G3/wwQfXNex/qzl27JgGDRqkO++80/qb0Lp1a23bts0qM2nSJNWqVUteXl4qU6aMQkNDNXToUEnSxo0bZbPZNG3atDzHXrp0qWw2m/7zn/8Uuj1GRplFuN0qSI6uQ2Zmpr7++mvVrVtX1atXL9R7EhMTNXXqVPXv318PP/ywUlNTNWzYMK1cuVLr169XxYoVrbL79u1Tt27dNHjwYL366qsOf4DWr1+vn3/+WS+99JJq1KghT09PSVJCQoJmzpypAQMGaOzYsTpy5IhGjx6tmJgYbdy4UZUqVSqwbb/++qsef/xx1ahRQ25ubtq4caNeeeUVbdu2zfrlP3HiRPXt21e//vproYYKt2/frpiYGPn6+uqNN95QhQoVNHv2bMXHx+uPP/7Q4MGDHcoPHTpUDRs21DvvvKM///xTzz//vNq2bauff/5Zrq6uV6zP29tbcXFxmj59uhISEiRld5RcXFzUqVOnfOdKpaamKiEhwfpE5++//15PP/20fv/9dw0fPlyStHDhQsXFxals2bLWMMKlneEXXnhBDRo00OTJk+Xi4iJfX1/t37/foUzFihU1d+5cNWnSRM8//7ySkpJ0+vRpdezYUf7+/po8eXKB5zZs2DBFR0frqaee0quvvqqmTZta6dgHH3ygrl27qmXLlpozZ47OnTuncePGqUmTJlq+fLnVqcrx6KOPqnPnznryySd16tSpK15XFxcXxcfHa9q0aXr55Zfl6uqqL7/8Uunp6erVq5f+7//+L897rudelLI7eytWrNDo0aPl6empiRMnqkuXLipRooTi4uIkXf39VViX+9nbuHGjBg0apCFDhqhSpUp655131KdPH911111q1KiRpOyOUXR0tFxcXDR8+HAFBQUpOTlZL7/8slJTUzVjxoyras/+/fvVtWtXDRo0SCNGjNDChQv1wgsvyM/PTz169JCUPeQaExOj8+fP6+9//7sCAwO1ePFiPfvss/r111+vafirdevWyszM1Lhx4+Tv769Dhw7pu+++07Fjx6743rfeekuhoaHWz9ywYcPUunVr7dq1S2XLlpUkTZ06VQkJCerQoYP+8Y9/6Pjx4xo1apTOnTt31W3NcWnn02azFep3R3E4ceKE7r//fqWmpur5559X/fr1dfLkSa1evVr79u1TaGio5s6dq379+unpp5/WhAkT5OLiol9++cVKamvVqqXatWtrxowZ6tOnj8PxZ86caXW2cJUMrtn+/fuNJNO5c+dClf/555+NJNOvXz+H/T/88IORZIYOHWrta9y4sZFkli9fnuc4AQEBxtXV1Wzfvt1hf3JyspFkXn/9dYf9e/bsMaVKlTKDBw+29vXs2dMEBAQU2NbMzExz4cIF8+677xpXV1dz5MgR67U2bdoU+F5JZsSIEdb3nTt3Nu7u7iYtLc2hXKtWrUzp0qXNsWPHjDHGrFixwkgyrVu3dij34YcfGkkmOTm5wLYaY8yMGTOMJLN27VrrWFu2bDHGGFOvXj0THx9vjDEmPDzcNG7c+IrnPXr0aFOhQgWTlZVlvVbQe3Pqa9SoUYGvrVixwmH/2LFjjSSzcOFC07NnT1OqVCmzadOmy56j/fE++ugjhzb7+fmZyMhIk5mZae0/ceKE8fX1NTExMda+ESNGGElm+PDhV6zr0vp+++03Y7PZzOLFi40xxnTs2NE0adLEGJP3nrjee1GSKVWqlNm/f7+1LyMjw4SGhpq77rrL2lfY+yvn/ti1a1e+52f/73Olnz0PDw+ze/dua9+ZM2dM+fLlTUJCgrUvISHBeHl5OZQzxpgJEyYYSWbr1q15jl2QnPb88MMPDvvDwsLMgw8+aH0/ZMiQfMslJiYam81m/b4o6J7ctWuXkWRmzJhhjDHm0KFDRpL55z//ecX22f9c5BwnMjLSZGRkWPt//PFHI8nMmTPHGJN931auXNnUr1/f4Xi7d+82JUuWvOzvp/z07NnTKPsBzw5bw4YNrTL5/fzYe+qpp8ylfxYDAgJMmzZtrli3p6fnVbXXGGNGjx5tJJmvvvqqwDL9+/c3Pj4+lz3OG2+8YSQ5/E04cuSIcXd3N4MGDbqqNlWp7GIO/O5XZFvVqlWvqj3FhWG1G2jFihWSlGdSa3R0tO655x4tX77cYX+5cuXUrFmzfI9Vs2bNPBNxFy9eLJvNpm7duikjI8PaKleurFq1al1xxdRPP/2kdu3aqUKFCnJ1dVXJkiXVo0cPZWZmaseOHVd3shd9/fXXio2NzZOsxcfH6/Tp03mGfeyHIHPOU5J2795d6DobN26soKAgTZ8+XZs3b9batWsLHFLLaWPz5s1VtmxZ67yHDx+uw4cP68CBA4Wut0OHDoUu+9xzz6lNmzbq0qWLZs2apTfffFORkZGFfr+97du3a+/everevbtDwuHl5aUOHTro+++/1+nTp6+5rTlq1KihJk2aaPr06Tp8+LA++eSTAq/r9d6LkhQbG+uQLrm6uqpTp0765ZdfrGHoq72/CutyP3tRUVFWyihJHh4eCg4OdrhHFy9erKZNm8rPz8/h/Fu1aiUpe4HA1ahcubKio6Md9tWsWdOhzq+//lphYWF5ysXHx8sYk+9E5cspX768goKCNH78eCUlJemnn37KM4x3OW3atHFIbC79Wd6+fbv279+vxx57zOF9/v7+atiw4VW1NUepUqW0du1ahy2/4aabxdKlSxUcHKzmzZsXWCY6OlrHjh1Tly5d9Mknn+jQoUN5ynTt2lXu7u4OQ6I5CXKvXr2Koum3PTpH16FixYoqXbq0du3aVajyhw8fliRVqVIlz2t+fn7W6znyK3e51/744w8ZY1SpUiWVLFnSYfv+++/z/aHKkZaWpgceeEC///67/vWvf+mbb77R2rVr9dZbb0nKnvB9LQ4fPlzg+ea8bq9ChQoO3+cMXV1N/TabTb169dLs2bM1efJkBQcH64EHHsi37I8//qiWLVtKyp77sGbNGq1du1YvvvjiVdd7uX+v/NoYHx+vs2fPqnLlypeda3QlV7qvsrKydPTo0Wtuq70+ffro008/VVJSkkqVKmUNb13qeu7FHJUrVy5wX845X+39VViXuz6X3qNS9n1qf6/88ccf+vTTT/Oce3h4uCQV6vyvtk5nXwubzably5frwQcf1Lhx41SnTh3dcccdGjBggE6cOHHVbb70ZzmnPfkNr15pyLUgLi4uuvfeex22kJAQ6/USJbJnkmRmZub7/oyMDKvMjXDw4MErru7t3r27pk+frt27d6tDhw7y9fVV/fr19dVXX1llypcvr3bt2undd9+1zm3mzJmKjo627rmrkWlMkW23CuYcXQdXV1fFxsZq6dKlSk9Pv+JNnvPLYt++fXnK7t2712G+kaQ8z9u40msVK1aUzWbTN998k+/k8Pz25Vi0aJFOnTqljz/+WAEBAdb+632GToUKFbRv3748+/fu3Wu1uSjEx8dr+PDhmjx5sl555ZUCy82dO1clS5bU4sWL5eHhYe1ftGjRVdd5uX+vS+3bt09PPfWUoqKitHXrVj377LN64403rrpOyfG+utTevXvl4uKicuXKXXNb7T366KN66qmnNGbMGD3xxBMFrpC8nnsxx6Xztez35ZxzYe+vnH/bS+eyFNRJudbrk6NixYqqWbNmgfdeTofFmYriWgQEBFjJy44dO/Thhx9q5MiROn/+/GXnxxW2vVJ2R/JS+f3bO0NOp+v333/P9/Xff//9mjtm1+KOO+7IsxgnP7169VKvXr106tQprV69WiNGjNDDDz+sHTt2WL+ve/XqpY8++khfffWV/P39tXbtWk2aNKmoT+G2RXJ0nV544QUZY/TEE0/o/PnzeV6/cOGCPv30U0myYvrZs2c7lFm7dq1+/vlnxcbGXldbHn74YRlj9Pvvv+f5v6d77733ssM2OX8M7P9oGWP09ttv5yl76f+xXk5sbKy+/vpr6xd0jnfffVelS5cusmW3VatW1XPPPae2bduqZ8+eBZaz2WwqUaKEQ/x/5swZvffee3nKXs15X05mZqa6dOkim82mpUuX6rXXXtObb76pjz/++JqOFxISoqpVq+qDDz5wWGF36tQpLViwwFrB5gylSpXS8OHD1bZtWyUmJhZY7nruxRzLly93+MOZmZmpefPmKSgoyPqfi8LeXzkrnzZt2uRQ7mpW8VyNhx9+WFu2bFFQUFC+518UnaPY2FilpKRo/fr1Dvvfffdd2Ww2NW3aVNK1X4vg4GC99NJLioyMzFPHtQgJCVHlypX14YcfOuxPS0vTd999d93Hz8/dd9+tgIAAffTRRw4/K1J2irNixYrLDnE5W6tWrbRjx45CD3l6enqqVatWevHFF3X+/Hlt3brVeq1ly5aqWrWqZsyYoRkzZsjDw8NavXs1jKSsItxuFSRH16lBgwaaNGmS+vXrp7p16yoxMVHh4eG6cOGCfvrpJ02dOlURERFq27atQkJC1LdvX7355ptycXFRq1atrNVq1atX19/+9rfrakvDhg3Vt29f9erVS+vWrVOjRo3k6empffv26dtvv1VkZGSBf9BatGghNzc3denSRYMHD9bZs2c1adKkPMMxkhQZGamPP/5YkyZNUt26da0oOz8jRoyw5l8MHz5c5cuX1/vvv6/PPvtM48aNs1atFIUxY8ZcsUybNm2UlJSkxx9/XH379tXhw4c1YcKEfJONyMhIzZ07V/PmzdOdd94pDw+Pa5onNGLECH3zzTf68ssvVblyZQ0aNEirVq1Snz59VLt2bdWoUeOqjufi4qJx48apa9euevjhh5WQkKBz585p/PjxOnbsWKGuw9UYOHCgBg4ceNky13Mv5qhYsaKaNWumYcOGWavVtm3b5rCcv7D3V7169RQSEqJnn31WGRkZKleunBYuXKhvv/32+i9IPkaPHq2vvvpKMTExGjBggEJCQnT27FmlpqZqyZIlmjx5stMflvq3v/1N7777rtq0aaPRo0crICBAn332mSZOnKjExERrjmLlypXVvHlzvfbaaypXrpwCAgK0fPnyPJ3zTZs2qX///urYsaPuvvtuubm56euvv9amTZs0ZMiQ626vi4uLRo0apYSEBMXFxal37946duyYRo0apSpVquT7eAhnmDBhgh577DHFxsbqiSeeUOXKlbVz506NGTNGbm5uGjZsWJ737N+/P9+nagcGBlq/+zIzM/Mtk9OhWbVqlWJjYzV8+HBrFewzzzyjefPmqX379hoyZIiio6N15swZrVq1Sg8//LCaNm1qJbQNGzZUlSpVtH//fr322msqW7as6tWrZ9Xj6uqqHj16KCkpSd7e3nr00UeL9Pfrba/YpoLfZjZs2GB69uxp/P39jZubm/H09DS1a9c2w4cPNwcOHLDKZWZmmrFjx5rg4GBTsmRJU7FiRdOtWzezZ88eh+M1btzYhIeH51vXlVZPTJ8+3dSvX994enqaUqVKmaCgINOjRw+zbt06q0x+K4Q+/fRTU6tWLePh4WGqVq1qnnvuObN06dI8K1uOHDli4uLijI+Pj7HZbA6rO3TJajVjjNm8ebNp27atKVu2rHFzczO1atWyVsTkKGgVyaUraApiv1rtcvJbcTZ9+nQTEhJi3N3dzZ133mlee+01M23atDyrm1JTU03Lli1NmTJljCTr+l1uBcylK4O+/PJL4+LikucaHT582Pj7+5t69eqZc+fOFdj+y9W1aNEiU79+fePh4WE8PT1NbGysWbNmjUOZnNVqBw8eLPgiFbI+ewWtYLzWe1GSeeqpp8zEiRNNUFCQKVmypAkNDTXvv/9+njoKc38ZY8yOHTtMy5Ytjbe3t7njjjvM008/bT777LN8V6td7c/epSu2jDHm4MGDZsCAAaZGjRqmZMmSpnz58qZu3brmxRdfNCdPnsz3+PkpqD35Xbfdu3ebxx9/3FSoUMGULFnShISEmPHjxzusYjTGmH379pm4uDhTvnx5U7ZsWdOtWzezbt06h5+1P/74w8THx5vQ0FDj6elpvLy8TM2aNc0//vEPh1VoBa1WGz9+fJ425/f7YerUqeauu+4ybm5uJjg42EyfPt20b9/e1K5du9DXKOd6FHbF2LJly0zLli2Nj4+PKVGihKlSpYrp1q2b2blzZ56yAQEB+a6Ck2R69uxp1V1QmUt/T1x6/kePHjX/93//Z/z9/U3JkiWNr6+vadOmjdm2bZsxxphZs2aZpk2bmkqVKhk3Nzfj5+dnHnvssXxXt+7YscOq93Ir4C6ncmUXk5Zeuci2W2W1ms2YW2iGFADgtnbs2DEFBwfrkUce0dSpU4u7Of9zqlRxVfJa3yI7/v33uRZqnlVxY1gNAFAs9u/fr1deeUVNmzZVhQoVtHv3bv3jH//QiRMn8n2wKHCj0DkCgGKQmZmZZ1KwvZv5yc7O4u7urtTUVPXr109HjhyxJtFPnjzZWoLOdbrxbqWJ00WFzhEAFIPY2NjLPgwyICAgz2fB3W7KlStnreYtCNcJxYHOEQAUgylTplz2YYqFeRbU/wKu041lJGXq+p7zdTugcwQAxcD+yc0oGNcJxYHOEQAAsGSxhp0nZAMAANgjOQIAABbmHJEcAQAAOCA5AgAAklitloPkCAAAwA7JEQAAuMimLFOUydGtsRSO5AgAAMAOyREAALAU7ZwjkiMAAIBbDskRAACwZBZpbpJVhMd2HpIjAAAAOyRHAABAUvaMoKJdrXZrIDkCAACwQ3IEAAAsPCGb5AgAAMAByREAALBkGnITrgAAAIAdkiMAACBJMrIpi9yEKwAAAGCP5KgYubvZdEdF1+JuBiTtP+VV3E3ARS4Zxd0C2OORNzcPlwtndO7cuSKvh9VqdI6K1R0VXZW2vkZxNwOSgt9NLO4m4CKfn4u7BbB33ps/lDeLIwteL+4m/M+gcwQAACysVmPOEQAAgAOSIwAAYMlizhGdIwAAkM1IymRQiSsAAABgj+QIAABYmJBNcgQAAOCA5AgAAFzEx4dIJEcAAAAOSI4AAIAkyRgpk8+MITkCAACwR+cIAABYMuVSZFth7dy5UzExMQoODlZ0dLRSUlLylDl79qzi4+MVGRmpiIgItWvXTocOHXLKNaBzBAAAbioJCQnq27evduzYocGDB6tPnz55ykyZMkUnT57Upk2btGXLFlWqVEnjxo1zSv10jgAAgCXLuBTZVhgHDhzQ+vXr1a1bN0lShw4dtGvXLqWmpuYpe/r0aV24cEEZGRk6efKkqlWr5pRrQOcIAADcNPbs2SM/Pz+VKJG9Zsxms8nf319paWkO5RISEuTt7S1fX19VqlRJx48fV//+/Z3SBjpHAABAUu5nqxXVlpPu5GxJSUn5tsNmc1wxZ4zJU2bZsmWy2Wzav3+/9u3bJx8fH40ePdop14HOEQAAuCG8vLyUnp5ubQMHDsxTpnr16kpPT1dGRoak7I7Rnj175O/v71Bu8uTJ+stf/iIPDw+5ubmpa9euWrFihVPaSecIAABYMo2tyLbC8PX1Ve3atTV79mxJ0oIFCxQYGKjAwECHcnfeeae++OILGWNkjNHixYsVERHhlGtA5wgAANxUpkyZoilTpig4OFhjxozRtGnTJEmtW7fWunXrJEkjR47U8ePHFR4eroiICB06dEh///vfnVI/T8gGAAAX3RyfrRYSEqLk5OQ8+5csWWJ9Xb58ec2fP79I6i/+KwAAAHATITkCAACWzEI+j+h2xhUAAACwQ3IEAAAkZT/nKEuFW1V2OyM5AgAAsENyBAAALMw5IjkCAABwQHIEAAAsmeQmXAEAAAB7JEcAAOAim7IK+RlotzOSIwAAADskRwAAQFL2c46Yc0RyBAAA4IDkCAAAWLJ4zhGdIwAAkCuTjw9hWA0AAMAeyREAAJB08YNnGVYjOQIAALBHcgQAACzMOSI5AgAAcEByBAAALrIx50gkRwAAAA5IjgAAQDYjZZIckRwBAADYu22So8DAQHl4eMjDw0NnzpxRr169NGTIkOJuFgAAtwwjKYvVardP50iS5s+fr4iICO3du1dhYWFq1qyZoqOji7tZAADgFnJbDqv5+fkpJCREu3fvliSNGzdO4eHhioyMVNeuXXX8+HFJ0smTJ9W7d29FREQoIiJCo0aNso7RpEkTPffcc2rUqJGqV6+u8ePHa+7cuYqJiVFAQIDmzp0rSTpz5ow6deqksLAw1apVSy1btrzxJwwAgJNkGpci224Vt1VylGPbtm06dOiQmjRpoqVLl2rGjBlKTk6Wj4+P+vbtq6FDh+qtt97S3//+d50/f16bNm3SmTNndP/99yssLEwdO3aUJKWlpWnlypXav3+/goKCNGjQIH333Xf68ccf9cgjj6hz5876/PPPdfToUaWkpEiSjhw5UpynDgAArtOt040rhLi4ON1zzz0KCwvTgAEDdMcdd2jZsmXq2rWrfHx8JEmJiYlatmyZJGnZsmV68skn5eLiIk9PT/Xo0cN6TZI6duwoFxcX+fn5qWLFinrkkUckSXXr1tW+fft09uxZ1apVS9u2bVO/fv00b948lSxatx+uAAAgAElEQVRZssD2JSUlqVq1atZ28qQpwqsBAMDVyzK2IttuFbdV52j+/Pn6+eef9eWXX2rIkCHavHmzjDGy2Rz/QXK+v9xrkuTh4WF97erqan3v6uoqScrIyNCdd96plJQUPfTQQ1qzZo0iIiJ09OjRfNs3cOBApaenW5uX161zowAA8L/ituoc5WjevLkSExP10ksvqUWLFpo7d65OnDghSZo6daqaN28uSWrRooXefvttGWN06tQpzZ4923qtsNLT02Wz2dSuXTtNmDBBxhjt2bPH6ecEAEBRM7IpUy5Ftt0qbp2WXqVhw4bp22+/la+vr7p3764GDRooMjJSf/75p1555RWrjM1mU2RkpOrXr6927dopLi7uqurZvHmzYmJiVLNmTdWpU0fdu3dXzZo1i+KUAADADWAzxjDxpZhU8yuhtPU1irsZkBT8bmJxNwEX+fxc3C2AvfPeDP/fLI4seF3p6elFWkeZSqWV+GWbIjv+B22Si/wcnOG2TY4AAACuxW25lB8AAFybLHITrgAAAIA9kiMAAGDJvIWeR1RUSI4AAADskBwBAABJkpFuqSdZFxWSIwAAADskRwAAwJJlyE24AgAAAHZIjgAAgCVTzDkiOQIAALBDcgQAAC6ysVpNdI4AAIAdJmQzrAYAAOCA5AgAAEi6+BBIJmSTHAEAANgjOQIAABY+eJbkCAAAwAHJEQAAyGZYrSaRHAEAADggOQIAABYeAklyBAAA4IDkCAAASOI5RzlIjgAAAOyQHAEAgIv44FmJ5AgAANxkdu7cqZiYGAUHBys6OlopKSn5llu1apXq1aun8PBwhYaGKjk52Sn1kxwBAADLzfCco4SEBPXt21fx8fGaP3+++vTpk6fjs3fvXvXs2VNLly7VPffco7Nnz+rs2bNOqb/4rwAAAMBFBw4c0Pr169WtWzdJUocOHbRr1y6lpqY6lJs4caK6deume+65R5Lk4eEhHx8fp7SBzhEAALBkGVuRbSdPnlS1atWsLSkpKU/9e/bskZ+fn0qUyB7cstls8vf3V1pamkO5lJQUnTlzRs2bN1dUVJSefvppnT592inXgGE1AABwQ3h5eSk9Pf2K5Ww2x0nhxpg8ZS5cuKCVK1dq2bJlKlOmjHr37q2RI0dq3Lhx191OkiMAACAp9zlHRbUVRvXq1ZWenq6MjIzsNhmjPXv2yN/f36FcQECA2rRpo3LlyqlEiRLq3LmzfvzxR6dcBzpHAADgpuHr66vatWtr9uzZkqQFCxYoMDBQgYGBDuUef/xxrVixQufOnZMkff7556pVq5ZT2kDnCAAAWIpyzlFhTZkyRVOmTFFwcLDGjBmjadOmSZJat26tdevWSZJiYmLUtm1bRUVFKTIyUgcPHtTo0aOdcg2YcwQAAG4qISEh+T6zaMmSJQ7fDx48WIMHD3Z6/XSOAACAhSdkM6wGAADggOQIAABYSI5IjgAAAByQHAEAAAvJEckRAACAA5IjAAAgKfcJ2f/rSI4AAADskBwBAIBsV/kk69sVnSMAAGChc0TnqFjtP+Wl4HcTi7sZkLSjx6TibgIuatWyc3E3AXaOh/sUdxNw0ZHibsD/EDpHAADAQnLEhGwAAAAHJEcAAEDSxaX8JEckRwAAAPZIjgAAgMWQHJEcAQAA2CM5AgAAFj4+hOQIAADAAckRAACwsFqN5AgAAMAByREAALCwWo3kCAAAwAHJEQAAsDDniOQIAADAAckRAACQJBnZmHMkkiMAAAAHJEcAACCbYc6RRHIEAADggOQIAABYjCnuFhQ/kiMAAAA7JEcAAMCSJeYckRwBAADYITkCAAAWnnNEcgQAAOCA5AgAAFh4zhHJEQAAgAOSIwAAYOE5RyRHAAAADkiOAACAJMmI1WoSnSMAAGCHzhHDagAAAA5IjgAAgIWl/CRHAAAADkiOAACAhaX8JEcAAAAOSI4AAEA2w2o1ieQIAADAAckRAAC4yEZyJJIjAAAAByRHAADAwmI1kiMAAAAHJEcAAMDCnCOSIwAAAAckRwAAIBeTjkiOAAAA7N30yVFgYKA8PDzk7u6u06dPKywsTM8//7xiYmI0efJknTlzRn/7298KfP+iRYvk5+en6OjoG9hqAABuPUbMOZJukeRo/vz52rhxo3bu3KnevXurdevW+uGHH/Tkk09etmMkZXeOfvzxxxvUUgAAcL127typmJgYBQcHKzo6WikpKQWWPXjwoCpVqqS4uDin1X9LdI7stW/fXv369dOECRM0cuRIPfvss5Kk77//XnXr1lVUVJQiIiI0adIkLVmyRP/5z380ZswYRUVF6Z133tH+/fvVtGlT1a1bV+Hh4RowYIDMxY8gHjlypB5//HG1bdtWYWFhatasmY4cOWLVPXbsWEVGRqpWrVq67777dPr0aUnSe++9p/r166tOnTpq3LixtmzZcuMvDAAATmBM0W2FlZCQoL59+2rHjh0aPHiw+vTpU2DZfv36qXXr1k4481y3XOdIkurVq6etW7c67Hvttdc0aNAgbdiwQVu2bFHnzp3VunVrtWvXTkOGDNGGDRv017/+VT4+Pvr000/13//+V5s2bdJvv/2mBQsWWMf54YcfNGvWLKWkpMjX11dTpkyRJM2aNUuLFi3SmjVrtHHjRi1dulTu7u5as2aN5s6dq9WrV2v9+vV6+eWX1bVr1xt6PQAAuF0cOHBA69evV7du3SRJHTp00K5du5Sampqn7Pvvv69KlSqpcePGTm3DTT/nKD8mn+5n06ZN9fLLL+uXX35Rs2bNdP/99+f73qysLD3//PP69ttvZYzRgQMHFBUVZcVxrVq1Uvny5SVJDRo00ObNmyVJixcvVmJiory9vSVJ5cqVkyR98skn2rhxo+rXr2/VcfDgQZ0/f15ubm4OdSclJSkpKSn3PM6fu9ZLAABAkSjuOUd79uyRn5+fSpTI7qLYbDb5+/srLS1NgYGBVrm9e/cqKSlJq1at0vz5853ahlsyOVq7dq0iIiIc9j3zzDNavHixqlSpoqFDh6pfv375vjcpKUmHDx/WDz/8oE2bNunxxx/X2bNnrdc9PDysr11dXZWRkXHZthhj1Lt3b23YsMHa9u7dm6djJEkDBw5Uenq6tdnc3K/mtAEAuKWdPHlS1apVszb7wMCezebYQcsvFHniiSc0btw4eXl5Ob2dt1xy9Mknn2jSpEn6/PPP9fnnn1v7t2/frpCQEN15552qXr26hg4dKkny9vbW8ePHrXJHjx5V5cqV5eHhoT/++EMfffSROnXqdMV627Vrp4kTJ+qRRx6Rt7e3jh07pjJlyqht27bq0aOHnnjiCVWvXl1ZWVlav3697r33XuefPAAARa0IkyMvLy+lp6dftkz16tWVnp6ujIwMlShRQsYY7dmzR/7+/g7lkpOTrblIJ0+e1JkzZ/Tggw/qiy++uO523hKdo7i4OLm7u+vUqVMKCwvTkiVLdN999zl0jt58802tWLFCbm5ucnV11euvvy5J6t69u+Lj4/XRRx+pf//+GjBggDp27KioqChVrVpVzZs3L1Qbunfvrr1796pBgwYqWbKkSpcurWXLlqlRo0Z69dVX1b59e2VmZurChQtq06YNnSMAAK6Br6+vateurdmzZys+Pl4LFixQYGCgw5CaJIcFUzNnztTixYudNrxmM/llVbghSpT1UeCLw4u7GZC0o8ek4m4CLmrVsnNxNwF2jof7FHcTcFH6N/+4YupyvUpUKCv/fz9fZMc//9zEQp3D9u3bFR8fr8OHD8vb21uzZs1SeHi4WrdurdGjR+cJIJzdObolkiMAAPC/IyQkRMnJyXn2L1myJN/y8fHxio+Pd1r9dI4AAEA2Iz5bTbfoajUAAICiQnIEAAAsxf2co5sByREAAIAdkiMAAJCLOUd0jgAAQC6G1RhWAwAAcEByBAAAcjGsRnIEAABgj+QIAADYYc4RyREAAIAdkiMAAJCLOUckRwAAAPZIjgAAQC6SI5IjAAAAeyRHAAAgF0/IJjkCAACwR3IEAAAshjlHJEcAAAD2SI4AAEAukiOSIwAAAHskRwAAIJuxsVpNJEcAAAAOSI4AAIDFxpwjkiMAAAB7JEcAACAXyRHJEQAAgD2SIwAAkIvVaiRHAAAA9kiOAABALuYckRwBAADYIzkCAAC5SI5IjgAAAOyRHAEAgFwkRyRHAAAA9kiOAABALp5zROcIAADk4oNnGVYDAABwQHIEAACyGTEhWyRHAAAADugcAQAA2KFzBAAAYIc5RwAAwMJqNTpHxcolQ/L5ubhbAUlq1bJzcTcBFy39cm5xNwF2HvSLKu4mIIdfcTfgfwedIwAAkIuHQDLnCAAAwB7JEQAAyMWcI5IjAAAAeyRHAAAgF8kRyREAAIA9kiMAAGDhOUckRwAAAA5IjgAAQC6SI5IjAAAAeyRHAAAgF8kRyREAAIA9kiMAAGBhtRrJEQAAuMns3LlTMTExCg4OVnR0tFJSUvKUmTdvnmrXrq2IiAhFRkbqzTffdFr9JEcAACCbkWRsxd0KJSQkqG/fvoqPj9f8+fPVp08fJScnO5SpVq2ali5dqsqVK+v48eOqW7eu6tSpo4YNG153/SRHAADgpnHgwAGtX79e3bp1kyR16NBBu3btUmpqqkO5hg0bqnLlypKksmXLKjQ0VLt27XJKG+gcAQCAXKYIt0LYs2eP/Pz8VKJE9uCWzWaTv7+/0tLSCnxPSkqKkpOT1axZs6s71wLQOQIAADfEyZMnVa1aNWtLSkrKt5zN5ji0Z0zBPav09HS1b99ekydPlp+fn1PayZwjAABgKcrVal5eXkpPT79smerVqys9PV0ZGRkqUaKEjDHas2eP/P3985Tdu3evmjdvrpdeekkdO3Z0WjtJjgAAwE3D19dXtWvX1uzZsyVJCxYsUGBgoAIDAx3K7du3T7GxsXr++efVs2dPp7aBzhEAAMhVzHOOJGnKlCmaMmWKgoODNWbMGE2bNk2S1Lp1a61bt06SNHz4cKWlpelf//qXoqKiFBUVpRkzZlzfuV/EsBoAALiphISE5Fm6L0lLliyxvn777bf19ttvF0n9dI4AAIAkySaekC3ROQIAAPboHDHnCAAAwB7JEQAAyEVyRHIEAABgj+QIAABYmJBNcgQAAOCAzhEAAIAdOkcAAAB2mHMEAAByMeeI5AgAAMAeyREAAMhmWK0mkRwBAAA4IDkCAAC5SI5IjgAAAOyRHAEAgFwkRyRHAAAA9kiOAACAhdVqJEcAAAAOSI4AAEAukiOSIwAAAHskRwAAwMKcI5IjAAAAByRHAAAgF8nRzZscBQYGKjQ0VFFRUQoLC9Nbb711TceZOXOmduzY4dS2jRw5Us8++6xTjwkAAG4ON3VyNH/+fEVERGjPnj2KjIzUAw88oJo1a17VMWbOnKmKFSsqODi4iFoJAMBthOTo5k2O7FWvXl3BwcHasWOHxo0bp/DwcEVGRqpr1646fvy4JOnTTz9VzZo1FRUVpYiICH3yySd65513tG7dOg0YMEBRUVFasmSJJGns2LGKjIxUrVq1dN999+n06dOSVOCxjx8/rri4OIWFhenBBx/UL7/8YrXtwoULGjJkiKKjoxUVFaXOnTvr2LFjN/gKAQAAZ7klOkebN2/Wtm3btG/fPs2YMUNr1qzR5s2b5enpqaFDh0qSXnrpJU2ePFkbNmzQpk2b1LhxY/31r3/VvffeqzfeeEMbNmxQ69atNWvWLC1atEhr1qzRxo0btXTpUrm7u2vp0qUFHnv06NHy9vZWSkqK3n//fa1evdpq2/jx4+Xl5aUff/xRGzZsUHh4uEaMGJHveSQlJalatWrWlnXhXNFfPAAAroLNFN12q7iph9Xi4uLk4eGh0qVLa/r06UpOTlbXrl3l4+MjSUpMTFTnzp0lSbGxsXrmmWcUFxenli1bKioqKt9jLl68WImJifL29pYklStXTpK0bNmyAo+9YsUKvfnmm5KkihUr6tFHH7WOt2jRIv3555+aP3++JOn8+fMKCgrKt+6BAwdq4MCB1vdunj7XdmEAAECRuak7RzlzjnJ89913stlsDmVyvk9KStLWrVu1YsUK9ezZU127dtXgwYMLXZcxpsBjG1Nwd9cYo4kTJ6pZs2aFrgsAgJuSEXOOdIsMq+Vo0aKF5s6dqxMnTkiSpk6dqubNm0uStm3bpvDwcPXv31+JiYn6/vvvJUne3t7W3CFJateunSZNmqQ///xTknTs2DFlZmZe9tixsbGaMWOGJOnIkSNauHChw/GSkpKseUunT5/W1q1bi/IyAACAInRTJ0eXatWqlTZv3qwGDRrIZrOpZs2amjhxoiTphRde0I4dO+Tm5qbSpUtr0qRJkqS+fftq0KBBGj9+vF599VV1795de/fuVYMGDVSyZEmVLl1ay5Ytu+yxhw0bpt69eyssLEwBAQFq0aKF1aYhQ4Zo1KhRql+/vpU0Pf/88woPD7/BVwcAACcgOZLNXG7MCEXKzdNHNR8bXtzNgKQK/z1a3E3ARUu/nFvcTYCdB/3yn7+JG+9nv2Slp6cXaR0ly/goJDH/RUXOcOyD14v8HJzhlhpWAwAAKGq31LAaAAAoYownkRwBAADYIzkCAACWW+lhjUWF5AgAAMAOyREAAMhFckRyBAAAYI/kCAAA5CI5IjkCAACwR3IEAAAstisXue2RHAEAANghOQIAALmYc0RyBAAAYI/kCAAASMqeb8QTskmOAAAAHJAcAQCAbEbMORLJEQAAgAOSIwAAkIvkiOQIAADAHskRAACwsFqN5AgAAMAByREAAMhFckRyBAAAYI/kCAAAWJhzRHIEAADggM4RAADIZYpwK6SdO3cqJiZGwcHBio6OVkpKSr7lXn75ZQUFBSkoKEjDhg276lMtCJ0jAABwU0lISFDfvn21Y8cODR48WH369MlTZvXq1ZozZ442bdqklJQULV26VF988YVT6qdzBAAALDZTdFthHDhwQOvXr1e3bt0kSR06dNCuXbuUmprqUG7evHmKj4+Xp6en3N3d1bt3b82ZM8cp14DOEQAAuCFOnjypatWqWVtSUlKeMnv27JGfn59KlMheM2az2eTv76+0tDSHcmlpaQoICLC+DwwMzFPmWrFaDQAA5CrC1WpeXl5KT0+/YjmbzebwvTH5N8q+XEFlrgWdIwAAkKuYl/JXr15d6enpysjIUIkSJWSM0Z49e+Tv7+9Qzt/f32Gobffu3XnKXCuG1QAAwE3D19dXtWvX1uzZsyVJCxYsUGBgoAIDAx3KdezYUbNmzdKpU6d07tw5TZ8+XZ07d3ZKG+gcAQAAS3FPyJakKVOmaMqUKQoODtaYMWM0bdo0SVLr1q21bt06SVKTJk302GOPKTIyUvfcc49atmyphx56yCnXgGE1AABwUwkJCVFycnKe/UuWLHH4fvjw4Ro+fLjT66dzBAAAsl3lwxpvVwyrAQAA2CE5AgAAFpsTl8TfqkiOAAAA7JAcAQCAXARHJEcAAAD2SI4AAIDlap5HdLsiOQIAALBDcgQAAHKRHJEcAQAA2CM5KkbGJp33thV3MyDpeLhPcTcBFz3oF1XcTYCdL/ZuKO4m4CL/e29MPcw5IjkCAABwQHIEAABykRyRHAEAANgjOQIAABbmHJEcAQAAOCA5AgAAuUiOSI4AAADskRwBAIBshjlHEskRAACAA5IjAACQyxAdkRwBAADYITkCAACSJJuYcySRHAEAADggOQIAALlIjkiOAAAA7JEcAQAAiy2ruFtQ/OgcAQCAXAyrMawGAABgj+QIAABYWMpPcgQAAOCA5AgAAOTi40NIjgAAAOyRHAEAgGyGOUcSyREAAIADkiMAAJCL5IjkCAAAwB7JEQAAsDDniOQIAADAAckRAADIxXOOSI4AAADskRwBAAALc45IjgAAAByQHAEAgFwkRyRHAAAA9kiOAACAhTlHJEcAAAAOSI4AAMBFRsoiOiI5AgAAsENyBAAAshmxWk0kRwAAAA5IjgAAgIXVaiRHAAAADkiOAABALkN0RHIEAABgh+QIAABYmHNUyOQoMDBQoaGhioqKUlhYmN56662ibleBNmzYoA8//LDY6i9Iamqqpk6dWtzNAAAA16nQw2rz58/Xhg0b9MUXX+jFF1/Upk2bHF7PyMhweuMulZGRQecIAICiZIpwc4LTp0+rS5cuuuuuuxQcHKyPP/4433KbN29Wo0aNFBoaqsjISPXt21fnzp0rVB1XPeeoevXqCg4O1o4dOxQVFaUBAwaoQYMGWrhwof744w/95S9/UWRkpCIiIhw6C4GBgXrhhRfUqFEj3XXXXUpKSrJe27lzp9q0aaN69eqpVq1amjhxovWazWbT66+/riZNmuiJJ57Q8OHDtWzZMkVFRenJJ5/U+PHjlZCQYJU/duyYKlasqCNHjkiSxo4dq8jISNWqVUv33XefTp8+LUkaN26cwsPDFRkZqa5du+r48eOSpJEjR+rZZ5+1jvfvf/9b8fHxkqSZM2fqwQcfVJcuXRQZGal7771Xv/32myTpySefVEpKiqKiotSuXburvawAABQ7mySbMUW2OcOECRPk7u6uX375RV988YX69euno0eP5inn4eGhf//739q2bZs2bNig48eP6/XXXy9UHVc952jz5s3atm2bjh49qk2bNunf//633njjDUlSp06dFBoaqoULF+rAgQOqW7euoqKiFB0dLUn6448/tHr1ah06dEh169ZVw4YNde+99+rxxx/Xe++9p9DQUJ0+fVr33Xef7rvvPtWpU0eSdO7cOa1cuVJSdgdl8eLFmj9/vqTszlBISIjGjRunsmXLatq0aWrfvr3Kly+vWbNmadGiRVqzZo28vb119OhRubu7a+nSpZoxY4aSk5Pl4+Ojvn37aujQoYUaLvzhhx+0ceNGBQQEaMiQIRo7dqymTJmiyZMn69lnn9W6desKfG9SUpJDpzDrQuF6sAAAINu8efM0c+ZMSVKNGjXUqFEjffLJJ1aQkePuu++2vnZ1dVW9evW0bdu2QtVR6OQoLi5OUVFRSkhI0PTp03X33XcrODhY999/v1Vm2bJleuqppyRJvr6+evTRR7V8+XLr9T59+kiSKlasqL/85S9avny5tm/frq1bt6pz586KiopSTEyMTpw4oZSUFOt9vXv3LrBdPj4+6tChg2bOnCljjCZNmqT+/ftLkhYvXqzExER5e3tLksqVKydXV1ctW7ZMXbt2lY+PjyQpMTFRy5YtK9R1uP/++xUQECBJatCggX799ddCvU+SBg4cqPT0dGtzKele6PcCAHBDZBXh5gRpaWnW32Epe2QqLS3tsu85deqU3nnnHbVt27ZQdRQ6OZo/f74iIiKs71euXCkvL6885Ww222W/v/Q1Y4wqVqyoDRs2FFguv3rsDRgwQI888oiCgoJUqVIl1a5d+7LljTEFtrNEiRLKzMy09p89e9ahnIeHh/W1q6vrDZlrBQDA7eDkyZOqVq2a9f3AgQM1cOBAhzIPPPCAfv7553zf/9NPP0ly7FuYKwzXXbhwQZ06dVLLli3Vvn37QrXTqc85at68uTXP6ODBg1q4cKGaNWtmvT5jxgxJ0pEjR7Ro0SLFxsYqJCREpUuX1rvvvmuV++WXX6w5Q5fy9va25gflCA0NVWBgoBITE63USJLatWunSZMm6c8//5SUPQSXmZmpFi1aaO7cuTpx4oQkaerUqWrevLkkKSgoSOvWrVNWVpZOnz6tBQsWFOrc82sXAAC3mqKcc+Tl5eUwgnJpx0iSvvnmGx06dCjfrXr16vL391dqaqpVfvfu3fL398/3XC5cuKDHHntMVapU0b/+9a9CXwOndo7eeOMNbdq0STVr1lTTpk314osvWvONJCkgIEAPPPCAoqOjNWDAAEVHR6tEiRL69NNP9eGHH6pmzZoKDw/XX//6V505cybfOmJjY3Xq1CnVqlVLTz75pLX/iSeeUEZGhuLi4qx93bt31yOPPKIGDRooKipKrVu31rlz59SqVSt1795dDRo0UGRkpP7880+98sorkqQOHTrI19dXYWFhevTRRxUVFVWoc69Zs6ZCQkIUERHBhGwAAIpIx44drTnCu3bt0qpVq/L9u5uRkaHOnTurfPnymjp16mVHsi5lM1fKo5wkMDBQixcvdhiac6Z+/fqpSpUqGjZsWJEcvyiU9PLRPX1GFHczIKn0AScNhuO6lZn3fXE3AXa+2FvwlAfcWP73nlF6enqR1uHhXlYNY4YU2fG373zrus/h1KlT6t27t/773//KxcVFr776qhWMDB8+XH5+fnryySf1/vvvq1u3bqpZs6bVMWrYsGGhFl/d8k/I3rt3r5o1a6by5ctr7Nixxd0cAABQhDw9PTVv3rx8Xxs9erT1ddeuXdW1a9drquOGdY7sxwedyc/Pr9BL8wAAwBXwwbN88CwAAIC9W35YDQAAOA8fPEtyBAAA4IDkCAAA5GLOEckRAACAPZIjAABgsfHYN5IjAAAAeyRHAAAgF3OOSI4AAADskRwBAIBcBEckRwAAAPZIjgAAgMXGnCOSIwAAAHskRwAAIJsRq9VEcgQAAOCA5AgAAOTiCdkkRwAAAPZIjgAAwEWG1WoiOQIAAHBAcgQAAHKRHJEcAQAA2CM5AgAAuUiO6BwBAAA7LOVnWA0AAMAeyREAALCwlJ/kCPj/9u49KKryjQP49yAYIBcvYeqQ4pSLGhdNNHXUQpBQ0gRxGq9MEgXEqDGJJmbpRIqiZSGaNyibRIrCvDElWqhhQhlyURAU0yTTVFwWUdzd3x/8WNnUxCV4OXu+nxlm3LM7y3fcwofnPO/7EhERGWHniIiIiO5g54idIyIiIqLG2DkiIiKienqwcwR2joiIiIiMsHNEREREd7BzxM4RERERUWPsHBEREdEd3CGbnSMiIiKixtg5IiIiIgPukM3OEREREZERdrtJUl8AABPySURBVI6IiIjoDnaO2DkiIiIiaoydIyIiIvo/PaBj54idIyIiIqJG2DkiIiKiOzhzxM4RERERUWPsHAlkUXcDV9JXiY7RbNXV1bCzsxMdo1muiA7wHzGHzwI9RAf4b5jFZwGgp5foBM1nLp/FpUuXWv6b6MHOEVgcCXXz5k3REf4Tzs7OOH/+vOgYBH4WbQk/i7aDnwU9LBZHREREdAc7R5w5IiIiImqMnSNqtujoaNER6P/4WbQd/CzaDn4WD4n7HEHS69k/IyIiIsDa0h7ePV9rsfcvuJUqi/kvdo6IiIjoDr1OdALhOHNERERE1Ag7R0RERHQHp23YOSIiIiJqjJ0jIiIiuoOr1dg5ouarqqpCYWGh6BiKd/v2bdERiNqMiRMnNuka/ZO+/rZaS33JBIsjMom/vz+uXbuG6upqeHp64oUXXsDixYtFx1KkoqIiDBgwAL179wYA/PLLL5g/f77gVMp0/fp1zJ07Fy+++CIAoLi4GNu2bROcSpl+//33u66dPn1aQBKSIxZHZJKLFy+iY8eO2LNnD1588UWcOnUKGRkZomMpUlRUFBITE/Hoo48CAJ5++mns3r1bcCplCg8Px6OPPory8nIAQO/evREfHy84lbJs3LgRgwcPRmlpKYYMGWL4cnV1hYuLi+h4bV/DwbMK7xxx5ohMUldXBwDIzs6Gv78/rKysYGHBWlsEtVqNESNGGB5LkgQrKyuBiZTr5MmT+OKLL5Ceng4AsLGxAffZbV1+fn7o06cPIiIisHLlSsN1BwcHeHh4CExG/5WamhqEhoYiNzcXFhYWWL58OYKCgu77er1eD19fX+Tn5+Py5ctN+h4sjsgkbm5u8Pf3x8mTJ7FixQrU1NSIjqRYlpaWqKurgyRJAIDz58+zUBWkffv2Ro9v3LjB4qiV9erVC7169cKJEydER5GvlvxvVmr+WyQkJOCRRx5BWVkZzpw5g2HDhsHb2xudOnW65+sTExPh4uKC/Pz8Jn8P/gQlk6SkpCA8PBwHDhyAra0trl69iuXLl4uOpUhRUVEIDAzE5cuX8e6772LUqFGYN2+e6FiK5O3tjffffx83b97EDz/8gJdeeolDwIJUVFQgIiICfn5+GD16tOGL5G/79u14/fXXAdTfuh41ahR27Nhxz9eeOnUKqampWLBgwUN9D56tRs1y69Yto1VStra2AtMo108//YQdO3ZAr9dj/PjxGDlypOhIinT79m2sXLkSGRkZ0Ov1mDBhAhYsWABLSzbpW9uQIUPg4+ODYcOGoV27dobrAQEBAlO1fdbt7ODdNaTF3r+g3Y5mn61mb2+P8vJydO3aFQAQExMDOzu7uxYF6XQ6jB49Gh9++CE6duwILy8v3lajlrV9+3ZER0fjzz//BFB/T1eSJGi1WsHJlKe2thbDhg3D8OHDAdT/QKitrYW1tbXgZMpjaWmJt956C2+99ZboKIpXW1uLZcuWiY5B/1BdXQ1nZ2fD4+joaERHRxu9ZuTIkfe9LXrs2DEAMIwRALjvreuEhASMGjUKAwYMQEVFxUPlZHFEJlmwYAEyMjIwaNAgzrcINnr0aOzduxeOjo4A6ge0AwICcOjQIcHJlCMmJuZfn1+xYkUrJaEGbm5uOH/+vNE/xNRELXhDyc7O7oGdo4MHD/7r8z179kRFRQWcnJwAAGfPnsW4cePuel12djaOHz+Ozz77DLdv38bVq1fh4uKCY8eO3Xc+qQGLIzJJjx49MHjwYNExCPUrNxoKIwBwdHSERqMRmEh5OnToAAAoKytDdna2YeXMN998Az8/P5HRFOvKlSvw8PDAiBEjjLqoaWlpAlPRf2Hy5MlYu3YtUlJScObMGfz4449Yv379Xa/btWuX4c8VFRXw8vJqcgeJxRGZZPbs2Vi8eDEmTpxo9IOnf//+AlMpk06ng0ajMfwDrVarDVstUOt45513AABjx47Fr7/+ii5dugAA3n77bcyYMUNkNMWaMmUKpkyZIjqGPLXxUeR58+Zh1qxZePLJJ2FhYYG1a9eic+fOAIDFixejR48eCA8Pb9b3YHFEJjl37hwSEhKQkpJiGHaUJIk70Aowbdo0+Pn5ISIiAgCwbt06hIS03EAl3d+5c+cMhREAdO7cGWfPnhWYSLn4/4D56tChA7Zv337P55YuXXrP6y4uLk0exgZYHJGJPv74Y5SXl6N79+6ioyje/Pnz0a1bN3z77bcAgIiICEyfPl1wKmXq168fXnnlFYSGhgIAkpOT0bdvX8GplGnWrFn3vL5ly5ZWTiJDPHiWxRGZxsXFhYVRGxISEsLflNuAzZs3Y8mSJYiKioJer4ePjw8SEhJEx1KkQYMGGf5cW1uL9PR0DBw4UGAikhPuc0QmiYmJwblz5zB58mSjmaN7rRiglnXt2jV88sknKC8vN9pzir8hE91RU1OD4OBg7NmzR3SUNs26nR2e6zS1xd6/0HpPs/c5ag3sHJFJcnNzAdTfXmsgSRKLIwGCg4Ph5OR012Z31PrUajUWLlyIffv2QZIkjBkzBu+99x7s7e1FR1M8Gxubh97rhpSLxRGZ5MCBA6Ij0P9VVlZi3759omMQgMjISNja2mLbtm0AgA0bNiAyMhJbt24VnEx5Gu89pdVqkZeXx9W0TaHXc+YILI6oGdLT041+Qw4MDBQdSZGeeOIJVFVVGe11RGIcP37c6HDLpKQkeHp6CkykXA1bWwD1O5dHRERg0qRJAhORnLA4IpMsXboUGRkZmDlzJgAgLi4ORUVFWLRokeBkymNvbw8vLy+MHTvWaP6LuzK3Pq1WC7VabbiNptFooNPpBKdSpoa9p8gEHEVmcUSm+eqrr3DkyBHDQbNhYWEYNmwYiyMBVCoVVCqV6BgEYObMmRg6dCimTZsGSZKQmprKVYSC/HP+y9fXF3FxcZz/oibhajUyibu7OwoKCh54jUhpMjMzsW/fPuj1eowZMwb+/v6iIynSjBkzYGtra9gcdcOGDVCr1Zz/egBriw54zv6lFnv/QvvvZLFajcURmSQ0NBR1dXUIDw+HJEnYuHEjAC4fF+Xrr7/Gb7/9htraWsM13lZrfbW1tXjkkUcMJ4brdDrcunXL6HYntQ5PT0+j+a/7XSNjLI7q8Th1MslHH32E7t27Y/bs2YiKikLXrl2NlvVT65k7dy6Sk5OxadMmaLVapKam4u+//xYdS5FGjx6N69evGx6r1Wr4+voKTKRcDfNfDTj/9RD0+pb7kgnOHJFJOnTogPj4eNExCEBWVhby8/MxcOBArFq1CjExMXjllVdEx1Kkmpoao1WDjo6O0Gg0AhMpF+e/qDlYHJFJuNld22FtbQ0LCwtIkoS6ujo89thj+OOPP0THUiSdTgeNRmNYRq5Wq1FXVyc4lTLFxMTAw8PDMP8VHx/P+a8m0rPDxuKITMPN7toOe3t71NTUYMSIEQgJCUG3bt1gZWUlOpYiTZs2DX5+foYh4HXr1hm2u6DWVVtbi+eff95QEOl0OtTW1nL+i5qEA9lkEg47th0XL15Ep06doNVqsXr1aly9ehVz5szB448/LjqaIn366afYvXs3AGDChAmYPn264ETKNHz4cOzdu9dwm7OqqgoBAQE4dOiQ4GRtm7VFBzxr03KbZRZ12s+BbDJfHHZsO3bv3o327dvDxsYGsbGxSEhIwPfffy86liJlZmYiJCQEaWlpSEtLw/Tp05GZmSk6liJx/ouag8URmaRh2PH999/HsmXLMHz4cA47CpKYmNika9TyFi5c2KRr1PIa5r8acP6rifSoP1utpb5kgjNHZJKYmBi4u7sjKyvLMOz42GOPiY6lKHl5efj5559x+fJlJCUlGa5XVVXh1q1bApMpT1lZGUpLS3H9+nXs2bPHcL2qqgo1NTUCkynXvea/+AscNRWLI3poeXl5OHv2LJ577jmMHTsWhYWFWLRoEQ4fPoxLly6JjqcYf/zxB/Ly8qDRaJCbm2u47uDggJSUFHHBFOjw4cNISUnBxYsXsXLlSsN1BwcHrFq1SmAy5Zo/fz66deuGb7/9FgAQERHB+a8m0QN6jkhwIJseSnx8PJYvXw5XV1f8/fffmD17NubPn4/IyEgsWrQIHTt2FB1Rcfbu3YuxY8eKjkEANm/ejNDQUNExCMC1a9f488gE1pItRllNbLH3L+6azYFsMj8pKSkoLi7GkSNHsHPnTrzxxhvYuXMnEhIS+INIkN9//x1VVVUAgKioKHh5eSE7O1twKmXq2rWrYYfshIQEBAcHo7CwUHAqZerTpw/CwsJw/Phx0VFIhlgc0UOxtrZG9+7dAQB9+/aFSqWCj4+P4FTKtnbtWjg6OuLw4cMoKChAXFwc3nzzTdGxFCk2NhYODg7Iz8/H559/jjFjxhhmXqh1lZWVoV+/fpg0aRJGjhyJtLQ0aLVa0bHkQa9ruS+ZYHFED+XmzZs4ceIEiouLUVxcDAB3PabWZWlZPzq4f/9+zJw5E88//zxu374tOJUyNXwW3333HV599VW89tprXD4uiKOjI6Kjo3Hq1CksWLAAb775Jnr27Im4uDh+JvRAHMimh1JTU4Nx48YZXWt4LEkSTp8+LSKWollYWCA1NRXbt2/Hrl27AICr1QTRarU4cuQI0tPTkZycDABcPi6QWq1GSkoKkpKS8NRTTyEsLAxZWVnw9/fHwYMHRcdrs/QyWnLfUlgc0UOpqKgQHYH+ITExEcuXL0dYWBhcXFxQWloKb29v0bEU6b333kN4eDh8fHzQr18/lJSUoE+fPqJjKVJ4eDh27NiBSZMmISMjA66urgCAoKAg9OvXT3A6auu4Wo2IiMxOQkICwsLCjHbJblBZWWmYnSRj1pItRkoBLfb+J3rkyGK1GjtHRDK1Zs0azJkzB/PmzYMkSXc9v2LFCgGplE2tVmPhwoXYt28fJEmCr68v4uLiYG9vLzqa4pw+ffquwigyMhJJSUksjOiBWBwRyVTD6eJ2dnZGxRGbweJERkbC1tYW27ZtAwBs2LABkZGR2Lp1q+BkynPkyJG7ruXk5AhIIi/uXk/hRGXL/T3JpTDlbTUiGcvNzcXKlStRVFQESZLg5uaG6OhoDBkyRHQ0RfL09ER+fv4Dr1HL+fLLL5GWloasrCz4+voarldVVUGj0eDQoUMC05FcsHNEJFM5OTkYN24cXn/9dUydOhV6vR65ubnw9/fH3r178cwzz4iOqDharRZqtdpwG02j0UCnk8/eLuZApVIhICAAR48eRUDAndkZBwcH7slGTcbiiEimVqxYgU8//RQTJkwwXAsMDMQzzzyDZcuWISMjQ2A6ZQoJCcHQoUMxbdo0SJKE1NRUHnbayjw9PeHm5obs7Gz+3ZPJeFuNSKZcXV1RUlJyz+dUKhVKS0tbOZGyFRYWorS0FBcuXEBFRQX0ej3GjBkDf39/0dEUydvbGwcOHBAdg2SKnSMimbKxsbnvc7a2tq2YhJKSkhAbGwuVSoWSkhJs2bIFQUFBomMp2vjx4xEfH4+XX34ZdnZ2huv8f4Oagp0jIpnq378/0tPT77k6LTg4mMe5tCI3NzdkZmbC2dkZBQUFiIiI4OCvYBYWd07HkiQJer0ekiTxfDVqEnaOiGTqXke5NLjXvkfUcqysrODs7AwAcHd359ldbQAH4ak5WBwRyRSPcmk7Gg5kbuji/fNx//79RcZTrN9++w3FxcWYOnUqrl27hhs3bshmnx0Si7fViIiaycXF5b7dOh7ILMb69euxbt06VFdXo7y8HOXl5QgLC8P+/ftFRyMZYHFERERmZ+DAgfjpp58wfPhwHDt2DED9bFhhYaHgZCQHFg9+CRERkby0b9/+rhWdlpacJKGmYXFERERmx8nJCaWlpYbbnVu3bsXjjz8uOBXJBW+rERGR2SkrK8PUqVNRVFQEJycn2NraYufOnXjiiSdERyMZYHFERERmSafToaSkBHq9Hq6urmjXrp3oSCQTvAFLRERm6ZdffkFWVhYkScKNGzcwaNAg0ZFIJjhzREREZueDDz7A5MmTcfHiRfz5558IDg7GmjVrRMcimeBtNSIiMjsqlQo5OTno0qULAODKlSsYOnQoD2SmJmHniIiIzE737t0NhREAdO7cGd26dROYiOSEnSMiIjI7CxcuxF9//YXQ0FAAQHJyMnr16oXAwEAAPNKF/h2LIyIiMju9e/e+73M80oUehMURERERUSNcyk9ERGYpLy/PsJTfx8eHS/mpyTiQTUREZmfjxo0ICgpCZWUlLly4gKCgIGzatEl0LJIJ3lYjIiKz4+HhgaysLDg5OQEALl26BB8fHxw/flxwMpIDdo6IiMgsNRRGDX9uOISW6EFYHBERkdl58sknERsbiwsXLqCyshJLlizhobPUZCyOiIjI7Kxfvx7l5eXw8PCAh4cHTp48ifXr14uORTLB1WpERGRWtFotDh48iNTUVNFRSKbYOSIiIrPSrl07rF69WnQMkjEWR0REZHa8vLyQk5MjOgbJFJfyExGR2Rk4cCAKCgqgUqlgZ2dnuH706FGBqUguWBwREZFZKSwsRElJCa5evYo+ffoYPffss88KSkVywoFsIiIyG0lJSYiNjYVKpUJJSQmSk5MRGBgoOhbJDDtHRERkNtzc3JCZmQlnZ2cUFBQgIiIChw4dEh2LZIYD2UREZDasrKzg7OwMAHB3d4dGoxGciOSIt9WIiMhs3Lx5EydOnEDDTZF/Pu7fv7/IeCQTvK1GRERmw8XF5b5nqEmShNOnT7dyIpIjFkdEREREjXDmiIiIiKgRFkdEREREjbA4IiIiImqExRERERFRIyyOiIiIiBphcURERETUyP8AvkcK1yvSZOkAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotCorrelationMatrix(df2, 8)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Scatter and density plots:" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABJcAAAUGCAYAAAAsRFC6AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xt8XHWd//H3J8kkM7lf2rRN7zdaCqVFwlUUES8giygirBcUd5V13XXVZX8ruip4W3DV1RVdEXW9giLITbmKgHJpSwu9AS2935M298llJtfv74+ZSdM2l8nJTGaSeT198DCZOXPOJ9PJyeSdz/dzzDknAAAAAAAAwIusVBcAAAAAAACAiYtwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAQJSZvcnMDqS6juOZ2QfM7PFxOM48M3NmlpPsYwEAgMmDcAkAAMjMzjez582sxcwazew5MztzjPu81syePe62n5vZ18ZWbepEg5d2M2szswYz+7OZXZ3s4zrn7nDOve24OhZ52Vc0QOuLfg2tZvaamX3Ew35uMrNfe6kBAABMLvxVCgCADGdmxZL+KOkfJf1OUq6kN0jqTGVdgzGzHOdcT4rLWOGc22FmUyRdIun7ZrbUOfflFNc1Goecc7PMzCRdLukeM1sjqSPFdQEAgAmIziUAAHCSJDnnfuOc63XOhZxzjzvnNsU2MLOPmdmWaKfLq2b2uujtN5jZzgG3vzt6+8mSbpN0brRDptnMrpP0AUn/Hr3tD9Ftq8zs92ZWZ2a7zexfBhz3JjO7x8x+bWZBSdceX7yZXWpm680saGb7zeymAffFlnl92Mz2mVm9mf3HgPsD0W6qJjN7VVLc3VrOuXrn3K8UCeU+Z2YV0X2WmNlPzazGzA6a2dfMLDt637Vm9qyZfSt6zN1mdsmAeq41s13R53O3mX1g4OOiH/81uvnG6PN4tZm9bGaXDdiPL/q1rhzha3DOufslNUlaNshzW2VmD0a72XaY2ceit18s6fOSro7WsDHe5w0AAEw+dC4BAIBtknrN7BeSfitptXOuKXanmb1X0k2S3iVpnaSFkrqjd+9UpMupVtJ7Jf3azBY557aY2cclfdQ5d/6AfZ0n6YBz7gvRz7Mk/UHSA5LeJ2mWpCfM7DXn3GPRh10e3feHJOUNUn979L5XJJ0q6U9mtiEamsScL2mJIkHaC2Z2r3Nui6Qbo1/PQkkFkh4Z1TMX8YAi76nOij7+F5IOS1oU3ecfJe2X9KPo9mdHt5ki6TpJPzWzmZLyJX1P0pnOudfMbIak8uMP5px7o5k5RTuoJMnM5kr6oCLPpSS9Q1KNc27DcIVHn//LJZVK2jzIJr9R5HmtkrRUked2l3PuUTP7T0mLnHMfHOH5AQAAkxydSwAAZDjnXFCR8MVJ+rGkumi3yrToJh+V9F/OubXRTpcdzrm90cfe7Zw75Jzrc87dJWm7IiFLvM6UNNU59xXnXJdzble0hr8dsM0q59z90WOEBqn/aefc5uj9mxQJRC44brMvRzuyNkraKGlF9ParJH3dOdfonNuvSLgzKs65bkn1ksqjz9klkj7tnGt3zh2R9J3jvp69zrkfO+d6FQmZZkiKPdd9kk41s4BzrsY590qcZfxa0juiSxwl6RpJvxpm+yoza47WfaOka5xzrw3cwMxmK/K6+KxzLhwNqn4S3TcAAEA/wiUAACDn3Bbn3LXOuVmKdP9USfpu9O7ZinQoncDMPmRmG6LL3pqjj50yikPPVTToGLCPz+to2CJFun6GZGZnm9lT0WV1LZI+PkgNtQM+7pBUGP246rj97x1F7bHj+yRNldQY/Xp8kmoGfD0/klQ5WC3OudiMo0LnXLukq6P115jZQ2a2NJ4anHOHJD0n6T1mVqpIwHXHMA855Jwrdc6VO+dWOud+O8g2VZIanXOtA27bK2lmPDUBAIDMQbgEAACO4ZzbKunnigRFUiR8WXj8dtGlWD+W9M+SKpxzpZJelmSxXQ22++M+3y9pdzToiP1X5Jx7xzCPOd6dkh6UNNs5V6LIrCcb/iH9ahQJz2LmxPm4gS6X1CPpBUW+nk5JUwZ8PcXOuVPi2ZFz7jHn3FsV6WbaqsjzG69fKLI07r2KdHsdHM0XMYhDinRjFQ24bY6k2H5H+ncBAAAZgnAJAIAMZ2ZLzex6M5sV/Xy2IvOPVkc3+YmkfzOzMyxiUTRYKlAkYKiLPu4jOhpISZG5Q7PMLPe42xYM+PwFSUEz+2x0uHa2mZ1qZnEP1pZUpEiHTdjMzpL0/lE89neKDOMui379n4z3gWZWHh24/QNJ33DONTjnaiQ9LunbZlZsZllmttDMjl+mN9j+ppnZO82sQJGAqk1S7xCbH/88StL9kl4n6VOSfhnv1zGU6DLB5yXdbGZ+MztN0t/raEfUYUnzonObAABABuPNAAAAaFVkyPQaM2tXJFR6WdL1UmSukqSvK9Ih1KpIiFHunHtV0rclrVIkaFiuyNKsmCcVGQZda2b10dt+KmlZdMnY/dG5Q5dJWilptyIzgH4iqWQU9X9C0lfMrFXSlxQJjOL1ZUWWeu1WJBQabk5RzEYza5O0Q5F5VJ9xzn1pwP0fkpQr6VVFrsJ2jyKdSCPJUuQ5P6TIErsLFPnaBnOTpF9En8erJCk6j+r3kuZLujeO48XjfZLmRWu6T9KNzrk/Re+7O/r/DWb2UoKOBwAAJiBzjo5mAACAycDMviTpJK7gBgAAxlNOqgsAAADA2JlZuSLL1riaGwAAGFcsiwMAAJjgzOxjigwTf8Q599dU1wMAADILy+IAAAAAAADgGZ1LAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwLCfVBYzVlClT3Lx581JdBoBJZs+ePeLcAiDROLcASAbOLQCS4cUXX6x3zk2NZ9sJHy7NmzdP69atS3UZACaZ6upqzi0AEo5zC4Bk4NwCIBnMbG+827IsDgAAAAAAAJ4RLgEAAAAAAMCztFwWZ2b5ku6WVCCpRdJVzrnO1FYFAAAAAACA46Vr59LFktY4594k6YXo5wAAIE2Fu3v18+d269er96q7ty/V5QBIAy/sbtStf96ubYdbU10KJoFVOxv0/Se3a8eRtlSXAmAQadm5JGmnpDOiH5dKakhhLQAAYASPvVKrR1+plSTNKPHropOnpbgiAKnU2dOr7/15u3r6+rSrvl3fuXplqkvCBBbq6tWtT25Xn3Pa09Chb713RapLAnCcdO1c2i7pbDN7RVK1pOcH3mlm15nZOjNbV1dXl5ICAQDAUdOK/ZIkk6myyJ/iagCkmi8rS+UFuZKOnh8Ar3zZprLo62k6rycgLaVr59KHJT3mnPummf2bpA9K+mXsTufc7ZJul6Tq6mqXmhIBAEDMOQsq9LV3LVd2lmn+lIJUlwMgxbKyTF9796naeaRNy6qKU10OJric7Cz957uXa3d9u5bN4PUEpKN0DZdMUmP043pJJSmsBQAAxGFRZWGqSwCQRor9Pp0+pyzVZWCSKAn4tHJ2aarLADCEdA2X7pR0l5ldI6lb0tUprgcAAAAAAACDSMtwyTnXLOntqa4jk/T1OTlJ2VmW6lIAAAAAAMAEkq4DvTGOGtu79OZvP60Lv/W0Gto6U10OAAAAAACYQAiXoF+t2qs9DR3a19ihnz+/J9XlAAAAAACACYRwCXpw40Gds6Bcbzxpqh7aVJPqcgAAAAAAwARCuJThjrSGtbOuXW9eWqk3Lp6iXfXtOtgcSnVZAAAAAABggkjLgd4YPy/tbZYknTG3THk52ZKk9fuaNLM0kMqyAAAAAADABEHnUoZ79VCLskw6papEi6cVKifLtKUmmOqyAAAAAADABEHnUobbWdeuOeX58vsiXUuLKgv1yiHCJQAAAAAAEB86lzLczro2Laos7P98UWWhdtW1p7AiAAAAAAAwkRAuZbDePqdd9e1aOPVouDSvokAHm0Pq7u1LYWUAAAAAAGCiIFzKYAebQurq6TsmXJpTka/ePqdDXDEOAAAAAADEgXApg+1uiCx/mzeloP+2ueX5kqQ9DR0pqQkAAAAAAEwshEsZrCbanVRV6u+/LRY07Wtg7hIAAAAAABgZ4VIGO9QSlpk0rfhouFRZlCe/L0t76VwCAAAAAABxIFzKYDXNIVUW5cmXffRlYGaqKgmoJhhOYWUAAAAAAGCiIFzKYDUtYU0vCZxw+7Riv2pbCJcAAAAAAMDICJcyWE1LSFUl/hNun1FCuAQAAAAAAOJDuJShnHOqaQlrxmCdSyV+HQ6G1dfnUlAZAAAAAACYSAiXMlQw1KOOrl7NGKRzaXqxXz19Tg3tXSmoDAAAAAAATCSESxnqUEtIkjSjdJBwKRo4HWaoNwAAAAAAGAHhUoaKzVQaqnNJigz8BgAAAAAAGA7hUoaqa+2UJFUWnRguTSumcwkAAAAAAMSHcClD1bdHwqWKwtwT7isviNzWyMwlAAAAAAAwAsKlDFXf2qX83Gzl5+accF9uTpZKAj41tHWmoDIAAAAAADCREC5lqIb2zkG7lmIqCnNVT+cSAAAAAAAYAeFShmpo69KUwrwh759SkKf6VjqXAAAAAADA8AiXMlR9W6cqCoYOlyoKc9VA5xIAAAAAABgB4VKGqm/r0pQRlsUxcwkAAAAAAIyEcCkD9fU5NbZ3Dr8srjBPTR3d6untG8fKAAAAAADAREO4lIGaQ93qcxphoHckeGrsYGkcAAAAAAAYWlqGS2Z2sZk9Hf2vxszeleqaJpP66HK3imEHekeCp/pWwiUAAAAAADC0nFQXMBjn3KOSHpUkM1sj6YnUVjS5xMKl4WcuRYKnhnbmLgHJ0Bru1p1r9qnQn6O/PXOOsrMs1SUBAIA0Vd/WqbvW7teMEr+ueN2sVJczoTz+Sq221LTqitfN1Ozy/FSXA0xaaRkuxZjZAkmHnXNtqa5lMmloi3QjDTdzKbZkLrYtgMT6w8YaPfXaEUnS/IoCnbdoSoorAgAA6equtfv1zPY6SdLS6cVaVlWc4oomhtqWsP7vud2SpGC4W1/8m2UprgiYvNJyWdwAV0i67/gbzew6M1tnZuvq6upSUNbE1hSdo1SWP3Tn0pSCSPBUzxXjgKSYUeqXJGVnmaaV+FNcDQAASGczSwOSpNyc7GFXH+BYhf4cFft9kqSq6HMIIDnSunNJ0mWKBEzHcM7dLul2SaqurnbjXdRE19TeLUkqzfcNuU2RP0dZJrWEuserLCCjXLikUrPL8hXIze5/wwgAADCYd50+U0umF6miIFeVxfxRKl6FeTn6xntO08HmkJbNoNsLSKa0DZfMbLqkLudcQ6prmWyaOrpUlJcjX/bQjWtZWaaSgK+/ywlA4i2qLEx1CQAAYII4mXDEk7KCXJUV0O0FJFs6L4u7XNIDqS5iMmoJdatkmK6lmLL8XDV30LkEAAAAAACGlradS865H6W6hsmqqaNr2HlLMSX5PsIlAAAAAAAwrHTuXEKSNHV0DztvKaYsP1fNIZbFAQAAAACAoREuZaCWji6VxtG5VBrw9Q//BgAAAAAAGAzhUgZq6uhWWRydS6X5uVwtDgAAAAAADItwKcP09jkFw93xdS7l+9TW2aOunr5xqAwAAAAAAExEhEsZJhjqlnORJW8jiXU30b0EAAAAAACGQriUYZo6IgO6ywpGDpdKot1NzR0M9QYAAAAAAIMjXMowzdEupHiWxcU6l5rpXAIAAAAAAEMgXMowsS6keJbFlQYiAVRTO51LAAAAAABgcIRLGaapPdKFVBbnQG+JziUAAAAAADA0wqUMEwuKRhUuMXMJAAAAAAAMgXApwzR3dCnLpCJ/zojbFublKCfL1NxB5xIAAAAAABgc4VKGaeroUknAp6wsG3FbM1Npvk9NhEsAAAAAAGAIhEsZprmjO64lcTGl+blqCbEsDgAAAAAADI5wKcO0hLpVHMeV4mJKA77+IeAAAAAAAADHI1zKMMFQt0pGEy7l+xQMEy4BAAAAAIDBES5lmGC4Z1SdS8V+n1pChEsAAAAAAGBwhEsZpjXcreI4rhQXUxzwKUi4BAAAAAAAhkC4lEGccwqGRtu5lKPWzh719bkkVgYAAAAAACYqwqUM0tnTp67ePhX7RxEuBXxyTmrr6kliZQAAAAAAYKIiXMogseVtxYHRLYsb+FgAAAAAAICBCJcySOyqb0Wj6VyKbstQbwAAAAAAMBjCpQzSEoosbRvdQO/ItsEQy+IAAAAAAMCJCJcySKxzaXQDvX3HPBYAAAAAAGAgwqUM0j9zaRTL4kqYuQQAAAAAAIZBuJRBguHosjgPA72ZuQQAAAAAAAZDuJRBvHQuFeXlyOxoMAUAAAAAADAQ4VIGCYa7lZuTJb8vO+7HZGWZCvNyWBYHAAAAAAAGRbiUQVrDPaPqWoop9vsY6A0AAAAAAAZFuJRBgqHuUc1biikJ+BQMsSwOAAAAAACcKG3DJTP7kJn92cyeNrOZqa5nMgh67VwKsCwOAAAAAAAMLi3DpWiYdIFz7iLn3JuccwdTXdNkEOlcYlkcgNRoaOvU27/zF735W09rT33bkNut2tmgbz/+mjYdaB7H6iaP7z+5Xe+97Xk98nJNqkuZtA41h/SdP23T/evT8+3JqwdbdME3n9Jltz6jrq7euB8X7u7VT57ZpR//dZdCo3gcRvb5ezfpb29fNWnPazUtIX33iW26b/2BVJcCjMn6fU369uOv6YXdjakuZVL4/YsH9N0ntulwMJzqUsZs2+FWvf/Hq3X97zaor68v1eUkzLM76nT+N57Ulbc9r97esf3sT8twSdLbJWVHO5duNbP4J1BjSMFwt4r9o18WVxzw0bkEYMxuevAV7ahr197GDn3u3s2DbtPb5/SDp3Zo7Z5G3faXneNc4cTX2Nal2/+6S6/Vturmh7ekupxJ6841+7Rmd4N+u3afdte3p7qcE/zbPRt1oCmkV2tadctjW+N+3NOvHdETWw7rz1sP609bDiexwszy5NYj+uOmGr16KKivPTQ5vy9/s2afVu9q0F1r92vHkaH/eACku/99eqfW7mnU95/aIedcqsuZ0LYdbtXdL+7X6l0N+s0L+1Jdzpj958Nb9PLBFv3p1cN6YMPk+QPeF+57WTUtYa3f16wfPbNrTPtK13BpmqRc59xFkjokXT7wTjO7zszWmdm6urq6lBQ4EQVDPSryPNCbmUsAxmb5zJL+j0+eUTzoNtlZpqpSvyRpdnn+uNQ1mRT6c/o7VGeUBFJczeQ1uzzy3Bbm5ag8PzfF1ZxoUWWhJMkkrZhVGvfjZpbmy6L/m13G6ydR5lfky5cdecs9r2JyntdmRc/XBbk5qihIv+8JIF6zyyKv5VllAZlZiquZ2CoKchWIXqV8ziR4T7dwauRna3aWafG0whRXkzhzoj+Xskw6bRTvGQZj6ZjImtknJPU6535kZm+XVO2c+/pg21ZXV7t169aNb4ET1ElfeEQfef08fe6Sk0f1uP95Yru+88Q27fj6JcrJTtc8Ekis6upqcW5JvEdfrlVnd68uP33oUXqhrl7trm/XospC5eZwzhmtw8Gw1u5u1FtOrpQ/d/TdqojPa7WtqizKU9kof5Eer3PLXS/s08yygM5fPHVUjzvQ1CHnCHcTbWddm3YeadPbTpme6lKSZtvhVk0pzFM54VJK8L4lMTp7erXzSLsWTC2Q38fimbFqaOtUQ3uXTppWlOpSEuLPWw5rZmlAS4f4I+lE9cvnd2vJjGKdPb/ihPvM7EXnXHU8+0nXd53PS/pY9OOVknansJZJIdzdq66ePs8DvSWpNdwz6jfRADDQxaeO/ItVIDdby6om1w/t8TSt2K+/WVGV6jImvSXT0/uN8tVnzfH0uFllhErJsHBqYf9fvSeryfLLIzJbXg7vQRKpojBPFYV5qS4jYS46eVqqS0iKD503PyH7Scs/CTvnNkgKmdnTks6UdE9qK5r4YgO5vQ70HrgPAAAAAACAmHTtXJJz7t9SXcNkEgxFZiZ5Heg9cB8AAAAAAAAxadm5hMQbS+dSSYDOJQAAAAAAMDjCpQzRGo51LnmfuRQMES4BAAAAAIBjES5liFgwVBLwsCwuGki1EC4BAAAAAIDjEC5liP5lcZ46l1gWBwAAAAAABke4lCH6B3p7mLlUkJut7CxjoDcAAAAAADgB4VKGCIa7lZudpbyc0f+Tm5mK/Tl0LgEAAAAAgBMQLmWIYKhbRf4cmZmnxxcHfMxcAgAAAAAAJyBcyhDBcI+nJXExxX5f/xXnAAAAAAAAYgiXMkQw1K1i/+ivFBdTHMjpv+IcAAAAAABADOFShgiGu8fUuVSU52PmEgAAAAAAOAHhUoaIdC6NYVlcIIerxQEAAAAAgBMQLmWIyMylMSyL89O5BAAAAAAATkS4lCHG3rnkU0dXr7p7+xJYFQAAAAAAmOgIlzJAZ0+vOnv6xni1uEjXE1eMAwAAAAAAAxEuZYBYIDS2q8X5ovtiaRwAAAAAADiKcCkDBEORQGhsnUu+6L7oXAIAAAAAAEcRLmWAYH/n0thmLkX2RecSAAAAAAA4inApAxztXPK+LK4ouqQuti8AAAAAAACJcCkjxLqNiuhcAgAAAAAACUa4lAFic5LGtCyuv3OJmUsAAAAAAOAowqUMEOs2GsuyuILcHGUZnUsAAAAAAOBYhEsZIBjqVk6WKeDL9ryPrCxTkd/HzCUAAAAAAHAMwqUMEAx3qzjgk5mNaT/FgRy1hlkWBwAAAAAAjiJcygDBUE//zKSxKPb7WBYHAAAAAACOQbiUAVqjnUtjVez3MdAbAAAAAAAcg3ApAwTDPWO6UlxMkT+HziUAAAAAAHAMwqUMEAx1j+lKcTHFAQZ6AwAAAACAYxEuZYBguFtFeQlaFsdAbwAAAAAAMADhUgYIhnpUkp+AcCmQo7bOHvX09iWgKgAAAAAAMBmkZbhkZvPM7LCZPW1mj6e6nomsq6dPoe7ehF0tTpLaOuleAgAAAAAAEWNPHJLnT865D6a6iImuNTqAOyFXi4vuozXco9L83DHvD8hkLR3d+uWqPSrIy9GHzp2rnOy0zPoTqrOnV798fq+6evv04fPmqTBv8B9BN9yzSU9tO6Kz55Vr3d4mTSv2656Pn6Ps7OxxrnhimnfDQ/0f77nlUs/7cc7pd+v262BTSO8/e66ml/iH3f7VQy16/0/WKNtMbzl5mnbUtepf3rxYFyyp9FzDcPr6+vSvv9ukQ80duumdp2hZVUlSjjOYdXsadcsjW7W4slA3v+e0Y+47Egzr16v3qqo0oKvPnC0zG3F/Pb19+uWqvWrv7NGHzpunkiF+Zte3hXX97zbJTPru1SuH/Fnc1N6lX67aq5JAjt5w0lTd+9IBLZlerHeuqBq2juaOLn36rg1yTvrOVStVXjhxf9ZvPtCsT9zxkgrycnTPP5yjwkBqv5bY96VP0vYxfF+mq0dfrtWX//CKZpUFdPcuuFawAAAgAElEQVTHz+u//Q3feFIHmkI6Z0GFfnPdOSmscOLzcm5pC3XpyttWq6O7R7ddc4aWzRi/8+RoDHdOHejqHz2vzQeDurp6lm5856lx7/8PGw9pa21QV54xW/OnFAy77R1r9uqeFw/ob5bP0N+/YUHcx5gM6ts69atVezW1KE8fOHtOXK+xkVz5w+d1qDmkr77rFF108nTP+/nCfZu1pTao//e2pTpnYcWQ220+0KKHX67R2fPL9aYEv/9Y9sWH1BEdP/zcJ1dq5syZCd1/qng5twwlnX+budDMnjGzz6S6kIksNiOpKCGdS5F9tDDUGxizP24+pOd21uvxV2u1ZndjqssZF89sq9eftx7WM9vr9NjLtYNuE+rq1d0vHVB9W5ce3FSjw62d2nSwRT9+Zvc4VzsxffRnqxO2r9cOt+q+9Qf1wp5G3bV2/4jbf+q3G9Tc0a2G9i7d/eJ+bT/cplse2Zqweo734MYaPbn1sLbWturmJB5nMDc/skXbDrfqoc01+strR4657+4XD+iFPY26f8NBvXIoGNf+1uxu1OOv1uq5nfX646ZDQ25365M7tX5fk17a26QfPLVjyO0e2HBQq3bV69FXavXfj7+mF/c26c41e3WoOTRsHT98eode2tuk9fua9D9Pbo+r9nT1uXs361BLWNuPtOnmR8f39XG8gYHvZH0H9ZU/vKIjrZ16aV+z7li9V5K0vbZV+5tCcpJW7WpIbYGTgJdzy9cf3qrtdW062BzW536/OckVejfcOTVmW21Qa3Y3qaOrV79avS/ufde0hHTHmr16cW+TfrVq74jbf+dP27XzSJtufWqH+voyaxTIfS8d1JrdDfrjpkPasL95zPv7+XO7tX5/sw63durGB1/1vJ81uxr04MZD2n64TTc/smXYbX/8zC6t39ekH/1llzp7ej0fczAdA07gr791Q0L3nUpezi1DSddwqUbSSZIulPQWMzsmwjaz68xsnZmtq6urS0mBE0Xs6m6xJW1jEetcCoYn61sjYPzMq4j85cyXnaWZpYEUVzM+ZpfnKzvLZDLNm5I/6DaB3Gzl+yIdSrnZkb+cZJl0+tyycatzIrvy1NkJ29fUwjzl50b+qDDUv9dAp1QV93/sz4m8vZhbMfLjvDppemF/x99J04qSdpzBLJhaKEnK82VrQWXhMffFvuaAL3vEbq+YqtKAcrIiX0vs3DCY5dHn2Ew6debQHQjzphw9vyyZHnlMWX7ukB1RMcuqShT7g+XyAf+eE9HSGdHnStJZ84b+K/d4qCxI54UCiTGnPPK6zzbptFmR1+bc8rz++7PG3gCR8bycW143t0yxp37ZjPT9nl4YPafm5px4To2pKo28h5Ckgrz4O5lLAj6VRbs84/lZNqMk8rqtLMpTVla6/qqcHLHXWF5O/K+x4Zw2q7T/e39uuff3A/OmFMgffW8Y+/k75LbRr2FmWUC5SVwVkIALsacNL+eWoZhzLhE1JY2Z/aOkFufcnYPdX11d7datWzfOVU0cz2yv0zU/fUF3f/xcnTmvfEz7euVQiy793rO67YNn6OJTvbc1AhNBdXW1kn1u2d/YoTxfliqLxv4DfKI4HAyru7dPs8qGfpNR2xLSoy/X6t2vm6lHN9dqyfQirZxDuBSvj/5stZ54rUG3vWelLj5zbC3bTe1dauroGvHNXMyda/bJn2M6d+EUvXKoRW9eWpnUN+e769p0oDmkNyyemrRjDOXJrUe0eGqhZg8SoO2ub1dpwKeyghOXYg11bjnSGlZnd59mj/AGfP2+JmWZtGL28N8T+xo6lJ+XrYqCXO2sa1NlsT+uPzRt3N+kPiedPgm+5x5Yf1CVRXk6d9GUVJeic7/+uGpau8e0VDXd3bF6r06fXaplA4LPF/c06ifP7tKNly3V9JL4ziMYmpdzy7M76tTU1qXLVqb3Ep7hzqkx22qDun/DQX3iTYtVOIpVGcFwt44Ew1o4tXDEJT9t4R49v7Ne5y6sUFEC/jg/0eypb1eRP0cVhXkjbxyHzQea9fKhFr3vrLlj2s/+pg5tP9ymNy8dfqlbT2+fdtW3a3ZZvgK5iR+nMO+Gh1QRyNaLN16c8H2n0nDnFjN70TlXHc9+0jJcMrMi51xr9ONfS7rVObdmsG0Jl4b30KYa/dOdL+mxT79RS6aP7S+7+xs79Ib/ekr/deVpuqo6cX8dB9LReIRLADIP5xYAycC5BUAyjCZcStdevzeY2Ytm9rykQ0MFSxhZsH+gdwJmLsWWxTFzCQAAAAAARI3rakEzK5M02zm3abjtnHMPS3p4fKoaX0eCYXX2jNz2niiJnLlUlJcjs6NDwgEAAAAAAJLeuWRmT5tZsZmVS9oo6Wdm9t/JPm46emF3oy745tO64JtP6eHNNeNyzGC4W9lZpvwErDnNyjIV5uXQuQQAAAAAAPqNx7K4EudcUNIVkn7mnDtD0lvG4bhppa/P6T/u26zyglwtmV6sLz3wsjq6kt8BFAz1qNifM+LwungV+31qpXMJAAAAAABEjUe4lGNmMyRdJemP43C8tLR6d4O2H2nT9W87STdetkz1bV16ZHNt0o8bDHf3z0pKhOKAr3+OEwAAAAAAwHiES1+R9JikHc65tWa2QNL2cThuWnlkc63yc7P1juUzdPb8cs0uD+gPmw4l/bjBUHdC5i3FFPtZFgcAAAAAAI5KerjknLvbOXeac+4T0c93Oefek+zjppu/bq/TuQsq5Pdly8x00dJpWrOrUV09fUk9bjDck5ArxcUU+X0M9AYAAAAAAP3GY6D3fDP7bzO718wejP2X7OOmk30NHdrb0KE3LJ7Sf9u5CysU6u7V+n1NST12wjuXAnQuAQAAAACAoxLX0jK0+yX9VNIfJCW3TSdNvbCnUZJ03qKj4dI5CyqUZdLzOxt09oKKpB07GE70sjhmLgEAAAAAgKPGI1wKO+e+Nw7HSVubDjSrIDdbC6cW9t9WEvBpUWWhNh1oTuqxWxO8LK444FNbZ4/6+pyyshJzBToAAAAAADBxjUe49D9mdqOkxyV1xm50zr00DsdOCxsPtOjUmSXKPi6MOXVmif66rV7OOZklPqjp7u1TR1dvwgd6Oye1dvaoJIFXoQMAAAAAABPTeIRLyyVdI+nNOroszkU/n/S6e/u0pSaoa8+bd8J9y2eW6N6XDupwsFPTS/wJP3ZrdPB2cQJDoNi+WsPdhEsAAAAAAGBcwqV3S1rgnOsah2Olnd317erq6dMpVcUn3Ld8Zokk6eWDLUkJl2KDtxO6LC7aBRUM9UhlCdstAAAAAACYoJJ+tThJGyWVjsNx0tL2w22SpMWVRSfcd9L0yG3bjrQm5dixwduJvlrcwH0DAAAAAIDMNh6dS9MkbTWztTp25tI7x+HYKbf9SKvMpAVTC064r9jv07TiPO040paUYwdDSVgW19+5RLgEAAAAAADGJ1y6cRyOkba2H2nTnPJ8+X3Zg96/qLJQO5MVLiWjcykWLkXnOQEAAAAAgMyW9GVxzrm/SNoqqSj635bobRlhx+E2La4sHPL+RVMLtbOuXc65hB87KTOXYsvi6FwCAAAAAAAah3DJzK6S9IKk90q6StIaM7sy2cdNBz29fdpV36ZFg8xbillUWai2zh7VBsMJP34yOpcK85i5BAAAAAAAjhqPZXH/IelM59wRSTKzqZKekHTPOBw7pfY1dqi712nRcJ1L0eBpx5E2zSgJJPT4wVCPsrNM+bmDL8nzIic7S4V5Of3znAAAAAAAQGYbj6vFZcWCpaiGcTpuyu1t7JAkzavIH3KbhZWRQd/JmLsUDHeryJ8jM0vofov9OWqlcwkAAAAAAGh8OpceNbPHJP0m+vnVkh4eh+Om3L6GSLg0Z5hwaWphngK+bO1rDCX8+MFQd0KXxMUUB3wsiwMAAAAAAJLGIVxyzv0/M7tC0vmSTNLtzrn7kn3cdLCvsUMBX7amFuYNuY2ZaU55vvZFu5wSKRjuSegw75hiv49lcQAAAAAAQNL4dC5J0nOSuiU5RYZ7Z4S9DR2aU54/4rK0ORX5/V1OiZSszqUif05SBpADAAAAAICJZzyvFnelMuxqcfsbOzS7fOglcTGxziXnXEKPHwyzLA4AAAAAACQXV4tLEuec9jV26PzFU0bcdk55vkLdvapr61RlkT9hNQRDyVoWx9XiAAAAAABABFeLS5K6tk6Funs1J87OJSnS6ZRIyexcag13q68vsZ1Wx9td364P/GS1rv3ZC6ptYRkeAAAAAADpaDxCnkfN7DEzu9bMrpX0kKRHxuG4KRULiuIKl6JXk0vkUO/u3j51dPWqKBnhkt+nPie1dyWve6m3z+m6X67Thn3NWrWzQf9050sJXzYIAAAAAADGjqvFJcne6IDuWHA0nJmlAZkdfUwiBEORmUil+cnoXIq8bFrDPUkJryTpoc012n6kTT94/+vU1tmtz/5+s/6yrU5vWlKZlOMBAAAAAABvxmV5mnPuXufcvzrnPiPpQTP7wHgcN5X2N4YkRYKjkfh92Zpe7E9o51JzMsOlaKCUzKHev161VwumFOiSU6fr3afPUlm+T/e8eCBpxwMAAAAAAN4kLVwys2Iz+5yZfd/M3mYR/yxplyJXjZvUalpCmlKYJ78vO67tZ5fnJ3TmUnNHJPgpCSRn5pKkpA31rmvt1Nq9jbpsRZWysky5OVm6bEWVHn/1sNo6GSQOAAAAAEA6SWbn0q8kLZG0WdJHJT0u6b2SLnfOXZ7E46aFmpawqkrjv/LbzNKADjUnbmh1S6hLklSan5uwfcYU+SPL4mJL7xLtz1sOyznp4lOn99/29lOmq6unT2t2NSTlmAAAAAAAwJtkzlxa4JxbLklm9hNJ9ZLmOOda492Bmf2rpCucc+cnqcakqWkJaV5FQdzbV5X6VRsMq7fPKTvLxnz8WOdSaTI6l5K8LG7VrgZVFuVp6fSi/tvOmFumvJwsPbujXhedPC0pxwUAAAAAAKOXzHCpP3lwzvWa2e5RBkt5klYkpbJxUNMc1nkLp8S9/czSfPX2OR1pDWtGychzmkbSHy4lZaB3bFlccsKltbsbdeb8cpkdDdn8vmydNb9cz+2oT8oxgXjsqG3WW7/7nJykz1+yRNddsMjzvu5au0+fu3ezsrNMT13/Rs0qL0xcoWnqmw9t1g+e2SdJumBBmX5x3XmDbjfvhoeO+dwkvXrjmxUIBLRqZ4Oeeu2ILlxSqXMXViS75Alp4PO355ZLPe/nyJEjOuu/10qSCn2ml7/6jmG3/9jPVulPrzUec1u+L0uvfvUSzzUMp66uTmd++wVJUqk/WxtuujgpxxnMNT9ZrWd2NMgk7T7uOf73323Q7146qCyTXr3xIvn9I3cxx3tu+coDm/V/qyLfQ59+80J9+m1LB93uom8+qZ0NkdmPJil2rdWRXg+Pbj6kj9+xXpL07SuX6z3Vc0asPZmWfuERhXv6tGJWiR7459H9nfGbj27RD57eJUl64vrztWhqSTJKjMvGjRt1+W+Ozo0cy/dlulr+pUfU2tUn6divL1Hno3Rw//qD2lIb1NXVs7Vg6vj/zP72Y1v1/ad2Ki8nS5u+dJFyc0denbD1YKMuvnWVJOkzFy3Sp966JNllenLyFx5SbNrGnlsu1X3rD2hrbesJz7XX19NpX35MraEevev0Kn3n6tOH3fb0rzympo4eFeVla/OXx+/nyvGWffERdXT36aRphXr8MxeMyzGrv/qY6tsj/xB//OSZOnXm2C6k1NDQoDO+uVqSVBrI0YYb3+55X7F/+7JAjtYPs583ffMp7WnoUGFetl5O8L/fwNffA++bpRUrJmxUcYyVNz2q5nCvJGnt9Wdp6tSpnveVzGVxK8wsGP2vVdJpsY/NLBjH4z8q6RdJrC9pWsPdau3s0fSS+JfFxZbQHWoOJaSGllC3zJSUq7n1L4sLJ37+0cHmkA61hHXm3LIT7queW67tR9qYu4SUee+PXuj/Je2WR18b075uevAV9Tmpu9fpmp+uG3txE0AsWJKkv+xqGnSb1dtOXPrqJF3y/cib49v/ulObDjTrtr/sTEqNE90ZNz008kZxigVLktTW7YbZMuL4YEmSOrr7ElbP8WLBkqT+N0Xj5Zkdkdepk/Su7z97zH13v3RQktTnpHf+cE1c+4v33BILliTpu08O/T0QC5ZiNcYs++LDw9bxyd9u6P/433+/edhtk+17T7ymcE/k9bPxQMuoH/+/0WBJkq74waqE1eXFwGBpsooFS5K0+POR89D7f/jXVJWTcDUtIf127T5t3N+sX63em5IafviXXXKSwj19+rtfvRTXY6780dHz5Hf/vCNJlY3dwDGuC294SHet3a+N+5t1x5qj57x/+mV859PjffuxrQqGeuQk3b/+0IjbN3VEimnt7FUolJjfy0br7rX7+n9+bjvcNm7HjQVLkvQ3t64dZsv4nPWt1f0fN49hVu8ZX328/+OmEfazJ3r19bbOXm3YO/h7zUSYTOf1ge+hBr638iJp4ZJzLts5Vxz9r8g5lzPg4+LhHmtmPkkXOOeeHOL+68xsnZmtq6urS0r9Y1HbEpmdNGMU4VLsqnIHEzR3qSXUraK8nIQssTueLztL+bnZSelcWrcn8svJmfPLT7jvtNklck7a7OFNJpAIr5tT2v9x2Ri7AgdeSfL8xZnRgRPPD5xzThr8uXjr0shfz2J/wVxUOfk7vby45uxZCdvXvLL4f4alQlVx4mcKxit7wI/WS5Yfu1Q7L+foK/2ipfH91Tfec8vA4+bGd72QY7xlyfAd1bPLjp6Xphfnjf4ACfTGxUefOy/vZArzjj5By2eWDrMlEu2MOZEusS9cEH8Hf7orDeSqoiDyPZGqnz8DL9Jz0dL4RkQsn3m0Y6/I7+GkkQLLZxaqvCByfl8w9eiIkfdVL/C0vzctOXou8ftG96tvIDD21SRenLng6Dkr8b/JxacsAa+XU6Yn5nvlklO8dVAtnZaaf7+JbFbp2H72J7NzaSyukXTnUHc65253zlU756rH0raVLDXRcKmqNP4X9IzotonqXGru6ErKMO+YYr8vKTOXXtrbpILcbC2dfmL+uGJW5ES78UBzwo8LxOOnHzlLn7pwgd6zskovfvFtY9rXE9e/Sf90wQJ97Z3L9NV3LU9Qhelt1y2Xqqo4V6X+7GHb2b948SLlZkv/9+HX6fULK/S5S07Sf1x2qiTphkuW6uvvXq7PXjz4cqBM9+lLVmh2aeSt6FeuHFvQ9PRnL9KKmYXKzY5v+cGeWy5VqT9bVcW5+rtz56gkL1sbbnj9mGoYzvOff6tWzixSIGf8l9vsvPlSnTWvTDdeulT/cMHiY+7b+rVL9NaTK/WVd56sz15yclz7i/fcsvPmS7VoakBLKvO17etDf817brlUBT7TSVPzteeWS5Uj6cLFZfreB88ato4n/+1CXXXGTF1xepWe+9xb4qo9WVbOLdPtHzxdr19Qri03XTTqx2/+8sV628mV+sc3ztcdHzsnCRXGb88tlyp7wMeT0Z5bLlW+z3Th4nL99uORJYzLli3TyhmR97eff8v8VJY3ZoHcbH3jytN08xWn6QNnz01JDS9+8a265pw5+sH7V+ojr4/v+fzNP5yrj71+ri5ZNk2bxnHp8GjtueVS5WZL584r0f2fvED/deWKE57r85dN1d+dM1M5Jj38L8OfywY6Y165fvGRar33jFnaEscy7SeuP18rZ5Xo7utSd96YV1Gsn334DM/nP6/23HKp8rKlJZX5Wp+A18uDn7pAr19YooLcrDGd+752xUp98KyZKgvkjLif1TdcpHMXlOt3150d17L00YgdO0uT61y+55ZLlZcjnTG7SM/eMLaf/ebcyK3u483MviFppSLd3GdL+pJz7tbBtq2urnbr1qXXkpK71u7TZ3+/Wc/8+4WaXZ4f9+NWfPlxXb6ySl+5/NQx13Dtz15QY3uXHhzljIJ4Xfzdv2pOeb5u/1B1Qvd71W2r1Oucfv+Pg89iOf8bT+q0WSX63w+ckdDjAserrq5Wup1bAEx8nFsAJAPnFgDJYGYvOufi+qU/mQO9PXPOfTb2sZk9O1SwlK4ONYdlJk0rHl1aWlUa0MGmRHUudR/TPptopfm+/qHhieKc05baoC5fWTXkNitmlWrDfjqXAAAAAABIF+m6LK6fcy45rTdJVNsS1pTCPOXmjO7pnVnq18EEDvRO5rK40kCumjq6ErrPA00htYZ7Bl0SF7OsqlgHm0NJWZIHAAAAAABGL+3DpYnoUEtIVaMY5h1TVRpI7MylJHYulRX41JTgzqUtNZGLCJ48Y+hwacm0IknS9nG8cgIAAAAAABga4VIS1LaENaNk9NPpq0oDCoZ71DrGrpy+PqeWULKXxeWqJdSlRM7s2lrbKklaOr1oyG2WRO/bdrg1YccFAAAAAADeES4lQU1LWNM9di7FHj8WbV096nORuUjJUhrwqbvXqb2rN2H73FIT1NyKfBXkDT0KbGZpQPm52XqtlnAJAAAAAIB0QLiUYMFwt9o6e1RVOvpwaWY0XBrr3KWW6HK1ZHYulUXnOTW1J27u0tba1mG7liQpK8u0eFqRth8hXAIAAAAAIB0QLiVYbbTraLqHZXGxcGmsc5diV3FL6kDvaFdUSygxc5e6e/u0r7FDiyoLR9z2pMpCOpcAAAAAAEgThEsJFguGvAz0nlqUp5wsG3u4FIp0EyV1WVyscylBV4w70BRSb5/T3IqCEbddPK1Q9W1d/R1aAAAAAAAgdQiXEizWuTSjdPSdS9lZpuklfh1sSlDnUlKXxUX2nagrxu1paJckzZ8ycrg0f0qku2l39DEAAAAAACB1CJcS7FBLWGZSZVGep8dXlQZ0aIwDvZtDyZ+5FOtcaklQ59Ke+khQNLcif8Rt50+JbLO7vi0hxwYAAAAAAN4RLiVYTXNIlUV58mV7e2qrSvxjXhYXjIZLxUkMl2LBVcI6l+rbVZCbramFI4dys8vzlWXS7vqOhBwbAAAAAAB4R7iUYLXBsGZ4GOYdU1UaUG1LWL19zvM+mju6FPBly+/L9ryPkeTmZKkwLydhM5f2NHRo3pQCmdmI2+blZGtmWUC761kWBwAAAABAqhEuJdih5pBmeBjmHVNVGlBPn1N9W6fnfTR1dCd1SVxMab4vYUO19zS0a14cw7xj5k8p7F9KBwAAAAAAUodwKYGcc6ppGVvn0szoIPCDY1ga19TepfKCXM+Pj1dpvi8hnUvdvX060BTSvCkjz1uKmV+Rr9317XLOe4cXAAAAAAAYO8KlBAqGe9TR1TvmziVJY5q71NDepYrC5IdLZfm5CZm5dKAppN4+N8rOpQK1dfaovi0xy/IAAAAAAIA3hEsJVNMSCYRmlHoPl2KPHUu41DhunUu5ak5A51Jsedu8KfGHS7FtmbsEAAAAAEBqES4lUE1LWJLGtCyu2O9TUV6ODjWHPe9j3MKlgE/NobF3Lu1piIZLo+hcWjClMPJYwiUAAAAAAFKKcCmBappj4ZL3ziUpsjTO68ylzp5etXX2qDx/PJbF+dQS6h7Tle2kSEBUmJejKaNYyldV6pcv27SLcAkAAPx/9u47PKoq/x/4+8xMeu8kpEISSkJCCVV6UVcUF7uube2ru7rurl+wsepawPVnWV11d3Xtrh1lyYqigFQJCQRIgAAhCem998yc3x+TGRNJmUy7k+T9eh4eZubee85nbmbO3PnMKURERKQoJpesqKy+FSoBBHu5WFROmK+r2cPiapv1PYn87TDnkq+7M6QEGizsvZRX3YKoAHcIIUw+RqNWIcLfHWdrmFwiIiIiIiIiUhKTS1ZUUt+GYC9XaNSWndYwXzfjELuhqm5uBwAE2Gm1OAAWD40rqG4e0nxLBhF+7jhb02JR3URERERERERkGSaXrKi0vtWiybwNwnzdUNPcgdYO7ZCPrWnWT7Dt72FZ7ylT+HUPvTPUaY5OrQ5Fta2IGcJ8SwaR/u4orDF/4nMiIiIiIiIishyTS1ZUWt+GMAsm8zYIM6wYVz/0xMlPySXb91wK8LQ8uVRU2wqtTiIqwH3Ix0b6u6O+tRP1LZZPKk5ERERERERE5mFyyUqklCita8MYCyfzBmBMUJkz71J1kz7RY49hcYGeLt11tptdhmG1txhzhsX56xNShbUcGkdERERERESkFCaXrKShtQutnVqLV4oD9MPiAPOSS7UtHVAJwMfNyeI4BmPoHVVtQc+lvO7kkjlzLkV2J5c47xIRERERERGRcphcshLDEDZDYsgSY3xcIQRQXDf0Sb2rmzvg5+4Mlcr0ldfM5eqkhpeLBlUW9FwqqG6Gp4vGrJ5WEf76c83kEhEREREREZFymFyyktLu5JI1hsU5qVUI8XJFqRk9l2qaOuwy35JBgKczqpos6LlU3YLoQHcIMfRkmJerE/w9nJlcIiIiIiIiIlIQk0tWUlqv72VkjQm9Af2k3uZO6G3f5JKLxXMuRZuxUpxBhL87CplcIiIiIiIiIlIMk0tWUlrXBrVKIMjLxSrlhfq6ocSsYXHtxlXc7CHAw9k4ifhQdXTpUFTbYllyyc+NPZeIiIiIiIiIFMTkkpWU1LcixMsFaivNdTTW1w3Fda2QUg7pOEV6LjWb13OpqLYFOmneZN4Gkf7uKK5thVY3tPNERERERERERNbB5JKVlNa1IdQKk3kbhPm4oqNLN6SV2Dq1OtS2dCLQ0zq9p0wR5OmMmuYOs5I7BdX6Hkcxge5m1x/p744unTTOeUVERERERERE9sXkkpWU1rdaZaU4A0NZJUOY1Nuwaluwl+WTipsqwNMFOgnUtQx9aFxeVTMAIMqCYXGR/vrEFIfGERERERERESnDIZNLQohEIcReIcQuIcRbwpylxOxISomS+jaEWWGlOANzkkuVjfrkkrXmfTKFYX6nofSwMsivboaXiwYBFgzji+hOLnFSbyIiIiIiIiJlaB2pRg4AACAASURBVJQOoB85Usp5ACCEeAtACoADyobUv+rmDnR06RBqxeTSWGNyyfRJvSsaDD2X7Jhc8tDXVdXUjvgQryEdm1/dguhAD1iSOwz1cYVGJdhzieziP/tO48GvcgAASaGe2HTfIrPLSng0Fc2d+tu/nj0Wf1491RohOrQZj6WiukeTlr9+ZZ/7Ra9NPeexIw8tgLe3N5Y+twN5Vc2ICfTAtj8ttlGkw1vP89ffOTZFZmYmfvlRscllTVybir4+sSyJYSDbTubhln8fs3k9fRnoHI9bmwpd9+2dd09BZGTkoOU9+dVhvLGvCADg6yqQ+dhFfe43aW0qDD85+ToBmX8x/T3UV6w/d97TX6O4QR+9vxtw8M/2O6d9MTwPFYAzQ/z73vzGPuw4XQMAeP/maZg/Mcza4ZksKysLF79fYLxvz9eqvfR8zaXeEI2EhIRzHh/uzzvxz1vQ3K7FyqRQvHLddLvXH7M2FYZJKH74TSKioqIGPWbr0SLc/sFhAMAFk4Lwj5tm2TBC8/38dZKwbgtaOrRYlRyGl66d1u9+5pZvrX1tyRCHAJBnpzh6Pvd7F47FHy6y7No0OzsbK9/LN9635Hya+nex5d+vZ9nrr47CNdMSrVq+Uno+r8+vHIMZM2aYXZZD9lySUnb2uNsOoFCpWExR2p0AsuacS77uTnB1Ug2p51JFd8+lYG/7JZcCDT2XzFgxLr+qGVEB5s+3BAAatQpj/dxwtoZzLpHtGRJLAHCktMmispp7tHJv7S/uf8cRpNqEXPnrW7P7fHz2X/cAAM5UNUN2/0/nmvWXvpMK5uiZWDLF0Nc3tUzPxJKSfp7I0fW4vfDVoyaVYUgsAUBdW/9zGPb8pKvr7He3fvWXdDIwJJYAQOmP1ZUv7DDe1vW/W78MiSUAuOHtQ5YHZIGeiaXRwPBlcvwgr7fh5K9fH0dTuxYSQOqRUkVi6NkyLHoty6Rj7uhOLAHAN8crrRyRbUSvTUVzh/5cbzpcYnx82p/Nez3FWPA6PH78uNnHWuLOt/cbbyu1ZNHfdlp+bdozsWSJwT67+rP2k4NWqb/Psj8eme365Z+WWXS8QyaXAEAIsUoIkQUgGED1z7bdIYRIF0KkV1Yq31CWdE8mHeZjveSSEAJhvm7Gsk1R0dgGIWDXCb0DPH/quTQUHV06FNW2IMaCleIMIv3d2XOJ7MLD2WGbzBHjrhUJfT6+MDYAgP4XvJ7/U29/uHjwX7JHCmcHeRF4DtAH3NN+i7eaJNjyj1y7uX5OuEXH92ytI/zsd13UFwd7Gdic4Wy/ME/RMKxq6aQQ4203Z7WCkeh5OJm2X5jvT699tYO0mYPx7/GG6XmuH7h08F6gfZkd5WN2LJMmTTL7WEtcPdu85+porPVOMfcb9t1zAq0UAZnKYb8pSSk3SSkTARQDuPhn2/4ppUyRUqYEBQUpE2APpd29i0J9rTuR9lhfNxQPZVhcYzv83Z3hpLbfn9XXzQlqlRhycqmotgU6CURbMJm3QYS/O+dcIrvIfuIXSAr1RKi3s8VdbfPXr4QGgJ+bGPZDBUzV83kO9JxXxOovBNcui8b4QHf8ek6ksSv/vgcX4VezIrDvQfOHJI5k10xLxKwIfbu6+XrLEk3561fCtcdtU/Y3CHQz/ThznXxmJcZ4qm1eT18M9fm7AVlPrjxnmwAQ6eOMrCdMiyt//Ur4ugo4YeDnYup7qK/9/F2AtEcHjsfU8u3h2rmxuHthJDycVch4YM6Qjz+zfiUSQj1xSWIIdq5ZboMITXdy/Ur4dH9hVvq82orhefm6ADndt1etWgnDVd6vZyoUmJXMiPbHx3fMxk1zI3HsiQsVicFwjsO9nZDdz5DYn9uzdjkumBSEpLFeyH3GcV97hucW4+eMg0+s7PNcXzd9ClLC9SMe/vsr05MvH/1mPqaGefaqZyB3ztUntq9OCja5DmtbOikUf1wWY3b7Zy7D+VHBOm1V7vqVMOQ3LSnv+PqV8FSZVs77t08BAFwzPdSkYelDYajbTYysttyaf3chpVKd7fonhHCRUrZ3334KwC4p5Za+9k1JSZHp6el2je/nnvnfcby1Nx85f7nQovmDfm7NZ0ewLacCBx427aLo9nfTUVjTgi2/X2i1GEwx++nvsCg+CM9ekWzyMdtOlOOWt9Px+W/mYkaUv0X1v7YjFxu2nEDW4xfA08VRpxGj4SYlJQVKty1ENPKwbSEiW2DbQkS2IITIkFKmmLKvo/ZculAI8YMQ4gcAIQC+VTqggZTUtyHUx9WqiSVAv2JcZWM72ru0Ju1f0dhu15XiDEK8XVHWMLSeS3lV+p5G1ui5FMkV44iIiIiIiIgU45DJJSnlV1LKRd3/bpNSmjOXo92U1rVadaU4gwh//biColrT5l2qbGhDsJf14xhMiLcryuuHNpVrflUzvF018PewfCYCQ3KJ8y4RERERERER2Z9DJpeGm9L6NqtO5m1gWEmtoHrwVZGklKhsarfrSnEGY7xdUd44tORSXlUzYoI8rdLbiz2XiIiIiIiIiJTD5JKFtDqJsoY2q0/mDQCR/vohYwXVgydNqpo60KmVNulBNZgQbxfUtXSirdO04XuAPrk0zgorxQGAj7sTvF017LlEREREREREpAAmlyxU2dgOrU4i1AY9lwI9neHhrDYpuVTSvWKdLXpQDSbEW5/QKm8wrfdSW6cWxXWtiLFScgkAIgPcmVwiIiIiIiIiUgCTSxYqNiR1bNBzSQiByAAPk4bFGZNLvkoml0yb1Du/+/lYNbnk725SEo6IiIiIiIiIrIvJJQuV1ts2qRMd4I4CE3rkGJJcYxVILo3pHopXZmLPpbxK6yeXogI8UFTbAq1OWq1MIiIiIiIiIhock0sWKq3TJ1RsMSwO0A/3KqwZPGlSXNcKTxcNvN00NoljIMaeSyauGHemyvrJpegAd3RqpbEHFxERERERERHZB5NLFiqpb4WHsxrerrZJ6kT5e6BTK409pPqNo64VYb6uVll9bai8XTVwdVKZ3nOpqhkh3i7wcLHeOYsKMH3ycyIiIiIiIiKyHiaXLFRU24qxfm42S+pEB7gDAM4OkjQpqWtTZL4lQD83VJiP26AJMIO8qmZEB1iv1xIARHWfp3wT5qciIiIiIiIiIuthcslCRbWtiPBzt1n5Ud1DxwxDyfpTXNeqWHIJAML93VFYY1pyKb+qGeOCrJtcCvFyhYtGZdLk50RERERERERkPUwuWUBKiaKaFkT42y65FOrtCndnNU5XNPW7T2uHFjXNHYpM5m0Q4eeGwtrBh6TVNHegurkD4wI9rVq/SiUQFeCOfA6LIyIiIiIiIrIrJpcsUN/aicb2LoT72S6po1IJxAV74lRFY7/7nO1eTc6WSa7BRPi7o66lE41tnQPud7Jc/zwmjPGyegxRAR7suURERERERERkZ0wuWcAwDCzchsPiACA22AunyvvvuZRXpd82zoqrrw2VYWjgYEPjbJlcig5wR0F1C3SDrKxHRERERERERNbD5JIFDMPAIvxtOxwtPsQTFY3tqG/pu1eQYT6maCWTS93nYLChcTlljfBxc0Kwl4vVY4gK8EB7lw4Vje1WL5uIiIiIiIiI+sbkkgUK7TQcLS5EPz/R6cq+h8blVTYj2MsFni4am8YxEEPPpaLawXsuTQjxssnqelwxjoiIiIiIiMj+mFyyQFFtK3zcnODt6mTTeuKC9UPIcsr6HhqXV9WsaK8lAPB1d4Kni8aYcOuLlBI5ZY3GZJm1RQfozwHnXSIiIiIiIiKyHyaXLFBY22LzIXEAMNbXDd6uGmSV1J+zTUqJ05VNGB+kbHJJCIFIf/cBew2VN7Sjoa3LJvMtAUCojyuc1IIrxhERERERERHZEZNLFiisaUG4r+1XaFOpBJLCfXG4sO6cbaX1bahr6cTkUG+bxzGYuBDPAScez+mezNvQE8vaNGoVIvzc2XOJiIiIiIiIyI6YXDKTlBJFta126bkEAMkRPsgpa0Rbp7bX48dLGwAAk8OUTy7Fh3ihuK4VTe1dfW7PKtb3vLJlrFEB7sivYs8lIiKDsrIyXHPNNRg/fjwmT56Miy66CCdPnlQ6rAF9+umnmDRpEpYsWWJROTU1NVixYgXi4uKwYsUK1NbWnrNPZmYm5s6di4SEBCQlJeHjjz82bsvLy8Ps2bMRFxeHq6++Gh0dHQCAgoICLFu2DElJSVi8eDGKioosipNoOBnNbcrPbdmyBRMmTEBsbCzWr1/f5z7t7e24+uqrERsbi9mzZyM/Px8AkJaWhqlTp2Lq1KlITk7Gxo0bjce89NJLSExMREJCAl588UWrxkzk6EZzG2PKdQsAvPPOO4iLi0NcXBzeeeedc7avWrUKiYmJ5zz+3HPPQQiBqqoqi+LsD5NLZqpsbEd7l87mk3kbJIX7oksnkV3S0OvxYyUNEAKYMEb55FJcsH4upVPlfU88nllYh3GBHvBxs90cVVEBHsivboZOJ21WBxHRcCGlxOrVq7F48WLk5ubi2LFjePrpp1FeXm7S8Vpt7x80pJTQ6XS2CLWXN998E6+++iq2b99uUTnr16/HsmXLcOrUKSxbtqzPL3/u7u549913kZ2djS1btuD3v/896ur0PYXXrFmD+++/H6dOnYKfnx/efPNNAMCf/vQn3HjjjThy5AjWrVuHBx980KI4iYaL0d6m9KTVanHPPffg66+/xrFjx/Cf//wHx44d67NuPz8/nD59Gvfffz/WrFkDAEhMTER6ejoyMzOxZcsW3Hnnnejq6kJWVhb+9a9/IS0tDYcPH8bmzZtx6tQpq8VN5MhGextjynVLTU0NHn/8cezfvx9paWl4/PHHeyWhvvjiC3h6njvHcWFhIbZu3YrIyEiLYhwIk0tmOmunleIMpkb4AsA5Q+OOFNcjOsBD0ZXiDOJD9MPd+hsad7iwDsndz8NWYoM90dKhRWlDm03rISIaDrZv3w4nJyfcddddxsemTp2KBQsWQEqJBx54AImJiZgyZYqxx86OHTuwZMkSXHfddZgyZQry8/MxadIk3H333Zg+fToKCwv7ra+8vByrV69GcnIykpOTsXfvXgDA888/j8TERCQmJvb6Ff7999/HrFmzMHXqVNx5553QarV44oknsHv3btx111144IEHLHr+X331FW666SYAwE033YQvv/zynH3i4+MRFxcHAAgLC0NwcDAqKyshpcS2bdtwxRVXnHP8sWPHsGzZMgDAkiVL8NVXX1kUJ9FwMdrblJ7S0tIQGxuLcePGwdnZGddcc02fbUHPduiKK67A999/Dykl3N3dodHor9/b2tqMKykfP34cc+bMMW5ftGhRr15NRCPZaG9jTLlu+eabb7BixQr4+/vDz88PK1aswJYtWwAATU1NeP755/HII4+cc9z999+PZ5991iarthson5EYps5U6ef1GWenVdpCvF0R6e+OPaercMv8GACATieRlleDCxJC7BLDYCL83eHqpMLJPnouldW3oaKxHcnhPjaNIba799TpiiaM9bXPkEUiIkeVlZWFGTNm9Lntiy++QGZmJg4fPoyqqirMnDkTCxcuBKD/0pSVlYWYmBjk5+cjJycHb731Fl599dUB67v33nuNX4S0Wi2ampqQkZGBt956C/v374eUErNnz8aiRYvg6uqKjz/+GHv27IGTkxPuvvtufPDBB1i3bh22bduG5557DikpKb3Kb2xsxIIFC/qs+8MPP8TkyZN7PVZeXo7Q0FAAQGhoKCoqKgaMPy0tDR0dHRg/fjyqq6vh6+tr/PIXHh6O4uJiAEBycjI+//xz3Hfffdi4cSMaGxtRXV2NgICAAcsnGu5Ge5vSU3FxMSIiIoz3w8PDsX///gH302g08PHxQXV1NQIDA7F//37ccsstKCgowHvvvQeNRoPExEQ8/PDDqK6uhpubG/73v/+dEzfRSDXa2xhTrlv6ansM1yePPvoo/vjHP8LdvXcHmE2bNmHs2LFITk4e8HxYisklM+VVNcNJLeyawFg8IQifphehvUsLF40ax0obUN/aiXnjA+0Ww0DUKoHYYE+cKDs3uZRZqO+ql2SHnkuAPrm0KD7IpnUREQ1nu3fvxrXXXgu1Wo2QkBAsWrQIBw4cgLe3N2bNmoWYmBjjvlFRUZgzZ86gZW7btg3vvvsuAECtVsPHxwe7d+/G6tWr4eGh/zHmsssuw65du6BSqZCRkYGZM2cCAFpbWxEcHDxg+V5eXsjMzDT3KQ+otLQUN9xwA9555x2oVCpIee7wasOvfc899xx++9vf4u2338bChQsxduxYYxKKaLQabW3KQG2EqfvNnj0b2dnZOH78OG666Sb84he/wKRJk7BmzRqsWLECnp6eSE5OZvtChNHXxvSnvzYlMzMTp0+fxgsvvGCc2w0AWlpa8NRTT+Hbb7+1ahx9YUtlprzKZkT6u0Ojtt/IwkXxQXh3XwH25lZjyYRg7DxVCQCYO95xfilNDvfFV5kl0Ook1KqfPmB/PFMDVycVEmw88XiAhzN83Z1wuqL/VeuIiEaLhIQEfPbZZ31u6+vixMBwQdXf/aHorx4pJW666SY888wzJpc11F8AQ0JCUFpaitDQUJSWlvZ7EdjQ0ICVK1fiySefNF6MBgYGoq6uDl1dXdBoNCgqKkJYWBgA/fC5L774AoC+C/rnn38OHx/b9swlcgSjuU0pLCzEJZdcAgC46667kJyc3Gu4Tc82oqfw8HAUFhYiPDwcXV1dqK+vh7+/f699Jk2aBA8PD2RlZSElJQW33norbr31VgDAQw89hPDwcJOfE9FwNprbGMC065bw8HDs2LHDeL+oqAiLFy/Gvn37kJGRgejoaHR1daGiogKLFy/Gyy+/jLy8PGOvpaKiIkyfPh1paWkYM2aMyc/FFJxzyUx5Vc2ICTx3oixbmh8XiEBPZ3zwYwGklPjyUDGmR/oixNvVrnEMJCXaD03tXcj5We+lPaerMDPaHy4atU3rF0IgNsgTuUwuERFh6dKlaG9vx7/+9S/jYwcOHMAPP/yAhQsX4uOPP4ZWq0VlZSV27tyJWbNmWVTfsmXL8NprrwHQT6rZ0NCAhQsX4ssvv0RLSwuam5uxceNGLFiwAMuWLcNnn31m7PJdU1ODgoKCAcs3/ALY17++hq+sWrXKuIrKO++8g0svvfScfTo6OrB69WrceOONuPLKK42PCyGwZMkS40Vuz+OrqqqME4Q+88wzuOWWW4Z6qoiGpdHcpkRERBi33XXXXZg5cyZOnTqFvLw8dHR04KOPPsKqVavOqaNnO/TZZ59h6dKlEEIgLy8PXV36FZYLCgqQk5OD6OhoADA+h7Nnz+KLL77Atddea/5JJBpGRnMbA5h23XLBBRfg22+/RW1tLWpra/Htt9/iggsuwG9+8xuUlJQgPz8fu3fvRnx8PHbs2IEpU6agoqIC+fn5yM/PR3h4OA4ePGj1xBLA5JJZdDqJvOpmjAuyz3xLBi4aNa6dFYnvT1TgoY1HcbK8CdfOst1s7+ZIidL/EpNRUGN8rLyhDacqmjA/1j7D92KDPXGqou8V64iIRhMhBDZu3IitW7di/PjxSEhIwGOPPYawsDCsXr0aSUlJSE5OxtKlS/Hss8+afKFx2223IT09/ZzHX3rpJWzfvh1TpkzBjBkzkJ2djenTp+Pmm2/GrFmzMHv2bNx2222YNm0aJk+ejCeffBLnn38+kpKSsGLFCpSWllr1+a9duxZbt25FXFwctm7dirVr1wIA0tPTcdtttwEAPvnkE+zcuRNvv/22cVlwQxf2DRs24Pnnn0dsbCyqq6uNPQl27NiBCRMmID4+HuXl5Xj44YetGjeRoxrtbUpPGo0Gr7zyCi644AJMmjQJV111FRISEgAA69atw6ZNmwAAt956K6qrqxEbG4vnn3/euPrT7t27kZycjKlTp2L16tV49dVXERiov1a+/PLLMXnyZFxyySX4+9//Dj8/P5s9DyJHMtrbGFOuW/z9/fHoo49i5syZmDlzJtatW3dOb0iliIG6lw0HKSkpsq8Xii0V1bZg/obteOayKXZP7jS0deKXr+zBmapmzIrxx39un9Nr+JnSpJRY8Ox2xAV74q1f6zPJb+/Jw2P/PYat9y9EXPeKcrb0xq4zeDL1ODIeWY4ATxeb10cjU0pKSp8fQkRElmDbQkS2wLaFiGxBCJEhpTRpVQHOuWSGvO6V4mLstFJcT96uTth873wcOluHlGg/h0osAfps80VTQvHWnjzUt3TCx90JX2aWYFKot10SS0DvSb2ZXCIiIiIiIiKyLQ6LM4MhuTROgeQSALg7a3BebKDN5y8y18VJoejUSnx2sAgZBbXILKzD5dPH2q1+Y3KpkvMuEREREREREdkaey6Z4XRFEzxdNAjyYq+YviSF+2Le+AD8v29z4O6sP0/2HD4Y5uMGD2c1TpZx3iUiIiIiIiIiW3PInktCiNlCiL1CiF1CiBeUjufnTpQ1Ij7EE0I41pA0R/LclcmIC/GCt5sGr18/HR4u9stjqlQCE0O9cay0wW51EhEREREREY1WjtpzqQDAUillmxDiAyHEFCnlUaWDAvQTVueUNeKiKaFKh+LQwnzd8NU95ylWf0KYNz7PKIJOJ6FysHmpaPha+8lBfHRQvyqEmwY4/uRKs8ta9Oz3KKhpAwA8eP543Ll0olVidGSrXtyBI2X6YcXeLsCRx/s+f9FrU895LP3BJQj0cce4tanQQf/LyJn15p//kazn+cu34Bx1dnZi2pPfo7VDi3uWjMcfzh/4Nbrh62y89kN+r8f83TU4uO4Cs2MYyOmyJix/8QcAQEKoF1LvW2iTevqS8pdvUdXcCQA48tACeHt7G7ctfnYb8mtaAQC7H1iA8ADvPsvoadOhQtz78REAwLxx/vjwjrl97rchNRuv7coHAPxxxXj8blnffxPD+wQA4gPckFvTCm83Jxxad/6AcTyTmoV/7NIvq3z9zHA8eXnyoLHbkiWv5f/77DA+SS8CAHx46yzMiwuyamxDkZ+fj8WvZ/90fwS2XT3/Vqk3RBtXTbNWe+QIDM/F302Dg3+2Tbs2kCnrvkZjh/6dveW+2ZgYOvgqzHtPVeK6N9MAAFelhOPZK5R9T/dn0YZtKKjVt5tZjyxC4pP6tv3n5zpmbSokAC8XNY4+fqHJ5Rv+dqZcOxjqAJR9zSrx3vnXzlxs2HICzho1dj6wEIFe7haVl52djZXv5RvvW/I8DOcjzNsFex9a3u9+4x9MhVZaXt9AMQDA86sScNm8aKuWr5Sez+ufN0/E+RPHm12WQ/ZcklKWSSnbuu92AdAqGU9P5Q3tqG/txMQx9pmcmsyTEOaN5g4tzta0KB0KjSCGxBIAtHZZVpYhsQQAz3yba1lhw4QhsQQADe197/P61uw+H7/473sBwPiFWdfnXnTJizusVtafPjuKpnYttBL4x868Qff/eWIJAGpaLHyjDOCXr+4y3s4ute8waENiCQAWvbCv1zZDYgkAlr+wx6Ty7utOLAHA3jM1/e5nSCwBwPNb+283er4/Tla3QiuB2pZOvPz9yQHjMCSWAOD9A0UD7mtrievOTTIPhSGxBAC3vqvsClo9E0ujgeHL5F++OqxsIFZ04Qs/GG/XWHoBYCZDYgkALnxpv0nH/Pqdn177Pd8TjsaQWAKApCf7Ptdv7c41Jn0a203/apj05y3G26ZcO/RcR72hQZlREAuf2apIvc9vPYkuHdDSocXvP7a8X0fPxJIllj+33Xi7pL8LyG7aHn/AT9KsU39f/rBpZLbrd7x9wqLjHTK5ZCCESAIQKKU89rPH7xBCpAsh0isrK+0a04kyfSMzgcklhzY51AcAkF3CoXHk+LycHboptqu7ViT0+fjKKWPsHMnw9MeV0VYra2WPHrqhPq6D7u/n5mS1uk2xJP6nX+2V7J/6y+SwfrctigswqYwIv5/mcFQP8GR83X7qcB7kObTzLQAsnRgy4D7eLj8tFOLmpGy7dPu8GIuO93D+6blMi/C1NByLBHmMrjbevfvp3jFn5LTbN82139yhppgcYtqiQlMjfuo56enimAsB/dy8mL7frysTzXs9XZNi/miTnr1S7elPSyYoUm90j8WqLpoy8OeFKZwtLkHvypRws467cKK/lSI4l8sIbdbdLG0mpJQO+Q+AP4CdAMYMtN+MGTOkPb2+47SMWrNZ1ja327VeGprWji45/sFU+eyW40qHQsNUf23LnCe3yAkPbbZKHfOf2Sqvem2nVcoaLiY/slnGrx34/P3hvR9l1JrN8uNDWfL2t9PkB/vOGLcdOlsllz+3XR46W2XrUIetRz87KKPWbJZ5eXkWl5WeVy3f3JVr8v5//ChDPvblEflpWr685G+2f23/7bvj8tp/7rF5PX254Pkd8h/bT/W57ZK//SCf3ny0z239tS1/+iRDXvna7kHr/f2H6fKPH2UMul/Mms1yxuOpUkopX99+SmYV1Q16jJRS3vH2fnnrv380aV9bW/NxhoxaY357e/9HB+WLWx3jOuDiF7bLaAuey3AQtWaznPWX3s/x9W3HZfxDm2VZWZlCUVnPh/vOyIte+EHRGGb+5Rt51zv7+tzWX9vy4tbj8v6PDtoyLKu4/O+75Qd786SUUr61M7fPc73jeJlc/cou2dTUNKSyn9qUKaes+9qkfbML6+WiDd/L9PzKIdVhbYb2r6CgwK71vrcvT+4/Y73nPv2xzRa14wYf7M2Tl/998M/I+nr93+/bI4UW19mXcWs2y6UbttqkbCVFrdks5z+9pc9tANKliTkcod/fsQghNAA2AXhcSjlgv8+UlBSZnm6/7s5/+DgTe3KrsH+AsZ7kGC58cSfG+Lji7V/PUjoUGoZSUlJgz7aFiEYHti1EZAtsW4jIFoQQGVLKFFP2ddQOXVcCmAlggxBihxCi75ktFXCirBETxijTRZKGJnGsD44W1cMRHopinwAAIABJREFUE6hEREREREREI4VDJpeklP+RUgZJKRd3/9s3+FG219apxcnyRkwZy+TScDA90g/VzR3Ir7bupN5FtS3YdLgEW7JKUdvcYdWyiYiIiIiIiIYbzeC7kEF2ST26dBLJ4cpODEmmSYn2AwCk59cgJtC0iQ8H0tTehb/89xg+ySiEoTOUi0aFuxfH4ndLY6FSKTmlLBEREREREZEymFwagszCegDAVIVXHSHTxAZ5wttVg4yCWlyZEmFRWTXNHfjVG/uRU9aAW8+LweUzwtHaqcW/d+fhhe9O4nhpA16+bhqc1A7ZGZCIiIiIiIjIZphcGoLMwjqE+bgi2HvwJZlJeSqVwIwoP2QU1FpUTlunFje/lYYzlU34980zsXhCsHHbtGt9MTXCF0+mHsdDXxzFs1ckQQj2YCIiIiIiIqLRg90shiCzsBbJ7LU0rMyI8sOpiibUtZg3N5KUEg9vzMKRonq8fO20XoklABBC4LYF43Dv0lh8mlGEjw8UWiNsIiIiIiIiomGDySUTFdW2oLCmFTOj/ZUOhYZg9rgAAMDe3Gqzjv/vkVJ8frAI9y2Lw/kJY/rd7/fL4zE/NhCP/TcbpyuazKqLiIiIiIiIaDhicslE+7qTE/NiAxSOhIZiWoQvvF012JFTMeRjq5va8dimbCRH+OLeZXED7qtSCTx/dTJcNGo89MVR6HTS3JCJiIiIiIiIhhUml0y0L7caAR7OiA/2UjoUGgKNWoUFcUHYkVMJKYeW8Fm3KRtNbV147ookqE1YCS7YyxUPXTQRafk1+CyjyNyQiYiIiIiIiIYVJpdMIKXE3txqzBkfwOXmh6FFE4JQ0diO7JIGk4/ZklWK1COluG95HOJCTE8oXjkjArOi/fHU/46juqndnHCJiIiIiIiIhpURm1wqqm1BUW0LOrU6i8s6WlyPsoY2LIoPskJkZG/LJ4VAoxLYdLjEpP1rmzvwyJfZSAjzxh0Lxw2pLpVK4KnViWhu78KzW3LMCZeIiIiIiIhoWBmxyaUNW3Iwf8N2JD/+Le79zyGcLG80u6yvs8qgVgmsmBRixQjJXvw9nLF4QhC+yiyG1oS5kB77bzbqWjrw7BVJcFIP/S0SF+KFW+fH4OP0Qhw8W2tOyERERERERETDxohNLv36vGhsuHwKVk8bi20nKnDBizvx7JYTQ+7JJKXEN1llmDsuAH4ezjaKlmxt9bRwlDe0Y+epygH325JViq8yS/C7pXFICPMxu77fLYvDGG9XrPsqy6SEFhEREREREdFwNWKTS9Mj/XD1zEg8tXoKdv3fElw1IwKv7sjFr/61H3UtHSaXc6iwDmeqmnHRlFAbRku2tnxyMMZ4u+K1Hbn97lPR2IaHN2Yhcaw37l4y3qL6PF00eHjlJGQVN+DDtLMWlUVERERERETkyEZscqknPw9nbLgiCS9dMxWZhXW47LW9KKxpMenY938sgIezGqumhtk4SrIlF40adywch7S8GuzNrTpne0eXDvd8cBAtHVo8f9VUs4bD/dzFSaGYNz4Af91ygpN7ExERERER0Yg1KpJLBpdOHYv3bp2F6qYOrH51L7KK6wfcv7CmBZsyS3BlSgQ8XTR2ipJs5dpZkQj3c8PDG7PQ2NZpfLxLq8OfPj2MA/m12HBFEuKHsDrcQIQQeOLSBLR0aLFhywmrlElERERERETkaEZVcgkAZo8LwOe/mQsXjQpX/2MffjjZ/xw8G7acgFol8JvFlg2RIsfg5qzGc1cmo7CmBTf9Ow1ZxfU4dLYWN72Vhk2HS/B/F07AqmTr9lCLDfbCrQti8El6ETIKOLk3ERERERERjTyjLrkE6L/wf3H3PEQGeODWtw/gvR8LIGXvSZc/zyjC5iOluGdJLEK8XRWKlKxtzrgAvHztNJwsb8LFL+/G6lf34tDZOmy4fAruXhxrkzrvXaqf3PvRLzm5NxEREREREY08o3asV4i3Kz65cw7u+fAQHv0yC18fLcVtC2IQ4eeO1KOleHnbacwZ589eSyPQL6aEYmaMP3adqoRapcKiuCD4uDvZrD4PFw0evXgy7vnwIP6+/TTuXRZns7qIiIiIiIiI7G3UJpcAwMvVCW/fPBMf7C/Ai9+dwi1vpxu3XTRlDJ69ItkqEzuT4wn0dMHqaeF2q++iKWNw6dQwvPjdScwbH4CUaH+71U1ERERERERkS6M6uQQAKpXADXOjcWVKBNLyalDT3IGEMG/EWWlSZyJAP7n3k79MxKGzdbjnw4PYePd5CPN1UzosIiIiIiIiIouxW043Vyc1FsYH4ZfTxjKxRDbh5eqEf944Ay3tWvz6rQOob+0c/CAiIiIiIiIiB8fkEpEdTRzjjddvmIEzVU249p8/orKxXemQiIiIiIiIiCwy6ofFEdnbebGBeOOmmbjrvQxc8vJuPH9VMubFBg65HJ1OoqCmBdkl9cgpa0RtSwea27VQqwQ8nNUI9nZFdIAHxgd7IC7YC2qVsMGzISIiIiIiotGOySUiBSyKD8Knd83FvR8dwnVv7Mf5k0Nwy/wYzIr2h6qPJFBbpxa5lU3ILmnAsZIGZJfU43hpI5rauwAAapWAj5sTPFzU0Golmtq70NDWZTze00WDqRG+mB7lh5nRfpgW6QdPF779iYiIiIiIyHL8dkmkkMSxPtj8u/l4Y1ce/rXzDL49Vg4vVw0mh3ojwNMZKiFQ39qJ4tpW5Fc3Qyf1x7k7qzEp1BuXTR+LhDBvJIT5IC7EEy4ada/ym9u7UFDdgpzyBhwsqENGQS1e2XYKOqlPRk0O9UZKtB9mRfsjJdofQV4uCpwFIiIiIiIiGu6YXCJSkLuzBvcui8NtC2Kw9Vg50vJqcKKsETlljdBJwMfNCfEhXrg4KRRxIV6YHOaN6AAPk4a4ebhoMDnMG5PDvLF6WjgAoKm9CwcLanEgvwYH8mvw4f6zeGtPPgBgrK8bxgV5YFygByIDPBDo6Qx/D2f4uTvDWaOCk1oFjUpAoxbo0kp0aHXo0kp0anXo0OrQ2aVDl05/v0sr0aXT3zfsIyWgUQto1Co4qwU0KhWcNCo4qQScNCo4q1XGely6/9ffF3Du3i5E7+ctpYRWJ9Glk9BJiU6tREeXPp6OLp0+ti4d2rt0xsc7e2zv6NIhNsQT0yP9rP63JSIiIiIiGi2YXCJyAO7OGlw6dSwunTrWpvV4umiwMD4IC+ODAAAdXTpkldTjQF4NjpU24ExlMz4/WGwcbudonNQCKiGgk/qEkpSWl3nLeTFMLhEREREREVmAySWiUcxZo8L0SL9eyRUpJepaOlHd3IHalg7UNnf06qXUpZPQqISxl5H+n+jRs0l/X6PS/69W6bcJAWi7ezZ1an/+/089jdq7dD/1QOrS6m9rf+p5pNNJqFX6clVCQKMSUHXf16gEXDT6Hk+G+Aw9opw1vXtEGR73dnNS8C9AREREREQ0/DG5RES9CCHg5+EMPw9npUMhIiIiIiKiYUCldABERERERERERDR8OWRySQgRJoQ4KIRoE0KwdxURERERERERkYNy1MRNDYBlADYqHQgRkcHukxW4/t8HAAC/mhWBpy5LMrusY6X1WPPZEXi4aPCP62fAx33kD0OsaGjDPR8eRIdWhxevmoqYIM8+9xv3YCp0EnBRC+Q8dVGvbb//+BC2n6jA4gnBeOmaafYIe9hZ91UW9uVW46a5Ubh+brQiMXyUdhbZJQ24emYEEsf6KBLDSFTf2onXf8iFSgC/WRwLT5e+L+Oyiuux5vMj8HVzwus3zICX6/CcWy5mbSokgLE+Ltjz4HKlwzGbTqfDXe8fxNmaFjy8chIWxAUpHZLVLfnrduRVtwAAsh9dDA8PD4Ujsr5LX9mN/OoW3LN4PO5YNN7u9f+YW43HN2cj1McVr1+fAmeNQ/YRsIpVL+9GQY31zvV9Hx3C8dIG/H5ZPC5KCrVChLY3/sFUaCUQ5OmMA4+sUDocs1TUNWPW+h0AgAkhnvjm/kVmlSOlxHs/FuB0RROunxOF+BAvK0ZpurS8avx5UzZCvF3x+q+mw9XZUVMpQ2PNtsUhWyUpZZuUslbpOIiIerrj/YPG2x+mFVpU1qvbc1FQ3YJjJQ14f/9ZS0MbFt7em4+cskbkVTbjtR9y+9znWGktdN2rALZrz10OcPPhUjS1a5F6pNSWoQ5bFQ1t+PJQMcob2vD6zjOKxFBW34YvM4txqqIRn6Rb9j6h3nbkVODQ2VpkFNTih5zKfvd7+ftTKKxpwdHienxyYHj+DZ76bxYMLUBxfbuisVjqu+MV+PFMNUrqWvHSd6eUDscmDIklADj/b/sUjMQ2tmSVIaukAU3tXf1+ftnay9tOobi2Fen5tSP6M/Dro6XILtWf69etcK4zCmqx/UQFyurb8PL24fH+e2tXLgyXQJVNHcoGY4FL/r7XeDunvMnscs7WtOB/R0txsrwRnyp4XfHyttMorm3FwYJabBpB70Frti0OmVwajBDiDiFEuhAivbKy/4srIiJrmhvjb7wdYOGE53Ni/CEEoFGrMGdcgKWhDQuzY/yNq/zNHRfY5z6TQ/36fNwg0FN/3gM8R35PL3P4uzsjxNsVADBBoV/2/DycEObrBgBICPNWJIaRKj7Ey7hKZ3xI3z3/AGB2d5virFZhZo92azi5fHqY8bZQMA5rSBjrDXdnNQBgRpSvwtHYRs8vFNfOjFAsDluZHukDl+5f8+MUaltnROk/H12d1JgaMXJ7hE6L9DWea2v0UIkN8oBP98rAU4ZJT9rzE8IG32kYuKxHO66yoCEP8nJBsJf+2iYhTLm/YUr0T+9Bw/txJLBm2yKkPPeXYUchhNgBYLmUsqu/fVJSUmR6err9giKiUSElJQV9tS0fpeWjsKYVD1w4yeI68iqb4O6iMSYDRoPiuhZ0aSWiAvofMnGstBbrU3Pw2rVTzhla0dGhxa7cSiwYHwTn7i9r1FtbRxdOVjQhMcwbKpUyvyG1d2lR19I5ql7bpuqvbTFVfUsnIGD8stSf3MomeA7z9uXw2Rq8s68Az189/IfA1rV0oKy+DRNDR27C9c730rAyMRSrpo285BIAVDe143hpA+YrOKzxZHkjAj1c4N/HDyyWti2OxNrnurGtE4U1LZisYGJiqE4U1+C1H/Lx0nXTlQ7FIp8dOIttORV49foUi8pp69SiobUTwQp/pg30HhzOBnpeQogMKaVJf0Aml4iI+jCSLtKIyHGwbSEiW2DbQkS2MJTkkkMOixNCOAkhvgOQDOAbIcRspWMiIiIiIiIiIqJzOeQU51LKTgDDd1kQIiIiIiIiIqJRQvGeS0KIMCHEQSFEmxBC0+PxPwghdisZGxERERERERERDUzxOZeEEK4A3ABsRPf8SkIIFwD/BDBeSjl/oOMDAwNldHS07QMlolElPz8fbFuIyNrYthCRLbBtISJbyMjIkFJKkzolKT4sTkrZBqBNiF7rE94G4B0ATwx2fHR0NCevIyKr48SYRGQLbFuIyBbYthCRLQghDpq6r+LD4n5OCOEEYJGUctsA+9whhEgXQqRXVlbaMToiIiIiIiIiIurJ4ZJLAG4A8OFAO0gp/ymlTJFSpgQFBdkpLCIiIiIiIiIi+jlHTC5NAPAbIcQWAAlCiN8pHRAREREREREREfVN8TmXuofBfQ0gGcA3AB6SUq7p3rZbSvmykvFZ0+NfHsVbP54FAMyI9MHndw84V7ndzHjia1S36AAAXs7A0SdWKhyR3oavj+O1H84AAJ5YNQk3zhuncER65Q1t+Nv3p+DhosG9y+Lg6aL424iIiIaxKQ+lolH30/389Y7xOUxERDScRK9NNd7mZ6n9Kd5zSUrZKaVcLqX0k1Iuk1Lu77HNMbIvVmJILAFAxtl6BSPpzZBYAoDGDgUD+Zk3dp0x3n7m6xwFI+ntu+PlyK1swpGiOqTlVSsdDhERDXM9E0tERERkuflPpw6+E1mV4sml0STSz8V428OZp34wiWN9jLfnjQtQMJLeksN94aRWwdNFgwljvJUOh4iIiIiIiHrY/RB7Ltkbx/PY0c41y/FJWj7qWrpwx+JYpcMxyl+/Erf+ex/aOnX44M7zlA7HaOM987H9eBk8XDSYNS5Q6XCMEsf64J83pEClAlw0aqXDISKiYS5//Uosf+5rlNfocPRpXgwTERGZI3/9SkSvTcWnlwcrHcqoxOSSnV01K1rpEPr05i1zlQ6hT0smjVE6hD65OTOpRERE1vPdn36hdAhERETDHudaUg7HZhERERERERERkdnYc4mIiIj61dqhRU55I9yd1YgN8oRKJZQOiYiIiIgcDJNLdnTV63uQll8HABjj5YwfH16hcER6PZdsBBynK+ENb/yIXaf1q7FdNi0Mz189TeGI9H7IqcADnx2Bs0aFf988E/EhXkqHBAA4Wd6IZ7fkwMfNCesungwfdyelQyKiYaxTq8NL353Cm7vz0NqpBQBEBbjjkZWTsWJyiMLRkS046vUAEZG9cCl7IvNxWJwdGRJLAFDW2KFgJMPDntxq4+3/HilVMJLevjhUjLZOLRpaO7H5cInS4RjtOV2FpvZOFNe1IKukXulwiGgYa+3Q4pa3D+CV7aexfHIIXr9+Bp69IgluTmrc/m463th1RukQiYiIbOr7779XOgSiYYXJJTuaN87feHusr4uCkQwPS+KDjLdXTw1TMJLerpgRDjdnNXzdnbAq2XHimh8bCB83J0T6uyNxrI/S4RDRMKXTSfzp08PYfboKz16ehJevnYYLE8fgqpQIbPrtfKycEoonU4/j84wipUMlIiKymWXLlikdAtGwIqSUSsdgkZSUFJmenq50GEQ0wqSkpIBtC41G7/9YgEe+zMKDv5iIOxeNP2d7l1aH69/cj0Nn65B673zEBjvG0ODhgm0LEdkC2xYisgUhRIaUMsWUfdlziYiIiAAA5Q1t2PD1CZwXG4A7Fo7rcx+NWoW/XTsNbs5qPPRFFnS64f0jFRERERFZjsklIiIiAgBs+PoEOrQ6PPXLKRCi/1Xhgr1c8eAvJiItvwabHGjuOSIiIiJSBpNLREREhNzKJnyZWYyb50UjOtBj0P2vnBGBSaHeePG7k+jS6uwQIRERERE5KiaXiIiICK9sOw0XjRq39zMc7udUKoH7l8chv7oFXxwstnF0REREROTImFwiIiIa5UrrW7HpcAl+NTsSgZ6mr2a6YnIIEsd64/WduZx7iYiIiGgUY3KJiIholPvP/rPQSYmb5kUP6TghBG6dH4Mzlc3YfbrKNsERERERkcNjcomIiGgU6+jS4cO0QiyZEIwIf/chH3/RlFAEerrg7b351g+OiIiIiIYFJpeIiIhGsW0nylHV1I4b5kSZdbyLRo3rZkdie04FiutarRwdEREREQ0HTC4RERGNYl9lliDQ0wUL4gLNLuOK6eGQEvjyECf2JiIiIhqNmFwiIiIapRraOvH9iQpcnBQKjdr8S4LIAHfMivbHFweLICUn9iYiIiIabZhcIiIiGqW+ySpDR5cOl04Ns7isy6aPRW5lMw4X1VshMiIiIiIaTphcIiIiGqU2HS5BpL87pkb4WlzWRUmhcNGosPFgkRUiIyIiIqLhhMklIiKiUai+tRP7cqtx0ZRQCCEsLs/b1QmL4oPwTXY5dDoOjSMiIiIaTZhcIiIiGoV+OFmJLp3EisnBVivzwsQxKGtow+GiOquVSURERESOj8klIiKiUej74+Xw93DG1Ag/q5W5bGIINCqBLdllViuTiIiIiBwfk0tERESjTKdWh+0nKrBkQjDUKsuHxBn4uDthXmwgvskq46pxRERERKMIk0tERESjTHp+LRraurB8kvWGxBlcmDAG+dUtOFneZPWyiYiIiMgxMblEREQ0yuw4WQEntcCC+CCrl710oj5htSOnwuplExEREZFjYnKJiIholNl7uhrTIvzg6aKxetljfFwxcYwXduRUWr1sIiIiInJMTC4RERGNInUtHcgqqcd5sYE2q2PxhGCkF9Sgqb3LZnUQERERkeNgcomIiGgU2ZdbDSmB82IDbFbHovggdGol9pyuslkdREREROQ4mFwiIiIaRfbkVsHDWY3kCF+b1ZESrR9yx6FxRERERKMDk0tERESjyN7T1Zg9LgBOattdAjipVTgvNgA/5FRASmmzeoiIiIjIMTC5RERENEqU1LXiTFWzTedbMlgUH4yS+jbkVjbbvC4iIiIiUhaTS0RERKPEj2eqAQDzxttuviWDud117Ouuk4iIiIhGLiaX7OzOdw/gxjf2KR3GOeLWpiJ2barSYZxj5l++xfz13ykdxjmOFNXhdHmj0mEQEQ3JgfxaeLlqMCHEy+Z1RQe4I9THFT/mMrlENFrNfDQV0WtT8devHe9ajhxL9Fr9a4WIhi8ml+xo3tPf4ZtjFdh5ugaTHvla6XCMotemohNAV/dtRxG9NhWVzZ0oqmvHOAeK6919+bj+jf244h/7sOsUJ6slouEjo6AGM6L8oFIJm9clhMDccQHYd6YaOh3nXSIabb777jtUdupv//2HdmWDIYfW8/uHI30XIaKhYXLJjkobfvpgbe3SKRjJ8ONIZyvzbB0AQKeTOHi2VuFoiEYGKSVqmzugZRLCZupaOnCyvAkzo/3tVuec8QGoae7AyQr29CQabe7/jgklIqLRhMklO3r5mmTj7VvOi1Awkt4Sgt2Nt2P8nBWMpLdF4/yMt6+bEapgJL3dtzwOE8d4YVqkH245L0bpcIiGvTOVTVj1yh5M+8tWzH76e3yTXaZ0SCOSIRk+I8pvkD2txzC30z4OjSMadY6uX6l0CDQM5fN1QzRsaZQOQAgRBmAzgMkAPAHMAPACAC2AdCnl/QqGZ1UXTw3HxVPDlQ7jHKl/WKJ0CH165455SofQp6gAD3xyl2PGRjTcVDS04ep//gitTuKBCybgm+wy3P3BQfz75plYFB+kdHgjyoH8WmhUAsnhvnarM9zPHRH+btibW41fMxlPNOowUUCm4OuEaGRwhJ5LNQCWAfix+34BgKVSygUAgoUQUxSLjIiIbOrhL7PQ1NaFD2+fjXuWxOLD2+cgNsgTD3x6GPWtnUqHN6Jk5NcicawP3JzVdq133rhA7D9TzSGPRERERCOY4sklKWWblLK2x/0yKWVb990u6HswERHRCJOWV4Otx8rx26WxmDjGGwDg6aLBX69MQkVjO97cdUbhCEeO9i4tMovqkGLHIXEGc8cHoKGtC8dLG+xeNxERERHZh+LJpf4IIZIABEopj/Wx7Q4hRLoQIr2ykqt1ERENRy99fxIh3i7nzF2WFO6LXySOwb/35KOpvUuh6EaWYyUN6OjSISXa/smlmTH6CcTT82vsXjcRERER2YdDJpeEEP4AXgFwa1/bpZT/lFKmSClTgoI4JwcR0XCTW9mEPaercePc6D6Had2+cBya2ruwKbNEgehGnsOF+lUukyPsN9+SwVhfN4T6uOJAAVfXJCIiIhqpHC65JITQAHgfwANSSi4ZREQ0Av1n/1loVAJXpvS9yMG0CF9MHOOF/6SdtXNkI9ORonoEeblgjLerIvWnRPsjPb8GUnLeJSIiIqKRSPHkkhDCSQjxHYBkAN8AeBjATAAbhBA7hBBzFQ2QiIisSqeT+OpwCZZNCkawV9/JDiEErp4ZgaPF9ThV3mjnCEeew0V1SA73gRBCkfpnRvuhvKEdRbWtitRPRERERLaleHJJStkppVwupfSTUi6TUj4upQySUi7u/rdP6RiJiMh6Ms7WorKxHSuTwgbc76IpoQCALVnsxGqJhrZO5FY2Iznc/kPiDGZ0TySewaFxRERERCOS4sklIiIaXf53tBTOGhWWTgwecL8Qb1dMj/TFlmwmlyyRVVQPAEhSYL4lg4ljvOHpokF6ASf1JiIiIhqJmFwiIiK7kVLiu+PlWBgXCE8XzaD7X5g4BtklDSiqbbFDdCPTYUNyaayPYjGoVQLTIn2Rns+eS0REREQjEZNLRERkNwXVLSisacXCeNNW+lw8Qd+7ac/pKluGNaIdKapDpL87/DycFY1jZrQ/csobUd/aqWgcRERERGR9TC4REZHd7OpOEs2PDTRp/7hgTwR5uWD36WpbhjWiHS6sQ7KCQ+IMUqL8ICVw8Cx7LxERERGNNEwuERGR3ew+VYmxvm6ICfQwaX8hBObHBmLv6SrodFzGfqgqG9tRUt+G5HDlhsQZTI30hVolkMGhcUREREQjDpNLRERkF11aHfbmVmNBXCCEECYfd15sIKqbO5BT3mjD6Eamo8V1AIAkBVeKM3B31iAxzBsH8jmpNxEREdFIw+QSERHZxfHSRjS2dWGeiUPiDM6LDQDAeZfMkV3cAACYHOatcCR60yL9cKSoHl1andKhEBEREZEVMblERER2kdG9DH1KlN+Qjgv1cUOEvxsyCjicaqiOlTYgOsDdpJX57GFapC9aO7XshUZEREQ0wjC5REREdpFxtg6hPq4I83Ub8rHTI/1w8GwtpOS8S0NxrLTBYXotAcC0CH1iMbOwTuFIiIiIiMiamFwiIiK7OFhQi+lD7LVkMCPKD+UN7Siua7VyVCNXY1snCqpbMDnUcZJLEf5u8PdwRuZZJpeIiIiIRhIml4iIyObK6ttQXNeKGZHmJZemdx93kEkJk50o0w89c6SeS0IITI3wZc8lIiIiohGGySUiIrK5g2f18yWZ23Np4hgvuDmpcZDzLpnseGn3ZN6hPgpH0tvUCF+crmxCQ1un0qEQERERkZUwuURERDaXUVALF43K7CFaGrUKyRE+xiQVDe5YSQP8PZwR4u2idCi9TI3whZTAkcJ6pUMhIiIiIisZ0cklR534tampSekQyEI6HZfRJhqKzMI6TBnrA2eN+R87SeG+OFHaiE4uY2+SY6UNmBzqDSGE0qH0khzhCwDILGSikIiIiEyzcWOq0iHQIBxjbWIrq25qx+P/PYbm9i6s+cVExIfPNr5DAAAgAElEQVR4KR0SAODGN/Zh52n9UtwRvq7YtXaZwhHpRa/t/UbNX79SoUh6m/7/2bvz+LjKen/gn2eWLJN9T9PsSZc0bZO2acvSUlqggEW0gGyKiCAg4L3qFUWv14vKS6oiymUVF36IIAjXgt7KInShrF2gpXvT7FuTyZ6ZyTYzz++PzKQp3bKcmefMmc/79erLSTI558OxPZn55vt8n5+8jk6XGwCQlxSFLd/Tx/XaeLAN331pNyLMJvzxK4sxW0fDcon0yOOV2N/ci2sW50zpOKVZ8RjyeHGkzYES/rs7LbfHi4NH+/CVc/JVRzlBQrQVRWkxnLs0CXr9eU1ERBQoC+7ZAP+vo7714Qb+7NMxQ3Yu7W3uRVvfAJxDbnxQ3aE6zqitvsISADR0DyhMEhr8hSUAqOvSz/V6ZVcThtxeOAbd+OeeFtVxiHSvpt2B/mEP5k6f2uwf//fvbeJyqjOpbndiyO3V1U5xY5XnJGFXQ7duO4yJiIhIH9jnHDoMWVwqz05EfkoMUmIjsXxGmuo4oypyYkYfJ0crDBIixv7lTLEqi3GCBTmJ6BtwwzHoxsoZKarj0CS19Q7gwTcO4flt9XyDG2D7mkcGS5dOcdeygpQYxESYR49Hp7bfd430tFPcWOW5iWh3DKGxq191FCIKoPx7Noz+IZoq/n0KT6WT2wuGFDDksrgEmxXrrpyvOsYJdjY6Rx938vX0GY2dqtKho02F/vhuDSQAKYFfvnkEz30tVXUkmoQXdzZiW+1IN+Hc6QlT7qqhU9vb1IMIiwnF6bFTOo7JJDAnK56dS+Owv6UXERYTClNjzvxkBRb45i593NCNnGSb4jShg0sBKJTMYgGANMSCUvja8D3+7AsVhuxc0qtpY3bsibby0k+EnsbRzvLN8BIAluQnqw1Dk5bre0MbbTUjIz5KcRpj29fci5LMOFjNU7/vlWYlYH9LLzxedpudzoGWXszMiIVFg2seCLMy4xBpMWFXPecuERnV/UtUJyAjWZGtOgERnYk+X3Ua1LvfvxArZ6ViYU4CDvz0UtVxRo39Taiefitau24NYqwCiVFm1Ogo1+9uXIwfX16C/7muHN+8aKbqODRJny3Lws/WzsODV5cjLU5fW7UbiZQSe5t6MCdLm86w0qx4uIY8qGl3nvnJYezQ0T7MytDnkjgAsJpNmJ+dwB3jiAzsiiuOvXabk6gwCBnC03cd+/vEQhORPhlyWZyePXXTUtURTkpPRaWx9v30M6ojnNSN5xSqjkAaKEyb2jItOrPGrn70Drgxd7o2hQ7/8sV9zT1TXmZnVN2uIbT1DWJWpr6vT3lOIp5+vw5Dbi8iLPxdF5ER6fX1JYUm/n0i0je+miMiooA5Nsxbm86lorRYWEwCB4/2aXI8Izrc6gAAzPQt4dWr8pwkDLm9ONDCAe1EREREoY7FJSIiCpjDrX0QApiZoU0XTYTFhMK0GFS2srh0Kod810b3xaXckXUyuxs5d4mIiIgo1LG4REREAXOotQ85STbYIrRbhT0zI260gEInOny0D3GRFkxL0Peg+qyEKKTGRnKoNxEREZEBsLhEREQBc/hon+YdNLMy4tDQ2Q/noFvT4xrFodY+zMyMgxB62mfzREIIlOckYhc7l4iIiIhCHotLREQUEIPukV3dtB4sPcNXrDrS5tD0uEYgpURla59myxADrTwnAdV2J3pcw6qjEBEREdEUsLhEREQBUdPuhNsrte9cyhw5HpfGncjuGESXa1j385b8ynOSAACfNLF7iYiIiCiUsbgUZL/dfAS/ePWA6hgnyL9nA/Lv2aA6xglm/ucGlPxQf7lq251o6elXHYNI1w75dnTzF4O0kptsQ6TFhMPcMe4Eh4+OdHPNCpHi0rzskV0EdzewuBQo//d/G3T7M56IiPSFPy9oKlhcCqLv/HUX7n/tEB7bUo2rn3hPdZxRY28gerqZ5N+zAUMeoN+tr1zvHWnHPX/7BN95cTd3rCI6jcpWBywmgcJUbZdomU0CMzJicZjL4k5w2HdPmhEixaWEaCuK0mKwi8WlgLnrnWOP9fSzlIiI9EWv7wkpdLC4FESfNPWMPq5tdypMQlPR2DXSseTxSjT3DChOQ6Rfh1r7kJ8agwiL9j9qZqbHsXPpJA639iE5JgKpsRGqo4xbWU4idjX0QEqpOgoRERERTRKLS0H01I2LERdlQbTVhMe/tEh1nFHFKebRx9MTFAb5lKsXZI4+/taqAoVJjveZ+dOwYmY6LinNxLlFKarjEOnW4da+gC3PmpkZh6O9AxwE/SmHfMO89b5T3FjlOYlodwyiqZtLjQOtdt0a1RGIiCgEPLJMdQIKRRbVAcLJ9GQb9tx7seoYJ3jz7ktURzipX1yzCL+4RnWKE8VGWvD184tUxyDSNdeQG/WdLlyxIDsgx/cXrQ639WFxfnJAzhFqRnaKc+DKhdNVR5mQ8pxEAMDuhh5kJ9kUpzEeFpSIiGg8+POCpoqdS0REpLmqNiekBGZmaDtvya8obeS41XbOXfJr7hmAY9AdMvOW/GZnxiPCYsLuRs5dIiIiIgpVLC4REZHmqnxFn+L0wBSXpidFI8JiQrWd8+v8Dgdod75Ai7CYUJoVj131LC4RERERhSoWl4iISHPVdgdMAshNCcwyJ7NJID/FNlrEomM7xc1MD63iEgCUZSdiT1MP3B6v6ihERERENAksLhERkeaq2p3ISbYh0mI+85MnqTA1lp1LYxxudSAjPhIJNqvqKBNWnpOI/mEPKttYLCQiIiIKRSwuERGR5qraHKNzkQKlKD0G9Z0uDLPbBcDIUsRAX/NA8Q/13tXApXFEREREoYjFJSIi0pTXK1HT7kRhakxAz1OYGgu3V6K+0xXQ84QCKSWq7Q4UBPiaB0peig2JNit2s7hEREREFJKUF5eEEFlCiI+EEANCCIvvc78WQmwVQjykOh8REU1MU3c/Bt1eFAVomLdfYdpIIYVL44BO5xB6B9woDNHOJSEEyrIT2blEREREFKKUF5cAdAK4AMAHACCEWAggRkq5HECEEGKxynBERDQx1e0jxZ6Ady75CinVHOp97JqnhWbnEgCU5STicGsfnINu1VGIiIiIaIKUF5eklANSyq4xnzobwJu+x28COCv4qYiIaLL8xZ5Ad9EkRFuRGhvBziUANfbgFPQCaUFOIrwS2NvUozoKEREREU2Q8uLSSSQC6PU97gGQ9OknCCFuFULsEELssNvtQQ1HRESnV2V3ID7KgtTYiICfqzA1FlXsXEJVuwMRZhOyk2yqo0za/OwEABzqTURERBSK9Fhc6gYQ73sc7/v4OFLKJ6WUFVLKirS0tKCGIyKi06u2O1GYFgshRMDPVZgWM7okLJxV253IS7HBbAr8NQ+UlNhI5CRHY3cji0tEREREoUaPxaX3MTKDCQAuhG8WExERhYYquwNFQRosXZQWi07nELpdQ0E5n17VtDtDdqe4scpzkrCrnsUlIiIiolCjvLgkhLAKId4EUAbgdQBWAANCiK0AvFLKbUoDEhHRuDkG3WjtHQzaYGn/earCeO6S2+NFXYczZHeKG6ssOwHNPQNo6x1QHYWIiIiIJsCiOoCUchgjHUpjfagiCxERTY1/mHdR0IpLx3aMW5R3woi+sNDY1Y9hjwzpneL8FuQmAgB2N/bgojlRitMQERER0XgpLy4FQkOXC1/543YMDHvw8yvnYdkMfcxlmvPDDXCN2WG5dt0adWHGyL9nw3EfM9fpFdyzAdL3OD3Ggm3/dbHSPH5bDrXh+3/bg5hIC/701SWYlhitOhKFIf/ObcFaFpedFA2zSaCuwxWU8+lRTbv/mod+cak0KwEWk8Cuhi5cNCdDdRwiTej19QwREY0f7+VnpnxZXCC88nET7H0D6BsYxl+21auOM2psYYlClxzzuM2pn/9T/7Kt3rckaQB/392sOg6FqWq7AyYB5KYEZ9cyq9mE7KRo1HaE77I4/255BamhvywuymrG7Glx2N3QozoKEREREU2AIYtLq0szERNpgcVswmVlWarjjDKrDkCas1lVJzjmsvlZsJhNiI2yYjV/40+K1HS4kJ1kQ6QleHe8vJQY1HeGb+dSdbsTiTYrkmMiVEfRRFl2InY3dMPrlWd+MhERERHpgiGXxc3MiMP7378AXq8XJpN+6mdV69agtrYWAJCfn680y1i169Zg7969AIC5c+cqTnNM7bo12L17NwCgrKxMcZpjatetQVNTEwBg+vTpitMcc1lZFj4zL1NXf+cp/NR1OJEXpK4lv7xkGz6u74KUEkKIoJ5bD6rtDhQaYKc4v7KcRDz7YT2q250oTg/9biwi/9KJxfdswHYuoyAiCkm169bwPn4Ghiwu+enxTbaeikpj6amoNJaeikpj6amoNJYe/85TeKltd+Ly8uB2jOal2NA34Ea3axhJBunemYiadieWFetjtqAWFuT4hno3dLO4RIbCNyRERKGN9/HT4ztRIiLSRLdrCL0DbuSnBLeLxn++cJy7NDJnbdAQO8X5FabFIjbSgl0N3aqjEBEREdE4sbhERESaqPXt2JYX7OJS6sgyvHDcMa7Gbpyd4vzMJoH52QnY3cjiEhEREVGoYHGJiIg0UefrHAr2zKXsJBuECM/Opep24+wUN1ZZTiIOtPRiYNijOgoRERERjQOLS0REpAl/51BucnCLS1FWM7ISosOyc6na7oQQwS/oBVpZdiKGPRL7W3pVRyEiIiKicWBxiYiINFHX4UJmfBSirOagnzsvxRamnUtOZCdFK7nmgbQg99hQbyIiIiLSPxaXiIhIE3UdTmUdNHkpMagPw86lmnaH4ZbEAUBGfBQy46M41JuIiIgoRLC4REREmqjrdCkrLuWn2NDhHELvwLCS86sgpUSN3YnCVOMM8x6rPCeRnUtEREREIYLFJSIimjLnoBv2vsGg7xTn5z9vOHUvtfYOwjnkMdROcWOV5SSitsOFbteQ6ihEREREdAYsLhER0ZTVd44UddQtixs5bzjNXaq2G3OnOL/ynJG5S1waR0RERKR/LC4REdGU1fmKOvnKOpdsvhzh07lU3T5yzQsN2rk0LzsBQgC7G3pURyEiIiKiM2BxiYiIpqzWV9TJVdS5ZIuwID0uErXt4dS55ES01YzM+CjVUQIiNtKCGemx2NXQpToKEREREZ0Bi0tERDRldR0uJMdEID7KqixDfkpMmHUuOZCfGgOTSaiOEjALc5PwcUM3vF6pOgoRERERnQaLS0RENGV1HU5l85b88lJsYTVzqabdadglcX4V+cnodg3jiG++FBERERHpk+bFJSFEnhDiQt/jaCFEnNbnICIifanrcCEvWW1xKT81Bm19g3ANuZXmCIZBtwcNnS4UpRq7uLQ4PwkAsL22U3ESIiIiIjodTYtLQoivAXgJwG99n8oG8LKW5yAiIn0ZdHvQ3NOPPEXDvP1yfMWtxq5+pTmCob7DBa8ECtOMuVOcX26yDWlxkdhRy7lLRERERHqmdefSnQDOBdALAFLKSgDpGp+DiIh0pLGrH1JC+bK4XF9xqT4M5i75d4orMHjnkhACi/OT2LlEREREpHNaF5cGpZRD/g+EEBYAnMJJRGRgdb45R6o7l0aLS51hUFyyj1xzo89cAoCKvGQ0dvWjpcf4HWlEREREoUrr4tIWIcQPAEQLIS4C8CKAf2h8DiIi0hH/Dm2qO5eSbFbERlrCpLjkQFpcJOIU7s4XLIvzkwGAS+OIiIiIdEzr4tI9AOwA9gC4DcA/AfxQ43MQEZGO1HW4EBtpQUpMhNIcQgjkJNvQEAbFpZp2p+GXxPmVTIuDLcLMpXFEREREOmbR+HjRAP4opfwdAAghzL7PGf+VPhFRmKrrcCI32QYhhOooyEmKRo1vHpGRVbc7cXFphuoYQWExm7AwNwnb2blEREREpFtady69hZFikl80gDc1PgcREelIXYcL+alql8T55Sbb0NDlgpTGHffX7RpCp3MIhanG3ilurIr8JBw82ovegWHVUYiIiIjoJLQuLkVJKR3+D3yP9fGOg4iINOfxSjR0uZQP8/bLTbFhYNgLu2NQdZSAqbKHx05xYy3OT4aUwEd17F4iIiIi0iOti0tOIcRC/wdCiEUAuL0LEZFBNXf3Y9gjkZesj98j5PhyGHnukn/ZXzjsFOdXnpMIi0ngwxrOXSIiIiLSI61nLn0TwItCiGbfx9MAXKPxOYiISCeO7RSnj0JHrq+4VN/pwqK8ZMVpAqPa7oDFJEYLaeEgJtKCspxEvF/VoToKEREREZ2EpsUlKeV2IcRsALMACAAHpZQckEBEZFB1nSNdNHkp+ih0TE+MhhBAfYdxm2ar7SMD1K1mrZuP9e2cohQ8uukIegeGER9lVR2HiIiIiMYIxCvTxQDmA1gA4DohxJcDcA4iItKBug4XIiwmZMZHqY4CAIiympEZH4V6gy+LC6clcX5nF6XAK4HtXBpHREREpDuaFpeEEM8AeADAMowUmRYDqNDyHEREpB91HSNdNCaTUB1lVE6SzbAzlzxeiZoOJwrTwmenOL+FuUmIsJjwHpfGEREREemO1jOXKgDMkUbeA5qIiEbVdbiQr5MlcX45yTa8e6RddYyAaO7ux5DbG1Y7xflFWc2oyEticYmIiIhIh7ReFrcXQKbGxyQiIh2SUqKuw4XcZH0VOnKTbTjaO4CBYY/qKJqr9u8UF4bFJQA4tzgVB1p60eEYVB2FiIiIiMbQuriUCmC/EOJ1IcTf/X80PgcREemAvW8Q/cMe5Kfqq3MpNyUaANDUbbyh3tV2BwCE5bI4YGTuEgB8UM25S0RERER6ovWyuHs1Ph4REelUnW+uUV6KvrpocpNHil31nS4UGawIU213Ii7KgtTYCNVRlJg/PQGxkRa8V9WONfOnqY5DRERERD6aFpeklFu0PB4REelXrW+JVl6yvjqXcnx5jDjUu6bdicLUGAihnwHqwWQxm7CkINmwM7WIiIiIQpXWu8WdJYTYLoRwCCGGhBAeIUSvlucgIiJ9qOtwwWwSmJ4UrTrKcdJiIxFlNaG+w3jFpWq7I2yXxPmdNyMVtR2u0eImEREREamn9cylRwBcB6ASQDSAW3yfmxAhhE0IsUEIsVkI8YoQIlLjnERENEV1nS5MT4yG1az1j5KpEUIgJ8mGeoN1LrmG3GjuGQjbYd5+589KBwBsPtSmOAkRERER+Wn+jkBKeQSAWUrpkVI+BeD8SRzmEgAfSinPB7DN9zEREelIXYcTeSn6WhLnl5tsvOJSja9TpyAtvItL+akxKEiNwebDdtVRiIiIiMhH6+KSSwgRAWCXEOIXQohvAZjMq+AqAP5upUQAHWO/KIS4VQixQwixw27ni0siIhXqOly6LS7lJNvQ0OmClFJ1FM34i0uFqeG9LA4Azp+VhverOtA/5FEdhYiIiIigfXHpBt8x7wLgBJAD4IpJHKcSwFIhxD4AFQDeG/tFKeWTUsoKKWVFWlraFCMTEdFEdbuG0NM/jHyd7RTnl5tsg3PIg07nkOoomqm2+zqXwnxZHACsnJWOQbcXH1R3nPnJRERERBRwWheXPi+lHJBS9kopfyyl/DaAyyZxnBsBvC6lLAWwAcCXNE1JRERTUucblp2rs53i/Py5Grr6FSfRTrXdgayEKERHmFVHUW5JQTKirWbOXSIiIiLSCa2LSzee5HNfmcRxBIBO3+N2AAmTDURERNqr7RjposnXaRdNrm+5npHmLtW0O8N+pzi/KKsZ5xSlYOOhNkMtfSQiIiIKVRYtDiKEuA7A9QAKhBB/H/OleHxqXtI4PQfgBSHEDQCGAVwz9ZRERKSVep13LuUk+TqXDFJcklKi2u7E2oXTVUfRjVUl6XjrYBsOtfZhdma86jhEREREYU2T4hJGZiK1AEgF8Ksxn+8D8MlEDyal7AZwsTbRiIhIa7UdLmTGRyHKqs8lWtERZqTGRo4WwUKd3TGIvkE35y2NsXpOJn748l68uucoi0tEREREimmyLE5KWSel3AzgQgBbpZRbMFJsysbIEjciIjKQ+k7n6NIzvcpNjjbMsrga3zBvLos7Ji0uEovzk/Ha3qOqoxARERGFPa1nLr0NIEoIMR3AWwBuAvD/ND4HEREpVtvhQr7ui0s2wxSXqtt9xSV2Lh3n0rmZONTah2q7Q3UUIiIiorCmdXFJSCldAK4A8LCUci2AORqfg4iIFHIOumHvG0Reir4LHbnJNrT09GPI7VUdZcqq7Q5EWEzISoxWHUVXLi7NBAC8yu4lIiIiIqU0Ly4JIc4G8EUAG3yf02quExER6UCdb45Rvs6LSznJNngl0NzdrzrKlNW0O1GQEgOziSvNx8pKjEZZTiJe3duiOgoRERFRWNO6uPRNAN8HsF5KuU8IUQhgk8bnICIiheo7R5Zo5YXAsjgAaOgK/aVx1XYnCtP0XcxT5fKyLOxt6kVla5/qKERERERhS9PikpRyi5Tycinlz30fV0sp/03LcxARkVq1vs4l3ReXfPlCfe7SsMeL+k4Xi0uncHlZFswmgb993KQ6ChEREVHY0qS4JIT4je9//yGE+Pun/2hxDiIi0oe6DidSYiIQF2VVHeW0MuKiEGE2hXxxqb7TBbdXoiCVO8WdTFpcJFbMTMP6j5rg8UrVcYiIiIjCklbzkJ7x/e8DGh2PiIh0qq7DpfuuJQAwmQSyk6LREOLFpRq7b6c4di6d0hULp2PjwTa8X9WBZTNSVcchIiIiCjuaFJeklDt9/7tFCJHme2zX4thERKQvdR0uLClIVh1jXHKSbSHfuVTd7gAAFKayuHQqF5ZkIC7Kgpd2NrC4RERERKSAVsvihBDiXiFEO4CDAA4LIexCiB9pcXwiItKHgWEPmnv6Q6JzCRgZ6l3fEeLFJbsTyTERSLRFqI6iW1FWM9YumI5/7jmKdseg6jhEREREYUergd7fBHAugMVSyhQpZRKApQDOFUJ8S6NzEBGRYo1dLkgJ5KeERhdNbrINvQNudLuGVEeZtOp2J7uWxuHLZ+djyOPFC9sbVEchIiIiCjtaFZe+DOA6KWWN/xNSymoAX/J9jYiIDKDO1wWUGyKdSznJob9jXLXdyXlL41CcHotlxan48wd1cHu8quMQERERhRWtiktWKWX7pz/pm7uk7+2EiIho3Gp9xaVQ6VzyL9+rC9Glcb0Dw2h3DHKnuHG68Zx8tPQM4J97j6qOQkRERBRWtCounW69QeiuRSAiouPUdTgRF2VBki00fm+QG+KdS9wpbmIumJ2O4vRYPLrxCLxeqToOERERUdjQqrhUJoToPcmfPgDzNDoHEREpVtfhQn5KDIQQqqOMS0ykBamxESE71Nu/U1wRi0vjYjIJfGNVMQ619uGN/exeIiIiIgoWTYpLUkqzlDL+JH/ipJSh8ettIiI6o7oOZ8jMW/LLTbahrtOpOsakVNudMIljs6PozC6bn4WC1Bg89NYReNi9RERERBQUWnUuERGRwbk9XjR29SM/xIpLeSkxIdy55EROsg2RFrPqKCHDbBL41kUzcaClFy/u4M5xRERERMHA4hIREY1Lc/cA3F6JvBAZ5u2Xm2xDS+8ABt0e1VEmrNruRGFqaF1vPfjs/GmoyEvCL18/hN6BYdVxiIiIiAyPxSUiIhqX2o6RpWV5IbZEKy/FBimBxq5+1VEmxOuVqGl3cKe4SRBC4N7LS9HpGsLPXz2oOg4RERGR4bG4RERE41LnKy7lh1gnTZ5vGV+oLY1r6R3AwLCXO8VN0tzpCbhlWQGe/bAemw62qY5DREREZGgsLhER0bjUdrgQZTUhPS5SdZQJ8Q/D9hfHQkW13b9THDuXJus7F8/C7Mw43P3SbrT0hFbnGhEREVEoYXGJiIjGpa7DhbzkGAghVEeZkLTYSNgizKjrDK3Opao2f3GJnUuTFWkx4+HrFmBg2IubntqOPs5fIiIiIgoIFpeIiGhc6jqco0vMQokQArnJNjSEWHGput2JuEgL0kKsU0xvZmTE4fEvLcSRNgdu/n87OOCbiIiIKABYXCIiojPyeiXqOl0hN2/JLzfZhroQm7lUbXeiMC30OsX0aPmMNPzm2nJ83NCFq594H1W+JYdEREREpA0Wl4iI6Ixa+wYw5PYiN8R2ivPLS7GhvtMFr1eqjjJuVXYH5y1p6LL5WfjDjYtxtHcAl/3PO/j91moMuj2qYxEREREZgkV1gEA4dLQXV//2fQx7JO5fOw+fWzBddSQAwDee3YF/7GkFAMzOiMVr31qhONGI32+pwn2+rZq/d8lMfP38GYoTjWjp6ccDrx+G1Sxw98WzkBLLpSFEqtTYR4ZhF4Zw59Kg24u2vkFkJkSpjnNGzkE3WnoGuFOcxs6bmYbXv3kevvvSJ7hvwwH88Z0aXLM4F2sXTEduCC75JKLg+KSxFZc/smP049p1axSmMTZea6LQZcjOpSffroZj0INBtxdPbq1SHWeUv7AEAAdb9dOS/+iWY9fo8S3VCpMc790jHWjqdqG2w4ltNZ2q4xCFter2keJSQYgWO3JTRnKHyo5xNb7rXcjOJc1lxEfh6a8uwZ9vXor81Bj85q3DOO+Xm7D8FxvxnRd346/bG3CkzQEpQ6fLjYgC6wuP7zjzk0gTVz3Ga00UqgxZXLp6cQ6sZgGTAD5Xpo+uJQBYkB0/+jgtxqowyfE+v2Da6OPPzpt2mmcG16K8JMRGWhAfZcX8nETVcYjCWrXdiWirGRlx+u/6OZk833K++hAZ6u2fCcRlcYGzbEYqnvvaWXjne6vwo8vmYM60eLx1oBXf/d9PcOGDW7Dwp//CLU9vx++3VqOtd0B1XCJS6L/XzFYdIWzcexmvNVGoMuSyuKUFKdh372oMeYDoCLPqOKPW37UcfX196BsGspLjVMcZ9d+fnYfvXzwLQ8NAbEyE6jijClJj8OQNFRACHGhLpFhNuwMFqTEwmULz3+L0pGiYTe4FiH0AACAASURBVCKEiktOCIGQ3J0v1ExPjMZXlxXgq8sKIKVEld2JnXWd2FnXhR11XXjzQBvuf/UgLirJwLdXz8TMDP38/Cai4Lj+nCJcf04R/v5xAy5fkKM6jqHxWhOFLkMWlwDAbDYjWj91pVGXP7Ed/cNefPCDC1VHOc6C+94CAOz7yaWKkxxv1a82IcJixhs6mU/l9z9vViIpxoobzs5XHYUoKGranSidnqA6xqRZzSZkJUaFzI5x1XYHcpJsiLLq8AeZgQkhUJwei+L0WFyzOBfASBfZizsa8ewHdXhj/1HcsrwQ31k9CxEWQzZ/G0r+PRsAcGYLaScUix2h+u8gFK81UbjjK6MgWnLfm6jp6MfR3kHM+uGrquOMKv7BBjiHvHAOeVH0/Q2q44yaf+9rqO3ox+FWB5b+7E3VcUb9+/Mf46GNlbj3H/vx2OZK1XGIAm7I7UVDV3/IDvP2y0uOQV2IdC5V250c5q0TRWmxuOfS2djy3ZW4ZnEunny7Glc+/h6Xyumc/w31px8ThRP+OyCiYDJscamt24n9LV2qYxynp39o9PGQ26swyfHGRvHoaH6pa/DYFtE9rmGFSY7X0jMAj1fC45Vo6OhXHec4bo83pLZap9BQ3+mCxytDvtiRk2xDfQgM9PZ6JarbHZy3pDPJMRG4/4p5+O0Ni1Bld+DKJ95DQ4gUK4mCIf+eDVi3jgUMIjpm3boNLGyGEUMWl257ZhuWrNuMzzz0Hirue0N1nFGDYyo3fPs/MVaTfq7Y2QXJAAAB4MLZ6WrDjLG3qQdffXoH7vrLR2h3DKqOQwbi37msIDW0ix15KTZ0uYbRO6CfYvXJtPQOYGDYG/LFPKO6uDQTf/naWejtd+PLf9yGDt5vdWluxrF5ZW/eMkthkvDgf/P4RDc7ZPRk7N/9sf8miIIh/54NeKL72GMyPkPOXNp4wD76uN2h7zcRdGruMfWkviH9FJc2H7bD7Btq/PLuZlxQmqk40YjttZ0YcnvQ6fbg0NE+pBZHqo5EBlHt27msIOSXxfl2jOtwYa6O50dVtXGnOL0ry0nEH79SgS/+/kPc9sxO/OXWs2A1G/L3dSHr/761UnUEIuWKi4tRu65YdQwiChOGfCX076uO3UTnZ+lnVxeOZZ2YafHHdq4rzdDPm9rbVxQhymJCbKQFX19ZpDrOqFWz05GVEI3ZmfEoy0lUHYcMpKbdidTYCCREW1VHmZJc385ret8xzl/MY+eSvi3KS8bPr5yPHXVdePBfh1XHIdINQ/7mmoiIzsiQ9/+7LpyFuy7UXwt0lU53adDr7hHv/+Ai1RFO6tJ503DpvGmqY5wgLyUGD15TrjoGGVB1uzPku5YAINfXuaT3HeOq7E7ERVmQFsvuQ737XPl0fFDdgcc3V2H5jFScU5SqOhKREnp9LUlE6vC+EH4M2blERETaqbYbo7gUF2VFckwE6jv1PdS7ut2BwrRYCCFUR6Fx+NFlpchNtuGH6/di0O058zcQERERGRCLS0REdEq9A8Nodwyi0CDzf3KTbSGwLM6JIgMU88JFdIQZP/38XFS3O/H45irVcYiIiIiU0G1xSQjxZSHEW0KIzUKI6arzEBGFo9rRneKMUezIT7Ghtl2/xSXnoBstPQMoSjdGMS9crJiZhsvmT8Pjm6twtGdAdRwiIiKioNNlcclXTFohpbxASnm+lLJJdSYionBUbR8pLhUZZLh0QWosmnv6MTCsz+VLNb5iXqFBinnh5HuXzIZXSjz0VqXqKERERERBp8viEoCLAZh9nUsPCyGO22hNCHGrEGKHEGKH3W5XFJGIyPiq250wCSDHNww71BWkxUBK/Q71rvLtFMfOpdCTk2zDF5fm4a87GkZ3/CMiIiIKF3rdLS4DQISU8gIhxM8BfA7A3/xflFI+CeBJAKioqJCf/ubW3gF89antcA278curylCRnxys3KdVdu8GjO2W18sE/fx7Nhz3sV5yLf7pG7A7hwEAM9NseOM/VipONKK5ux8PvVmJ6Agzvr16JuKj9LE9+ysfN+E/X96DSIsZL995DnKS2flAU1fT7kR2kg2RFvOZnxwCClJG/l3UtDswKzNOcZoTVdlHinl5KcYo5oWbO1cW4687GvDIxiNKd+/U6891IiIi0hctXzPotXOpB8AW3+ONAEom8s0v7mhAQ5cLHY4hPPVujebhJotjGCbGX1gCgMN2/XQZbDrUhrpOJw4e7cX2mk7VcUY9vqUK/cNedPcP47FNHCpL2qi2OwwzbwkA8lNHijY1Op27dKStD3kpMYYp5oWbtLhIXLckF6/sbkaDzgfHExEREWlJr8Wl9wDM9z0uBzChCtGq2emIspphNgmsLs3UPBwFx9i3VtE66rFbmJuECIsZ8VFWzMmKVx1n1CWlGRAALCaBzy/kDHyaOo9X4kibAzMMtEQrLsqKtLhI1LTrc9lSZasDxQa63uHoluUFMAngd1urVUchIiIiChodvWU/Rkq5SwjRL4TYDKAdwK8n8v1zshLw9t3nY9grEaeTJUvASIvZw68ewP7WXjz+laWq44yqXbcGN/9+C3oHhvHiXReqjjOqat0aPLX1MOIirbhqSYHqOKNKpsXjd19eBLMQsJj1U5/95kWzcMPZ+Yg0C8RGR6iOQwbQ1NWPQbcXMzKMVewoSI0ZHZytJ0NuL2ranbhoTobqKDQF0xKi8Yur5mNhbpKyDLXr1iD/ng2IAbCPS+KIiIjoFPyvGc5LBv703am9ZtBlcQkApJTfmcr3R0VYEKVVGA1949IJrfALmj/cskJ1hJO6aflM1RFOSq9LVlJiI1VHIAOpbOsDABSn62820VQUpMTgrYOtqmOcoK7DCbdXYmaGsa53OFq7IFt1BM5ZIiIionHR6jWDftouiIhIVyrbRpaOGW2ZVkFaDNodQ+gdGD7zk4PIqNebiIiIiIyPxSUiIjqpylYHMuIjkRCtn+XFWvAPKK/V2dK4ylYHhACK0lhcIiIiIqLQwuISERGdVGVbH2YYbEkcABT6ikt6m7t0uK0POUk2REfoc9ktEREREdGpsLhEREQn8Pp2ijPiEq2cZBuEAKrt+iouHWl1YKbBhqcTERERUXhgcYmIiE7Q3NMP15DHcDvFAUCU1YzpidG66lxye7yobncYbng6EREREYUHFpeIiOgE/uHSRlwWB4zMXdJTcamu04Vhj8QMA3aKEREREZHxsbhEREQnONLqLy4Zs9hRmBqD2nYnpJSqowAYGeYNwJCdYkRERERkfCwuERHRCSrb+pAaG4GkmAjVUQIiPzUGfYNutDuGVEcBAFS29gGAIWdcEREREZHxsbhEREQnqGxzGHZJHDCyLA7Qz45xlW0OZCdFwxZhUR2FiIiIiGjCWFwiIqLjSClxpNWYO8X5FaaO/LfVtDsUJxkxUswz7vUmIiIiImPjr0iJiDTS1N2P9R81YldDDwaGPchNseHi0kycNyMVQgjV8catsasffYNuzJ5m3M6l6UnRiDCbUGVX37nk8UpU2R1YPiNVdRQiIiIioklhcYmIaIo8XomH3qrEE5urMOTxYkZ6LGKjLPj7rmY892E9ynMS8cAXykKmE+hASy8AoGRavOIkgWM2CRSmxeBIm/rOpfpOF4bc3pD5+0FERERE9GksLhERTYFz0I2vP/sR3j5sx+fKs/Cd1bOQk2wDAAy5vXj54yase+0gPvvwO3jihkVYMTNNceIzO9DSByGAWRnG7VwCgKL0WOxp7FEdA4eOjhTzZmca+3oTERERkXFx5hIR0SQNDHtw6zM78E6lHT9bOw8PXbtgtLAEABEWE65enINX/305ClJjcMvT27HxYKvCxONzoKUXeck2xEQa+/cPM9Jj0dDlQv+QR2mOAy19MAkYeoA6ERERERkbi0tERJP0Xy/vxbtHOvCLq8pw/dLcUz4vIz4Kf7n1LMzOjMddz32Mfc3qu2VO5+DRXkMvifObkR4HKYEqu9qlcQdaepGfGoPoCLPSHEREREREk8XiEhHRJPzto0a8uLMR31hVjKsWZZ/x+QnRVvz+xgokRFtx2zM70TswHISUE+ccdKOu0xUWxSX/jCPVxaWDR/tQkmn8601ERERExsXiEhHRBDV2ufDDl/diaUEy/v2CGeP+voz4KDxy/UK09Azg3lf2BTDh5B082gcpw2P+T36qDWaTQGWruuKSY9CN+k4XSgy8Mx8RERERGR+LS0REEyClxH/7CkMPXlMOi3lit9FFeUm4a2Ux/vZxE17d0xKIiFNy8Kjxd4rzi7SYkZdsU7pj3KGjfQCA2excIiIiIqIQxuISEdEEvLG/FW8dbMM3L5yB6YnRkzrGN1YVY860ePzk//bDOejWOOHUHGjpRVykBdlJk/tvCzXF6bGobOtTdn5/MW82O5eIiIiIKISxuERENAEvf9yE2ZlxuOncgkkfw2I24aefL0VLzwAe3nhEw3RTd6ClD7OnxUEIoTpKUMzIiEVthwtDbq+S8/uLeZMtVBIRERER6QGLS0REE/DI9Qvx9FeXwDrB5XCftigvGV9YlI3fb61WPlDaz+3xYn9zL+ZOT1AdJWiK02Ph8UrUdTiVnP9gmBXziIiIiMiYWFwiIpoAs0kgIz5Kk2N979LZiLSY8OAbhzU53lQdsTvQP+zB/OzwKS7NSB9ZjlapYO6SlBIHj/Zx3hIRERERhTwWl4iIFEmNjcTNywqwYU8L9jb1qI6DTxpHMszPTlScJHgK02IAQMlQ78aufjgG3Zy3REQh5ejRo7j22mtRVFSEOXPm4DOf+QwOH9bHL0lO5cUXX0RJSQlWrlyp6XFfe+01zJo1C8XFxVi3bt1Jn/PEE09g3rx5KC8vx7Jly7B///7Rr91///0oLi7GrFmz8PrrrwMAGhoasHLlSpSUlKC0tBQPPfSQppmJ9Ir3lmPGc28ZHBzENddcg+LiYixduhS1tbUAgOHhYdx4442YN28eSkpKcP/9949+T35+/uj9qKKiQtPMAItLRERK3XJeIRJtVvzy9UOqo+CTxm7ERVpQkBKjOkrQ2CIsyEmOxqHW4A/1Psid4ogoxEgpsXbtWpx//vmoqqrC/v378bOf/Qytra3j+n6Px3PC8bzewM+8+8Mf/oDHHnsMmzZt0uyYHo8Hd955J1599VXs378ff/nLX44rHPldf/312LNnD3bt2oXvfve7+Pa3vw0A2L9/P55//nns27cPr732Gu644w54PB5YLBb86le/woEDB/DBBx/g0UcfPelxiYyE95Zjxntv+cMf/oCkpCQcOXIE3/rWt/C9730PwEjBa3BwEHv27MHOnTvx29/+drTwBACbNm3Crl27sGPHDs0y+7G4RESkUHyUFV9fUYQth+34sLpDaZY9jT2YOz0BJlN4zf+ZnRmPAy29QT+v/5yzMtm5REShYdOmTbBarbj99ttHP1deXo7ly5dDSom7774bc+fOxbx58/DCCy8AADZv3oyVK1fi+uuvx7x581BbW4uSkhLccccdWLhwIRoaGk55vtbWVqxduxZlZWUoKyvDe++9BwB48MEHMXfuXMydOxe/+c1vRp//5z//GUuWLEF5eTluu+02eDwe/OQnP8E777yD22+/HXfffbdm12Lbtm0oLi5GYWEhIiIicO211+KVV1454Xnx8cd+geB0Okdn7L3yyiu49tprERkZiYKCAhQXF2Pbtm2YNm0aFi5cCACIi4tDSUkJmpqaNMtNpEe8txwz3nvLK6+8ghtvvBEAcNVVV+Gtt96ClBJCCDidTrjdbvT39yMiIuK4+1AgWYJyFiIiOqUbz8nH77ZW45FNR7C0MEVJhiG3Fwda+nDTuflKzq9SybR4vHWgFf1DHkRHmIN23n3NPchPsSE2kj+KiSg07N27F4sWLTrp1/72t79h165d2L17N9rb27F48WKcd955AEbeLO3duxcFBQWora3FoUOH8NRTT+Gxxx477fn+7d/+DStWrMD69evh8XjgcDiwc+dOPPXUU/jwww8hpcTSpUuxYsUKREVF4YUXXsC7774Lq9WKO+64A88++yx+9KMfYePGjXjggQdOWAbS19eH5cuXn/Tczz33HObMmXPKbE1NTcjJyRn9ODs7Gx9++OFJn/voo4/iwQcfxNDQEDZu3Dj6/WedddZx3//pIlJtbS0+/vhjLF269LTXiSjU8d5yzHjvLWOfZ7FYkJCQgI6ODlx11VV45ZVXMG3aNLhcLvz6179GcnIyAEAIgdWrV0MIgdtuuw233nrraa/TRPEVLRGRYlFWM25eVoifv3YQexp7ME/BQO1DR/sw5PGG1bwlv5LMOHglcLi1D2U5wfvv39vUiwW54Xe9iciY3nnnHVx33XUwm83IyMjAihUrsH37dsTHx2PJkiUoKCgYfW5eXt5xhZVT2bhxI/70pz8BAMxmMxISEvDOO+9g7dq1iIkZWcJ9xRVXYOvWrTCZTNi5cycWL14MAOjv70d6evppjx8XF4ddu3ZN6r9XSnnC50618+edd96JO++8E8899xzuu+8+PP3002f8fofDgSuvvBK/+c1vgtZ1QKRHvLec/N5yqudt27YNZrMZzc3N6OrqwvLly3HhhReisLAQ7777LrKystDW1oaLLroIs2fPHi3UaYHFJSIiHfjSWbl4bPMRPLb5CB7/0sl/cxNIuxu7ASCsdorzK5k28qL9QEtv0IpLnc4hNHX348tn5wXlfEREWigtLcVLL7100q+d7I2On//N2qk+nohTnUdKiRtvvPG44bVnMpHugoaGBnz2s58FANx+++0oKys7btlNY2MjsrKyTnu+a6+9Fl//+tcBjHQjnOr7h4eHceWVV+KLX/wirrjiinH/9xCFKt5bJn5v8d9DsrOz4Xa70dPTg+TkZDz33HO45JJLYLVakZ6ejnPPPRc7duxAYWHh6HHS09Oxdu1abNu2TdPiEmcuERHpQFyUFTeenY/X9h3FkbbgD5f+pLEbSTYrspOig35u1XKTbYiJMI8O2A6GPb7dAVV0qRERTdaqVaswODiI3/3ud6Of2759O7Zs2YLzzjsPL7zwAjweD+x2O95++20sWbJkSue74IIL8PjjjwMYGXLb29uL8847Dy+//DJcLhecTifWr1+P5cuX44ILLsBLL72EtrY2AEBnZyfq6upOe3x/d8HJ/nx62UpOTs7o126//XYsXrwYlZWVqKmpwdDQEJ5//nlcfvnlJ5yjsrJy9PGGDRswY8YMAMDll1+O559/HoODg6ipqUFlZSWWLFkCKSVuvvlmlJSUjA7/JjI63lsmfm+5/PLL8fTTTwMAXnrpJaxatQpCCOTm5mLjxo2QUsLpdOKDDz7A7Nmz4XQ60dc38lrX6XTijTfewNy5c6d0HT+NxSUiIp246dx8RFpMeHxzddDPvbOuC+U5iads6Tcyk0lgVmYc9gdxqPdeX3Fp7nQWl4godAghsH79evzrX/9CUVERSktLce+99yIrKwtr167F/PnzUVZWhlWrVuEXv/gFMjMzx3XcW2655aQ7Fz300EPYtGkT5s2bh0WLFmHfvn1YuHAhvvKVr2DJkiVYunQpbrnlFixYsABz5szBfffdh9WrV2P+/Pm46KKL0NLSovUlGGWxWPDII4/g4osvRklJCa6++mqUlpYCAH70ox/h73//OwDgkUceQWlpKcrLy/Hggw+OvhksLS3F1VdfjTlz5uCSSy7Bo48+CrPZjHfffRfPPPMMNm7ciPLycpSXl+Of//xnwP47iPSA95Zjxntvufnmm9HR0YHi4mI8+OCDWLduHYCRZbgOhwNz587F4sWLcdNNN2H+/PlobW3FsmXLUFZWhiVLlmDNmjW45JJLNM0uTtdmFgoqKipkILbRI6LwVlFREZAtOs/kx//Yh2fer8OW767E9MTgdBF1OAax6L438d1LZuGO84uDck69+cH6PfjH7mZ88t+rg1Jgu+2ZHTh0tA+b714Z8HORvqi6txCRsfHeQkSBIITYKaWsOPMz2blERKQrtywvBAD8fmvwupd21nUBAJbkJwftnHpTMi0efQNuNPcMBOV8e5t62bVERERERIbB4hIRkY5MT4zG5WVZeH5bA7qcQ0E55466LkRYTGE9/2fOtDgAwIHmwC+N8w/zDsfh6URERERkTCwuERHpzG0ritA/7MGf3j/9sECtbK/tRFl2AiIt5qCcT49mZR7bMS7Q9nDeEhEREREZDItLREQ6MyszDqtmp+Pp92vRP+QJ6Ln6hzzY29SDijBeEgcAsZEW5CbbcOBo4ItLHOZNREREREbD4hIRkQ7dvqIInc4hvLizIaDn+bihC8MeicX5SQE9TyiYOz1+tKsokD5p7EZ+ig3xUdaAn4uIiIiIKBhYXCIi0qHF+UlYmJuIJ9+uhtvjDdh53qlsh8UksDjMO5cAYH52Iho6+9EZwFlXUkp8VN+NBbks5hERERGRcei6uCSE+LYQ4h3VOYiIgk0IgdtXFKGxqx8b9rQE7DxbK9uxMDcJceyiQVl2IgBgd2N3wM7R2NUPe98gFuaxuERERERExqHb4pIQIhJAmeocRESqXFiSgeL0WDyxpRpSSs2P3+EYxN7mHiyfkar5sUPRvOwECAF80hC4pXEf1XcBABaxc4mIiIiIDES3xSUAtwB4WnUIIiJVTCaBW88rxIGWXrxd2a758d+t6oCUwPKZaZofOxTFRlpQnBaLTwLYubSzrgsxEWbMyowL2DmIiIiIiIJNl8UlIYQVwAop5cZTfP1WIcQOIcQOu90e5HRERMHz+fLpyIiPxBObqzQ/9tbDdiREWzGPu5aNmp+diN2N3QHpFANGOpfKcxNhNomAHJ+IiIiISAVdFpcA3ADguVN9UUr5pJSyQkpZkZbG37gTkXFFWEy4eVkB3q/uwO4G7TpqvF6JtyvtOLc4hYWOMcpzEtDuGEJzz4Dmx3YOunGgpY9L4oiIiIjIcPRaXJoF4OtCiNcAlAohvqE6EBGRKtctyUVclAVPbNGue2lXYzdaewexek6mZsc0gvn+od4aFvL8djd2w+OVWMBh3kRERERkMLosLkkpvyelvFhKeQmAfVLKh1VnIiJSJS7KihvOysNr+46i2u7Q5Jiv7T0Kq1lg5ex0TY5nFLOnxSHCbApIcemjupFh3gtzWFwiIiIiImPRZXFpLCnlMtUZiIhUu+ncAljNJvxua82UjyWlxGt7j+KcolQkRFs1SGcckRYz5k6Pxw5fIUhLH9Z0YlZGHBJsvOZEREREZCy6Ly4RERGQFheJqxZl438/akRb39TmAe1r7kV9pwsXl3JJ3MksKUjBJ43d6B/yaHbMQbcH22s7cXZRimbHJCIiIiLSCxaXiIhCxK3LC+H2ePHkluopHeelnY2IsJjwmXksLp3M0oJkDHskPm7Qrntpd0MPBoa9LC4RERERkSGxuEREFCLyU2Nw5cJs/On9OjR0uiZ1jEG3By/vasLqORlItEVonNAYFuUnQQhge412xaX3qtohBHBWAYtLRERERGQ8LC4REYWQb6+eCZMJeOCNQ5P6/jf3t6HbNYyrK3I0TmYc8VFWlGTGY1tth2bHfL+qA6VZ8Zy3RERERESGxOISEVEImZYQjZuXFeCVXc2T2tHsqXdrkJ0UjXOLUwOQzjiWFCRjZ10XhtzeKR9rYNiDj+u7cU4RrzkRERERGROLS0REIeb2FUVIi4vED9bvgdsz/uLHzrpO7Kjrws3LCmA2iQAmDH1LC5IxMOzFJ40TL+B92gfVHRjyeHEO5y0RERERkUGxuEREFGLioqz48eWl2Nfci6ferR339/3mzUok2qxcEjcO5xSnwmwS2HLYPuVjbTzYhmirGWcVsrhERERERMbE4hIRUQi6dG4mLizJwANvHMKBlt4zPn/LYTu2VrbjrpXFiIm0BCFhaEuItmJBTiI2H5pacUlKiY0H23BucSqirGaN0hERERER6QuLS0REIUgIgfuvmIeEaCvuePYj9PQPn/K5fQPD+OHLe5CfYsOXz84PXsgQd/6sNOxp6oG9b3DSx6hsc6Cxqx8XlKRrmIyIiIiISF8MW1zaWmnHK7uaVMc4QfH3N6Dgng2qY5wg/54NyNdhrq8+tQ13PfeR6hgn2NvUgyq7Q3WMkLG7oRv1HS7VMQwnLS4Sj1y/EI1dLtz01DY4Bt0nPMfjlbjnf/egqasfD3yhDBEWw972NXf+rJGC0NbKyXcvvXWgDQCwchaLS0RENHlbt27V7et1vfNftxv/8JbqKESGZsh3GW/sO4o7n/0I//XyXjzw+uS26w6E/Hs2wC0B6XusF2Oz6CnXhb/ajI2H7Pi/T1pw1ePvqY4zatOhNty3YT9+uH4v9jefeTlSuPv77mbc/+oBfH/9JywwBcCSgmQ8fN0C7G7swdVPvI8jbceKnv1DHvzHX3dhw54WfO+S2ajIT1aYNPTMmRaP1NjIKS2Ne/NAK0qz4pGZEKVhMiIiCjc3bDj2mlNPr9f1buy12lI5oDAJkfEZcvBGQ+exN7DN3f0Kk9BUdDiGRh83deunKNHuWyIjIdHpHDrDs8m/pMjjlejuH0IubIoTGc8lc6fh918245sv7MLqX2/B8hlpSLRZ8e6RdnQ4h/Cd1TNx24oi1TFDjskkcMHsdPxzTwsGhj0TnpnU1N2PnXVduPviWQFKSERERESkD4bsXLrp3HysmTcNy2ak4gdrZquOM+q5rywdffzv5+cpTHK8fzsvf/TxTUunqwvyKX+97WxEW02wRZix/o6zVMcZddn8LKyZNw1XLszm1uLj8IWKbKyek4nrl+Zhfnai6jiGtXJ2Ot789gp87bxCHO0ZwI7aLlTkJePF287GXatmqI4XstbMn4a+Qfekdo37x+5mAMBn52dpHYuIiMJY7bo1qiOEDF4rouARUkrVGaakoqJC7tixQ3UMIjKYiooK8N5Cbo8XS372Fs4tTsXD1y2Y0Pd+5qGtRoWv4wAAIABJREFUiLCY8PKd5wYoHYUi3luIKBB4byGiQBBC7JRSVoznuYbsXCIiItKCxWzCJXMz8eb+VriGThyYfir7m3uxv6UXl5exa4mIiIiIjI/FJSIiotO4YsF09A978Mqu5nF/zzMf1CLSYsIVC/Wz1JiIiIiIKFBYXCIiIjqNRXlJmJ0Zh6ffq8V4lpL39A/j5Y+b8bnyLCTaIoKQkIiIiIhILRaXiIiITkMIgRvPycfBo33YXtt1xuf/ZVs9+oc9+PLZ+YEPR0RERESkAywuERERncHnyrOQZLPi4Y2Vp32eY9CN326pwvIZqZg7PSFI6YiIiIiI1GJxiYiI6AxsERbccX4xtla2472q9lM+77dbqtDlGsZ/rJ4VxHRERERERGqxuERERDQON5ydh+mJ0fjP9XvRP+Q54esHj/bi8c1V+Hx5FspzEhUkJCIiIiJSg8UlIiKicYiymvHLL8xHTbsTP1i/B17vseHeHY5BfP3PHyHRZsWPPluqMCURERERUfBZVAcgIiIKFecUpeI/LpqJX/3rMHr7h3HbiiJ0OAax7rWDONozgGdvWYrkGO4QR0REREThhcUlIiKiCbhrVTFioyxY9+pBvHWwDQCQm2zDc187C4vykhSnIyIiIiIKPhaXiIiIJkAIgZvOLcDaBdOxs64LMZEWLMxNQoSFK82JiIiIKDyxuERERDQJibYIXFCSoToGEREREZFy/DUrERERERERERFNGotLREREREREREQ0aYZcFvfzf+7H42/XAABmZ8bitW+uUJxoxMzvb8DQsZ2rUbtujbowYyz68evo6HcDAOIiTNjzk0sVJxrxtae3418HRoblXleRjfuvKlOciIiIiILhV69vxMOb+kc/1strJiKiQNu4cSO++gbvfxR6DNm59PT7daOPDx11KExyvLGFJT3xF5YAoG/IqzDJ8TYdaht9vH53s8IkREREFExjC0tEROFkbGGJKJQYsrh058ri0ccLshMUJjletE77xKbFR4w+TouxKkxyvEtLM0cfX78kW2ESIiIiCqY/ro5WHYGISAne/yhUCSl12k4zThUVFXLHjh2qYxCRwVRUVID3FiLSGu8tRBQIvLcQUSAIIXZKKSvG81xDdi4REREREREREVFwsLhERERERERE/5+9O4+Pq673P/7+Zt+3Zm26pFvSLd3oAoVSoCBL2blXEb16EUUuiuhP0YrgrlQvgqJyBUVQBOXqBYqURbZiK1u3dG+aLmnTtGmWNmubdb6/PzIJLQ1N2s6Zc2byej4eeXDOyXfOeae0M5PPfM/nCwCnjOISAAAAAAAAThnFJQAAAAAAAJyykG/onZmZaQsKCtyOASDMlJeXi+cWAIHGcwsAJ/DcAsAJq1evttbaAU1KinI6jNMKCgpYGQFAwLHqCgAn8NwCwAk8twBwgjFmzUDHclscAAAAAAAAThnFJQAAAAAAAJyysC0utXf6dLi90+0Yx3ll0z69smmf2zGO89s3yvTbN8rcjnGcqoZmVTU0ux3jOB1dPnX5QrtfWTC1d/rk48/rONc88KK+9tRyt2MAAACEreXLl+ucHy51OwYQ9kK+51JfNu9v0I2/X6n2Lp++e+UkXTUt3+1IkqQZ33tZB490F7witVY7Fi90OVG3gkXvP9n+6OVtKvdIrtv/vFZL1nUX4j53ToG+dfkklxN127K/UYtf3KrYqAh9/6rJyk2NczuSp63efVD3v1KmtIRo/fDqyUpLiHE7kif0/Ltbu69Rf1u71DP/7gAAAMLFRT9dqrKD3dsFi3i/BTgpLGcuvb6lWkc6utTls/rHpiq34/TqKSxJUpeLOULFa1sP9G4/U+Kd2V5r9hxSW2eXGls7tGlfg9txPG9l+SF1+nyqbW5TWbX3ZqEBAAAgPPUUlgA4LyyLS/8+c7jy0+OVnhCjT88tcDtOr5nDU3q3M+K9M2ksLvL97VgP/Y34wvljerfvuLjIxSTHOq8oW8PTE1SYk6yZBRlux/G8CyfkKC81XsX5qSrOT3U7DgAAAAaJxxem9D8IQEAYa0O7D8rMmTMty24CCDSW9AXgBJ5bADiB5xYATjDGrLbWzhzIWA/NUwEAAAAAAECoobgEAAAAAACAU+adxj8AAAA4LQ2HO/R6afeCGBcU5Sg1IdrlRAAAYDBwrLhkjJks6WF1L4y2XdJvJN3v319lrf2Kf9wdkq6StFvSf1prO/o65lROAACAcPD2jjp94ck1OtjSLklKS4jWgzfM0NyxmS4nAwAA4c7J2+JKrbVzrbXz/Psxki7w72cbY4qNMVmSzrfWniNpvaSr+zrmYEYAAICQV1rVpM88tlJDEmP0zK1z9cytc5WdHKsbH1upzfsa3Y4HAADCnGPFpQ/MNmqTVGatbfXvd6p7BtNsScv8x16VdOaHHAMAAEAfOrt8+vJTJUqMjdQTn5uj6SPSNX1Eup783JlKjY/Wl/6yVh1dPrdjAgCAMOZoQ29jzJXGmI2SsiXV+Y9NkZRprd0sKU1Sz8dpDZLSP+TYB897szFmlTFmVU1NjZM/AgAAgKc9vbZSW/Y36ntXTlZ2clzv8cykWP34mmJtr27Wn9/b42JCAAAQ7hwtLllrn7PWTpZUKelyY0yGpF9Jusk/pF5Sin87xb/f17EPnvdha+1Ma+3MrKwsJ38EAAAAz2rv9Onnr2zT1GGpuqw497jvL5iQrTNHZ+jnr5bpSHuXCwkBAMBg4FhxyRgTe9Ruo6QOSX+SdIe1tsp/fKWk+f7tCyW98yHHAAAA8AH/2FylfQ2t+tKCcTLGHPd9Y4y+fGGhDra069mSShcSAgCAwcDJmUuXGGPeNMa8KSlHUqqkWZJ+YoxZZow5y1pbLemfxpgVkqZJeravYw5mBAAACFmPv71bwzPidV5R9oeOmTMqQxPzUvT7FbtkrQ1iOgAAMFhEOXVia+0SSUs+cPiJPsb9RNJP+jsGAACA9+2qbdG7uw5q0aXjFRlx/KylHsYYfXruSH3j/zZobUW9Zow4rp0lAADAaXG05xIAAACcsXT9PknSVdOG9jv20uI8xURFaMlabo0DAACBR3EJAAAgBD2/fr9mjkxXXmp8v2NT4qJ14YRsPb9+vzq6fEFIBwAABhOKSwAAACFme3WztlY16bLivAE/5qpp+aprade/ttc6mAwAAAxGFJcAAABCzMubuhfevbQ4d8CPOa8oSwkxkXpl8wGnYgEAgEGK4hIAAECI+ee2Gk3MSxnQLXE9YqMiNW9cpl7fWs2qcQAAIKAoLgEAAISQptYOrd59SOcWZp30YxeMz9H+hlZt2d/kQDIAADBYUVwCAAAIIW/vqFOnz2r+KRSXzhvf/ZjXt3JrHAAACByKSwAAACHkn2U1SoyJ1Bkj00/6sdnJcZoyLFXLSmscSAYAAAYriksAAAAh5K0ddZozeohiok7tbdzcMZkqqajX4fbOACcDAACDFcUlAACAEFHb3KadNS2aPSrjlM8xd8wQdfqsVpYfCmAyAAAwmFFcAgAACBGr/AWhWQUnf0tcj5kF6YqONHp7R12gYgEAgEGO4hIAAECIWFl+ULFREZqcn3rK50iIidK04Wl6eyfFJQAAEBgUlwAAAELEyvKDmjo8TbFRkad1nrNGD9GGvfVqbO0IUDIAADCYUVwCAAAIAS1tndq0r1GzC06931KPs8ZkymelVeUHA5AMAAAMdhSXAAAAQsDaPfXq8lnNPI1+Sz2mDU9TVITR6t009QYAAKeP4hIAAEAIWLe3XpI0ffjpF5fiYyI1IS9Fa3bXn/a5AAAAwra49OCyMn3/75vU1dXldpRjTLjrBY27c6nbMY5z7YP/0jW//pfbMY6zevdBravgjS+Abuf95DUVLFqq837ymttRgKBbv7deBUMSlJoQHZDzzRiRpnV769XZ5QvI+QAgEMbduVQFi5bqZy9tcjsKgJMQlsWlB5eV6Wf/KNMf3t6tz/9pjdtxehV96wUd6bTq8EmjFnmnwHTx/W9qzZ56ra2o1wX3LnM7Tq9/bqvRf79cqnte3EJPCACSpPJDrcf8FxhMNuxt0JRhaQE734yR6Trc3qXSA00BOycAnI5L71+mDn+9+5fLyl3NAuDkhGVxqbapvXe7/oh3VkHp6LK92/YE44Lt6JVimjy0akxTa+f7222dJxgJAEB4q2lq076GVk0Zlhqwc84Y0X173Zo9zBAG4A0HGvnwCAhVYVlc+tZl43XB+CzNGJGmhz55httxeq371rm923/5zAwXkxxr6W3nKj0+WinxUfr7bWe5HafXxZNy9LFZw3XDnJGaPy7L7TgAPMB84L/AYLGxskGSVJwfuOLSsPR4ZSbFai1NvQF4xJrvXNK7nZ8S42ISACcryu0AToiMjNRvPzXL7RjHSU5OVvnihW7HOE5GUozWfucjbsc4TlRkhK6ZPsztGAA8ZJcHn0OBYFi/t0HGSJMCWFwyxmjGiDSt3kNxCYB3ePH3JQD9C8uZSwAAAOFkQ2W9xmQlKSk2sJ8LzhiZrt11h1Xb3BbQ8wIAgMGF4hIAAIDHrd/boCkBnLXUY9rw7gbhG/Y2BPzcAABg8KC4BAAA4GEHGltV3dSm4gA28+4xaWiKpPd7OgEAAJwKiksAAAAetnlfoyRp0tDAF5eS46I1OjNRGyguAQCA00BxCQAAwMO2VHUXl4pykx05/6T8VGYuAQCA0+JYcckYM9kY85YxZrkx5lFjTL4xZo0xptUYE+Ufc4kxZpn/a78x5mr/8Yajjmc4lREAAMDrSqualJ8Wr9T4aEfOX5yfon0NraqjqTcAADhFTs5cKrXWzrXWzvPvj5a0QNI7PQOstS9Za8+z1p4naY+kV/3f2tBz3Fp70MGMAAAAnrZ1f5Njs5YkabK/UTi3xgEAgFPlWHHJWttx1G6bpDJr7aG+xhpjRks6YK1t9h+a4J/xtNgYY5zKCAAA4GXtnT7tqGnW+CAUl7g1DgAAnCpHey4ZY640xmyUlC2p7gRDr5X0zFH74ySdKyld0hV9nPdmY8wqY8yqmpqaQEYGAADwjB01zer0WUdnLqXERatgSAIzlwAAwClztLhkrX3OWjtZUqWky08w9ApJzx31uIPWWivpWUmT+zjvw9bamdbamVlZWYGODQAA4AmlVU2SpAl5KY5eZ3J+qjZWNjp6DQAAEL6cbOgde9Ruo6QjHzIuV1K7tbbOv59ojIn0f/tsSTucyggAAOBlW6oaFR1pNCoz0dHrFOenqrL+iA62tDt6HQAAEJ6cnLl0iTHmTWPMm5JyJL1hjHlV0lRJLxtj5vjHXSVpyVGPGydppTFmuaThkv7mYEYAAADPKq1q0tjsZEVHOjrZnL5LAADgtEQ5dWJr7RIdWzSSpAv7GPfQB/ZLJM1wKhcAAECo2Lq/SWeNGeL4dSb6b7vbsr9R5xbScgAAAJwcZz8GAwAAwCmpP9yuqsZWR5t590hPjFFuSpy2+ns8AQAAnAyKSwAAAB7UU+gZH4TikiSNz0vWlv009QYAACeP4hIAAIAHlR3oLi4FY+aS1L0i3Y6aZrV3+oJyPQAAED4oLgEAAHjQjpoWJcZEKjclLijXG5+brI4uqx01zUG5HgAACB8UlwAAADxoe3WzxmQnyRgTlOtN8Df13lrFrXEAAODkUFwCAADwoB01zRqblRS0643OTFRMZIS27KepNwAAODkUlwAAADymua1T+xtaNSY7eMWlqMgIjctJoqk3AAA4aRSXAAAAPGanv+/RmCDOXJK6b43rWaUOAABgoCguAQAAeMz26u7i0tjsxKBed3xusmqa2lTb3BbU6wIAgNBGcQkAAMBjtlc3KyrCaOSQ4BaXJvY09abvEgAAOAkUlwAAADxmR02zRgxJUHRkcN+qFeUmS2LFOAAAcHIoLgEAAHjM9urgrhTXY0hSrLKTY7WZpt4AAOAkUFwCAADwkI4un3bXHdbYIK4Ud7QJeSncFgcAAE4KxSUAAAAP2V13WJ0+G/SV4nqMz0vW9upmdXb5XLk+AAAIPRSXAAAAPGRHTc9Kce4Ul4pyktXe5VN53WFXrg8AAEIPxSUAAAAP2V7dXVwanRXcleJ6FOZ0N/XedoBb4wAAwMBQXAIAAPCQHTXNyk2JU3JctCvXH5udJGMoLgEAgIGjuAQAAOAhO2paXJu1JElx0ZEamZFAcQkAAAwYxSUAAAAPKa9t0ahM94pLUvetcaVVFJcAAMDAUFwCAADwiEMt7Wo40uGJ4lJ53WG1dXa5mgMAAIQGiksAAAAesauuRZJUMMTl4lJusrp8VjtrWlzNAQAAQgPFJQAAAI8or/UXl1yfuZQkiabeAABgYCguAQAAeER5bYsijDQiI8HVHKMzkxQVYSguAQCAAYlyOwAAAAC67ao7rPz0eMVEufv5X0xUhAoyE7XtQLOrORBa1uw5pMUvbtWmygaNzU7S1y4u0rxxWW7HAgAEATOXAAAAPKK8tsX1fks9inKSmbmEAXtja7U+9tDbqjh4WNedMUyNrZ36j0fe0zNr97odDQAQBMxcAgAA8ABrrcprW3TNjHy3o0jqXjHuhY37daS9S/ExkW7HgYdVHDysLz65RkW5yXripjOVmhCtI+1d+sxjK/X1v61XUU6KJg5NcTsmAMBBzFwCAADwgNrmdjW1dWqUy828exTmJMlaaXs1t8bhw1lrdeczGyRJD/3HTKUmREuS4mMi9eAnZig1Pkbf+L/18vmsmzEBAA5zrLhkjJlsjHnLGLPcGPOoMSbfGLPGGNNqjInyjykwxhwwxiwzxvzjqMfeYYxZYYx5whgT7VRGAAAAryiv88ZKcT0Kc5MlSaXcGocTWLatRsvLanXHxUXKT4s/5nvpiTH65qXjtaGyQS9tqnIpIQAgGJycuVRqrZ1rrZ3n3x8taYGkdz4w7hVr7XnW2o9IkjEmS9L51tpzJK2XdLWDGQEAADxhV213cWmUR3oujcxIUExkhMooLuFDWGv1i1fLlJ8WrxvmjOxzzNXT8zU2O0n3v7JN1jJ7CQDClWPFJWttx1G7bZLKrLWH+hh6vn9201f8+7MlLfNvvyrpTKcyAgAAeEV5bYuiIoyGpcf3PzgIoiIjNCY7iZlL+FDv7Tqokop6/dd5Yz50hcPICKP/mj9GZdXNentHXZATAgCCxdGeS8aYK40xGyVlS+rr1WS/pEJJ50u60BgzRVKapEb/9xskpfdx3puNMauMMatqamqcCQ8AABBE5XUtGp6RoKhI77TELMxJUtkBei6hb0++t0fJcVG6bsawE45bOCVPaQnR+uPbu4OUDAAQbI6+e7HWPmetnSypUtLlfXy/zVrbYq3tlPS8pMmS6iX1LCeR4t//4OMettbOtNbOzMrKcu4HAAAACJJdtYdVMCTB7RjHKMxJVmX9ETW1dvQ/GIPKoZZ2vbihStdOz+93NcG46Eh9dOZwvbLlgOqa24KUEAAQTFFOndgYE2ut7Xn1aJR0pI8xydbanrnWZ0v6paRdkm6V9FNJF+r4Hk0h66bfv63Xth2UJOWnxOhfd17kcqJuBYuWHrNfvnihS0mONXrRUvn82ynR0vofeCPX797coR+9uFVG0l9vOUtnFGS4HQmnoLy2RY+s2KW8tDjdPG+0p2YKAKEo2K8l1z/4gt7Z837/Fq+8dp0qa61217XozNHeek0pzOlu6r3tQLPOGHncZHIMYs+srVR7l08fnzNiQOOvmjZUD/9zp17aVKVPfEh/JgxOR79+/O7CWF144YX9jgv153wgHDn529Qlxpg3jTFvSsqR9IYx5lVJUyW9bIyZI2meMWa1MeYtSfuste9aa6sl/dMYs0LSNEnPOpgxqHoKS5JU2djuYpLQ4Dtqu9FDH5j+7NUyWXXnu+0va92Og1P03Lp9Kqtu0j+31WjLfvqJAKHm6MJSOKhuatPh9i6N8shKcT2K/MUlmnrjg/6+fp8mDU3R+NyU/gdLmpiXotGZiXp+3X6HkyGUffbVvme2ffADDADe42RD7yXW2vn+r8/6b4G70Fqbbq1d4C8kvWCtPcO/qtzXj3rsT6y151hrb7DWhk0VJpqJEWFhcv77b6IunpTtYhKcjuJhqTIySk+I0YgMb92GAmDw6VkprsAjK8X1GJYer/joSJp64xiV9Ue0dk+9Fk7JG/BjjDG6fOpQvbOrTtWNrQ6mQzi6b7bbCQD0h3JHEJX9eKEWFGZocl6ip6ZyHp3Fa7kSI6X0OG/l+ustc/XrG6bpTzfN1neuKHY7Dk7R+UXZevATM3T/x6YpNSHa7ThAyAv2a0n54oWKDeL1nFbuLy55beZSRITROJp64wNe3NA9+2hh8cCLSz3jrZVe2XLAiVgIUT3P4VnRH/58fu21CzUx7djxALzFsZ5L6NsjnznL7Qh98uqT9KYfeTPXwin5bkdAAKQnxrgdAQgrwX4tKfXoa9ep2FXXopjICA1Ni3c7ynHGZSfrn2Wszov3vbBhvyYNTdHIk5xpV5iTpPy0eC0rraHvEo4xkNePFxaFz3M+EI7CdubSZT9/U3N+9IrbMY5TsGipJ+8Z9mqusd9cqsJveS/Xw2/u0F9XVbgd4zib9jVoT91ht2MAp6Xn+ciLz0mAU3bVtGjEkARFRhi3oxynKDdJNU1tOtQSNp0KcBrqmtu0tqJeF03MOenHGmN0XlGW3tpeq7bOLgfSAfCSnvdzixfznm4wCMvi0rzFr2lzVbMONLVr9De98xf56F+UvPRLk5dzdVqpvctbub76vyX6yculWvT0Bj385g634/T6x6Yq/eD5zVr09HrtqOH2BQAIJfdcW6zffHKG2zH6NK53xTj6LkFaXlYra7tvLz8V5xdlq6W9S6vKDwU4GQAvOfr3t9/UuxgEQROWxaXqpvdXGfCF12Iy8IDdB9+fGbTdQ0Wcnr/3PmtV18ynywhNZ3mokAwE05CkWI3NTnY7Rp+KKC7hKMtKqzUkMUbF+amn9Pi5Y4coJjJCb2ytDnAyAICbwrK4tPyO+b3b37l8vItJjnXTnKG92+MyvdNA+KKx7785OHNEkotJjvXVBaN6t3//ae98mvuLj01XYU6Spg5L1feunOx2nF5XT8/XRRNz9W9nDNesgnS34wCn5O0w6qEDhIu81Dglx0ZpG029B70un9U/y2o1vzBLEad4C2dCTJTOGJmut3fWBTgdAC/xak9fOCcsG3pnp3lrNbYed18zXXdfM93tGMf57WfPcTtCn267aKJuu2ii2zGOk58erxdvP9ftGMdJio3STeeM6n8g4HFefP4GBjNjjApzk1VaxcylwW793nodbGnX/KKs0zrPmaOH6OevbVPD4Q5WbAXCGO/pBpewnLkEAACAwCnMSVbpgSZZS7+BwWx5Wa2Mkc4dd3rFpTmjM2SttLL8YICSAQDcRnEJAAAAJzQ+N1kNRzqO6WuJweednXWamJei9MSY0zrPtOFpiomK0DvcGgcAYYPiEgAAAE6o0N/Um1vjBq+2zi6t3n1IZ44ectrniouO1IwRaXpnF8UlAAgXFJcAAABwQoU53Qt+sGLc4FWyp15tnb6AFJek7r5Lm/Y1quFIR0DOBwBwF8UlAAAAnNCQpFhlJsVqKzOXBq23d9bJGGn2qIyAnG/2qO6+S2t2HwrI+QAA7qK4BAAAgH6Nz01m5tIg9s7OOk0amqLU+MCs7jZ1WJoijLS2oj4g5wMAuIviEgAAAPpVmNNdXPL5WDFusGnt6NKaPfU6c1RgbomTpMTYKBXmJKuE4hIAhAWKSwAAAOhXUW6SWjt8qjh02O0oCLKSinq1B7DfUo/pI9JVsucQBUsACAMUlwAAANCvnhXj6Ls0+KzZ090XaWZBekDPO314mhpbO7WrriWg5wUABB/FJQAAAPSrp7i0jeLSoFOyp14FQxKUlhAT0PNOH5EmSVq7h1vjACDUUVwCAABAvxJjozQ8I16lNPUeVKy1Kqmo17ThaQE/95isJCXHRqmkghXjACDUUVwCAADAgBTlsGLcYLO/oVXVTW2OFJciIoymDk9j5hIAhAGKSwAAABiQwpxk7axpUXunz+0oCJKe1dymjQhsv6Ue04anaWtVk460dzlyfgBAcFBcAgAAwIAU5Sar02e1s7bZ7SgIkpKKesVERmhCXrIj558yLFVdPqstVY2OnB8AEBwUlwAAADAgRbndBYZSmnoPGiV76jVxaIpioyIdOf/k/FRJ0qbKBkfODwAIDopLAAAAGJDRmUmKijD0XRokOrt82lDZ4Ei/pR55qXFKT4jWxkpmLgFAKKO4BAAAgAGJiYrQqMxElVZxW9xgUHqgSUc6ujR9hHPFJWOMJuenatN+Zi4BQCijuAQAAIABK8xlxbjBoreZt4MzlyRp0tBUlVY10SgeAEIYxSUAAAAM2PicZO05eFgtbZ1uR4HD1lXUKyMxRiMyEhy9zqShKeroshQtASCEOVZcMsZMNsa8ZYxZbox51BiTb4xZY4xpNcZE+cfMOWrM/Uc9tsEYs8z/leFURgAAAJycQn9T77Jqbo0LdyUV9Zo6LFXGGEev09PUe/M++i4BQKgaUHHJdPukMebb/v0RxpjZ/Tys1Fo711o7z78/WtICSe8cNWa3pAv8Y7KNMcX+4xustef5vw4O/McBAACAk4pyuotL21gxLqw1tXaorLpZ04anO36tkRkJSoqN0sZ99F0CgFA10JlLD0o6S9LH/ftNkn59ogdYazuO2m2TVGatPfSBMVXW2lb/bqekLv/2BP9spsXG6Y9KAAAAMGDDMxIUFx2hUm5hCmsb9jbIWmmag828e0REGE3MS9HGSopLABCqBlpcmmOt/YKkVknyF4li+nuQMeZKY8xGSdmS6k4wboqkTGvtZv+hcZLOlZQu6Yo+xt9sjFlljFlVU1MzwB8BAAAApysywqgwJ1lbq7iFKZyt7WnmPcz54pIkTcpP0Zb9Tery2aBcDwAQWAMtLnUYYyIlWUkyxmSwEliuAAAgAElEQVRJ6nc5B2vtc9bayZIqJV3e1xh/T6VfSbrpqMcdtNZaSc9KmtzHeR+21s601s7Mysoa4I8AAACAQJiQ210I6H67hnBUUlGv0ZmJSk2IDsr1Jg1N1ZGOLu2soZcXAISigRaXHpD0jLr7Iv1I0gpJPz7RA4wxsUftNko60seYKEl/knSHtbbKfyzRX8iSpLMl7RhgRgAAAATBxKEpOtjSruqmNrejwAHWWpVU1Gva8ODMWpKkiXkpkqQt9PICgJAUNZBB1tonjDGr1d2Q20i62lq7pZ+HXWKM+X/+7TJJbxhjXpU0VdLLxpg71d3ke5akn/hbK31T3UWo3xtjWiTtlPSdk/yZAAAA4KAJ/kLA5n2NykmJczkNAm1fQ6tqmto0NYjFpTHZiYqMMCqtapSmDg3adQEAgXHC4pL/lrUe1ZL+fPT3TrSSm7V2iaQlHzh84Qf23z36nEeZcaJcAAAAcM/4vO4V4zbvb9T547NdToNAK9nj77cUxOJSbFSkxmQlqpSZSwAQkvqbubRa3X2WjKQRkg75t9Mk7ZE0ytF0AAAA8JyUuGiNyEjQ5n009Q5HJRWHFBMV0TtDLViKclO0Zveh/gcCADznhD2XrLWjrLWjJb0s6Qprbaa1doi6m3M/HYyAAAAA8J6JeSnavJ/iUjgqqajXpKEpiokaaHvWwBifm6zK+iNqau0I6nUBAKdvoK8Ys6y1L/TsWGtflDTfmUgAAADwuolDU1Re16Lmtk63oyCAOrp82lDZENRb4nqMz+2+3XLbAW6NA4BQM9DiUq0x5i5jTIExZqQx5luS6pwMBgAAAO+amJcia9XdgBlho7SqSa0dPleKS0X+4tKW/RSXACDUDLS49HFJWZKekfSspGz/MQAAAAxCE4f6V4yjEBBWSiq6m3lPH54e9Gvnp8UrOTaKpt4AEIL6a+gtSfKvCne7MSZFks9a2+xsLAAAAHhZXmqcUuOjaeodZkoq6pWRGKPhGfFBv7YxRkW5ydrKbDgACDkDmrlkjCk2xqyVtEHSJmPMamPMZGejAQAAwKuMMTT1DkMlFfWaNjxNxhhXrt9dXGqStdaV6wMATs1Ab4t7SNL/s9aOtNaOlPRVSQ87FwsAAABeN3Foirbub1Rnl8/tKAiAxtYO7ahpdqXfUo/xeSlqau3U/oZW1zIAAE7eQItLidbaN3p2rLXLJCU6kggAAAAhYWJeito6fSqva3E7CgJgw94GWSt3i0v+pt7cGgcAoWWgxaWdxpi7/avFFRhj7pK0y8lgAAAA8Laept6b6LsUFnqaeU91sbhU1Ftcoqk3AISSgRaXPqPu1eKe9n9lSrrRqVAAAADwvjFZSYqJjKDvUphYu6deo7MSlRof7VqGlLho5afFs2IcAISYga4Wd0jSlxzOAgAAgBASExWhwtwkbaqkuBTqrLUqqajXuYWZbkfpbuq9n+ISAISSga4W94oxJu2o/XRjzMvOxQIAAEAoKM5P0/q99azuFeIq64+otrlN0128Ja5HYU6ydtY2q4NG8QAQMgZ6W1ymtba+Z8c/kynbmUgAAAAIFVOHpaqxtVPldYfdjoLT0NNvadrwdJeTSIU5SerostpNo3gACBkDLS75jDEjenaMMSMl8fEUAADAIFc8LFWStH5vfT8j4WUle+oVExWh8XnJbkdRYU53hm0Hml1OAgAYqIEWl74laYUx5nFjzOOS/inpTudiAQAAIBQU5iQrNipC6/c2uB0Fp6Gkol6Th6YoOnKgvx44Z0xWkoyRyiguAUDIGGhD75eMMTMknSnJSPqKtbbW0WQAAADwvOjICE0amsLMpRDW0eXThsoGfWLOSLejSJLiYyI1PD1B26pp6g0AoWKgDb1fs9bWWmuft9b+3Vpba4x5zelwAAAA8L4pw9K0sbJRnTRgDkmlVU1q6/Rp2gj3m3n3KMxJUtkBiksAECpOWFwyxsQZYzIkZfpXiMvwfxVIGhqMgAAAAPC2qcNTdaSjSztqaMAcitbuOSRJnlgprse4nGTtqm1hxTgACBH9zVz6vKTVksb7/9vztUTSr52NBgAAgFBQnN9dlFjHrXEhae2eemUmxWpYerzbUXqNy2bFOAAIJScsLllrf2GtHSXpa9ba0dbaUf6vqdbaXwUpIwAAADxsdGaikmOj6LsUotZW1GvGiDQZY9yO0osV4wAgtAx0OYgqY0yyJBlj7jLGPO1v8A0AAIBBLiLCaHJ+KivGhaCDLe3aVdui6SPS3Y5yjJ4V47bRdwkAQsJAi0t3W2ubjDHnSLpY0h8k/Y9zsQAAABBKpgxP1Zb9jWrr7HI7Ck5CSUV3v6UZHmrmLXWvGDciI0FlzFwCgJAw0OJSz7uEhZL+x1q7RFKMM5ECY/P+Br27s87tGMcZs2ipChYtdTvGcQrIdVJGL1qqCXd5L9c7O+q0dX+j2zEAuKjnedOLz50Ib9OHp6ujy2pjJa9DoWTtnnpFRhgVD0t1O8pxxmUnqayamUsAvIH3Vyc20OJSpTHmIUkflfSCMSb2JB4bdMvLanTDw+/qc39cpYfe3OF2nF4Fi5b2Vum89Jfy6Czk6l/BoqXySTrS6a1cv35ju25+fJWu/+07emeH9wqrAJznpeckDD5njOy+rWr17oMuJ8HJWLPnkMbnJishJsrtKMdhxTgAXuHV3029ZKAFoo9KelnSJdbaekkZku5wLNVp2lTZKJ+1kqTNzOLAILF5X3efC5/PatM+el4AAIIrKzlWI4ckaFX5IbejYIC6fFbrKho0w2P9lnoU5nSvGFdey4pxAOB1AyouWWsPS9oh6WJjzBclZVtr/+FostPwn3NH6szRQzQ5P1Vfu6jI7Ti9rp2S07s9ItU7dxUOS43oc9ttqdHvbxdmeufTtIL02N7t2+aPdDHJsb72kSJNGpqqs8dm6hNzRrgdB4ALyhcvdDsCBrkzRqZrzZ5Dsv4P+eBtZdVNam7r1HSP9VvqMS6bFeMAeM9H3A7gUQP6jd0Yc7ukz0l62n/oT8aYh621vzzBYyZLeljd/Zq2S7pL0t8lTZSUZK3t9I+7X9JMSWustbd/2LGTERcTpYc/NfNkH+a4+26YqftucDvF8VZ881K3I/Rp3Q+8+UvSsm9c6HaEPo3KStKfbz7T7RgAXEaBCW46Y2S6nl5Tqd11h1WQmeh2HPRj7Z56SfLcSnE9elaM6+67lOd2HACDGO+v+jfQaSo3SZpjrf22tfbbks5Ud7HpREqttXOttfP8+6MlLZD0Ts8AY8wMSYn+MTHGmFl9HTuZHwgAAADumDkyQ5K0aje3xoWCtXsOKT0hWgVDEtyO0idWjAOA0DHQ4pLR+yvGyb9tTvQAa23HUbttksqstR98p3GWpFf926+qu2jV17FjwxhzszFmlTFmVU1NzQB/BAAAADhpXHaSUuKitJriUkhYs6de00eky5gTvq131bjsZG07wIpxAOB1Ay0uPSrpXWPMd40x31X37KNH+nuQMeZKY8xGSdmS+lq+Kk1ST8ftBknpH3LsGNbah621M621M7Oysgb4IwAAAMBJERFGM0ams2JcCDjY0q7t1c29q/x51bicJO2qbVF7JyvGAYCXDbSh932SbpR0UNIhSTdaa38+gMc9Z62dLKlS0uV9DKmXlOLfTvHv93UMAAAAIeCMEenadqBZDYc7+h8M16ws7y4Azh6V4XKSEyvMSVKnz2p3HSvGAYCXnbC4ZIyJM8Z82RjzK0mzJD1orf2FtXZtfyc2xsQetdso6Ugfw95Wdx8mSbpQ3TOi+joGAACAEDDLX6x4r5zZS1723q6Dio2K0JRhqW5HOSFWjAOA0NDfzKU/qHvVtg2SLpV070mc+xJjzJvGmDcl5Uh6wxjzqqSpkl42xsyx1q6R1GqMWS7JZ619r69jJ/tDAQAAwB3TR6QpNipCb+2odTsKTuC9XQf9/68i3Y5yQmOzu1eMo+8SAHhbVD/fn2itLZYkY8wjkgZc6LHWLpG05AOHj1vD3Vp7+0COAQAAwPtioyI1qyBDb+/oq90mvKCptUOb9jXoixeMcztKv+Ki/SvGVVNcAgAv62/mUu/N8tbaToezAAAAIAycNWaItlY1qba5ze0o6MPq3Yfks9Icj/db6jEuO1ll3BYHAJ7WX3FpqjGm0f/VJGlKz7YxprGfxwIAAGAQmjtmiCTpnZ2Dd/aStVYNRzpU19wmn8+6HecY7+06qKgIo+kj0tyOMiCFrBgHAJ53wtvirLXevgkbAAAAnlOcn6rk2Ci9taNOl08Z6nacoKppatPvVuzU30v2aV9DqyQpOS5KF03I0S3njVFhTrLLCbuLS8XDUpUQ01+HDG8ozElWp8+qvK7FE39+AIDjhcYrCgAAAEJGVGSE5oweXH2XrLV6Zm2lvr1kkw63d+qC8Tn6z7MLFB0Zoc37GvXixio9W1Kp2y4Yp9suGKuoyP5uIHDGkfYurdtbr8+cPcqV65+KsdlJkrqbelNcAgBvorgEAACAgDtrTKZe3VKtffVHNDQt3u04jrLW6kdLt+h3K3ZpdkGG7rmuWGOyko4Zc+dlE/SD5zfrF6+VadO+Bv3qhhmKiw7+TQLv7qpTR5fV3LGZQb/2qRqbnaQII/ouAYCHufORCQAAAMLa2WO7+y4tL6txOYmzrLW685kN+t2KXfrPuQX6881nHldYkqT0xBjd97Fp+v5Vk/Tqlmp97o+r1NEV/B5Cy8tqFRMVodkFodHMW3p/xbhtB1gxDgC8iuISAAAAAq4oJ1l5qXF6fWu121Ecdf+rZfrzexW69bwx+s4VExUZYU44/lNnFWjxtcVaXlaru57ZKGuD2+x7RVmtZhdkKD4mtFqrFuYkU1wCAA+juAQAAICAM8bo/PHZWlFWq7bOLrfjOOLZtZV64LUyfXTmMN1xcZGMOXFhqcf1s0foi+eP1VOrKvSHt8qdDXmUA42tKj3QpHnjQueWuB6FOckqrzsctn+XACDUUVwCAACAIy4oylZLe5dW7jrkdpSA21HTrDuf2aDZBRn64dXFAy4s9fjqRwq1YHy2fvzCVm3e1+hQymMtL6uVJM0blxWU6wVSYW6yunxWO2ta3I4CAOgDxSUAAAA44uyxmYqNitBrWw+4HSWg2jq7dNuTaxUTFaFffHyaYqJO/i21MUY//bcpSkuI1m1/XqMj7c7PyFleVqPMpFiNzw29FdeK/KvEcWscAHgTxSUAAAA4Ij4mUmeNGaI3wqzv0n+/VKrN+xt1779NVV7qqa+ENyQpVvd9dJp21LTo/le3BTDh8bp8VsvLanXO2CGK6KcvlBeNykxUVIRRaRXFJQDwIopLAAAAcMyC8dkqrzus7dXhsYz8xsoG/f5fu3TDnBG6cGLOaZ/vnHGZun7WcP1u+U5trGwIQMK+rd59SAdb2gOS2Q0xUREalZmobQfC4+8RAIQbiksAAABwzEUTc2WM9MKG/W5HOW1dPqtvPbNBGYkx+sYl4wN23m9eOkEZibFa9PR6dXb5Anbeo/1jU5ViIiM0vzD0+i31KMxlxTgA8CqKSwAAAHBMbmqcZo3M0NL1oV9cevLd3Vq3t0F3Xz5RqfHRATtvakK0vnflJG2sbNSj/yoP2Hl7WGv18uYqnT12iJLjApc72IpykrXn4GEdbu90OwoA4AMoLgEAAMBRC6fkqfRAk8pCeNZJdVOrfvpSqc4Zm6krpw4N+PkvK87VgvHZuu+VbaqsPxLQc2+talLFwSP6yKTcgJ432ApzkiQpbG6xBIBwQnEJAAAAjrp0cvetcc+H8OylHz6/RW1dPv3g6skyJvANsY0x+t5VkyRJ331uU0DP/eLGKhkjLZiQHdDzBluhf8U4mnoDgPdQXAIAAICjslPiNGdUhp5fv0/WWrfjnLTlZTV6bt0+3XreGI3KTHTsOsPSE3T7heP0yuYD+semqoCc01qrJSWVOmv0EGUnxwXknG4ZOSRRMVER9F0CAA+iuAQAAADHXTF1qHbUtGiDgyuiOaG1o0t3P7tRozITdcv8MY5f76ZzRqkwJ0nffW6TWtpOv7fQmj2HtLvusK6dMSwA6dwVGWE0NiuJFeMAwIMoLgEAAMBxV0wdqrjoCP1lZYXbUU7Kg8t2qLzusH5w1WTFRUc6fr3oyAj96Jpi7Wto1QOvlZ32+Z5eU6m46AhdMjm0+y31KGLFOADwJIpLAAAAcFxKXLQWFg/VcyX7Qma1rx01zfrNsh26atpQnTMuM2jXnVWQoY/NHK7frdilrVWNp3yelrZOPbduny6ZlKuk2KgAJnRPYU6y9je0quFIh9tRAABHobgEAACAoLh+9nA1t3VqaQg09rbW6u5nNyo2OkLfWjgh6NdfdOl4pcZH61vPbJTPd2p9qp5es1dNrZ361NyCwIZzUVFu94pxobzyIACEI4pLAAAACIqZI9M1OitRf35vj9tR+rWkZJ/e2lGnr18y3pVG2OmJMbrzsglavfuQ/nfVyd9K6PNZPfpWuaYOS9X04WkOJHTHuOzuFePouwQA3kJxCQAAAEFhjNEn5ozUmj31WrvnkNtxPlT94Xb9cOlmTR2ephtmj3Atx3Uz8jVnVIbueXGr6prbTuqxr2w5oJ01LfrPswtkjHEoYfDlp8UrMSaSvksA4DEUl4LoyXd2qWDRUhUsWqrvLtngdpxed/3fut5cd/x1jdtxev33S1t6c/3lvXK34/R6d1edzvjBKzrrntdUeeiI23GAsNXz779g0VI9+c/tbscBECAfmzVcyXFR+u3ynW5H+VD3vLBVhw536J5rihUZ4V5hxhijH10zWYfbO/XNpzfI2oHdHufzWd33j20anZmoK6YMdThlcEVEGI3LSVZpFcWl/lz3yzePeS0FACdRXAqibz+3uXf7sbe9Mx38Tyv39m7/dbV3eiD85s3333R+e8nmE4wMrnuWblX9kQ5VN7XpJy9tcTsOMCjc+UKp2xEABEhSbJQ+eeZIvbSxSrvrWtyOc5x3dtbpqVUV+uy8UZo4NMXtOBqbnaxvXDJe/9h8QI+9VT6gx/zvqgqVHmjSly8qVFRk+L3dL8xJUlk1xaX+rK7k1kEAwRN+rzYeVjw0tXc7OynWxSTHSot/f/WQpFjnl9gdqJFDEnq3J+a5/+auxzmFmTKSIox00YQct+MAg0JyjNsJAATSjXMLFBURoQff2OF2lGO0dnTpzmc2aHhGvL68oNDtOL1uOmeULpyQrR+/sEVvba894djqxlb9+IUtmjMqQ1dMyQtSwuAqzElWbXO7ak/yVkEAgHMcKy4ZYyYbY94yxiw3xjxqut3v3/+Ff8wlxphl/q/9xpir/ccbjjqe4VTGYHvmi+foe1eM11cuHKP37rrQ7Ti9Sr5zsW48c4Q+OWuYNn7vErfj9Hr9a+frm5cWavG1k/TsF89xO06vr32kSM/ddrZe/vK5umJavttxgLBVvnihYiSdkZ+kDd9f6HYcAAGUnRKnG+aM0F9XV2h7tXdmVzz4xnbtrGnRj64uVnyMdz5wM8boZx+dptGZSbr58dUf2q+qvdOnW59Yo44uqx9fWxxWvZaOVpTb09Sb2UsnUr54oQrSopUc070NAE6K6n/IKSu11s6VJGPMo5JmS0q01s4zxvyPMWaWtfYlSS/5x7wr6VX/YzdYa89zMJtrPn32GLcj9Ok7Vxe7HaFPn58/zu0IfZqYl9r/IACnbRtvhoGw9cULxup/V1XovldK9eAnznA7jtZV1OvXy3bomun5Orcwy+04x0mNj9Zjn5mljz70tj7+23f0k+um6MqpQ3sLSE2tHfrik2u1avch/eqG6RqTleRyYucU5XQXl8oONGvumEyX03jbskUfcTsCgEHCseKStbbjqN02SRfq/eLRq5LOlLRSkowxoyUdsNb2fHQ1wRizXNK/JH3TDrR7IQAAAEJCZlKsPjtvtB54rUzv7qzTnNFDXMtyuL1TX3mqRDnJsfrulZNcy9GfvNR4PXPr2frcH1fp9r+U6LG3ynVBUbaa2zr1zNpK1Ta3afG1xbo8zJp4f1BWcqxS46O1labeAOAZjvZcMsZcaYzZKClb3YWsRv+3GiSlHzX0WknPHLU/TtK5/jFX9HHem40xq4wxq2pqahzJDgAAAGfdMn+08tPi9a1nN6q90+dajh+/sEW76lp070enKjU+2rUcA5GZFKu/fv4sff+qSWpp69TPXtmm363YpaLcZP3ff83V9bNHuB3RccYYjc9N1taqxv4HAwCCwsnb4mStfU7Sc8aYX0rqlNTTlTlFUv1RQ69Qd4Gp53EHJckY86yk6ZKe+8B5H5b0sCTNnDmTWU0AAAAhKCEmSt+/apJu+sMqPfTmDt22IPi3w7+wYb/+9M4efW7eqJC5xSoqMkKfOqtAnzqrQK0dXYqMMIoOw1XhTmRCXor+d1WFfD6riIjw7C0FAKHEyYbeRy+H1ijJSlrg379Q0jv+cbmS2q21df79RGNMTwfFsyV5axkRAAAABMyCCTlaOCVPv3itTGs+pFG1U0qrmvS1v67TjBFp+trFRUG9dqDERUcOusKS1L2S8OH2Lu0+eNjtKAAAOXtb3CXGmDeNMW9KypG0WFKrv5eSz1r7nn/cVZKWHPW4cZJW+scNl/Q3BzMCAADAZT++plg5KXH60p/XquFwR/8PCID6w+26+fFVSoyN0v988gzFRnlndTj0b0Je9w0RW/ZzaxwAeIGTDb2X6NiikSTd3se4hz6wXyJphlO5AAAA4C2p8dH65Q3T9bGH3tbNj6/SH2+a7Wix53B7p258bKX217fqzzfPUU5KnGPXgjPG5SQpMsJo875GXVac53YcABj0Bt8cWgAAAHjOjBHpuvffp+rdXQf1/55ap44uZxp8t3Z06fOPr9a6inr98obpOmNkhiPXgbPioiM1JiuRmUsA4BGONvQGAAAABuqqafmqaWrTD5duUVunT7+6YbriogM3g6nhSIc+94dVWrn7oH563RRdPCk3YOdG8E3IS9HKXQfdjgEAEDOXAAAA4CGfnTdaP7hqkl7dckAffehtVQSoYfP26mb9+2/e0tqKQ/rlx6fr32cOD8h54Z4JeSna19Cq+sPtbkcBgEGP4hIAAAA85T/OKtDD/3GGdtW26LIHluvxd3ary2dP6Vw+n9WT7+7Rlb9aoZqmNv3hxtm6fMrQACeGGyb6m3pv5tY4AHBdWN4WV3nwiM756euykhZfO0nXzy5wO5Ik6ZE3t+sHL5ZKks4elaYnPn+2y4m6PbKsVD94absk6asLRum2iya6nKjbirID+o9HVskY6fkvnq2J+WluR8Igd/ufXteSjUd698sXL3QxDQCEt49MytXzucla9H8bdPezG/Xku3t0y/zRWlicp6jI/j8f9fms3iit1gOvlWnd3gadNXqI7v/YNOWm0rw7XLy/YlyT5o7JdDkNEDgFi5b2bvN+E6EiLGcuXfrAm+r5bOubT29yNcvRegpLkvSvXfUuJjlWT2FJkn722i4XkxzrM4+tlpXks9K/P/S223GAYwpLAADnjRySqCc/N0cPfHy62jq7dPtfSjTnx6/pG39br+fW7dOOmmYdbu+UtVbtnT7tbzii17ce0D0vbtF59y7TTX9YpZqmNv38Y9P05OfmUFgKM1nJscpMiqWpN8LK0YUlIJSE5cylgoxErd/X/SITFx2W9bNBIT0xWgcau++hz0tNcDkNAABwgzFGV04dqsuL8/RGabWeLdmnpRv266lVFb1jIiPMMbfNRUUYnTVmiL5y0ThdPmWoogcw0wmhaUJeMsUlhJXJWdLGGrdTACcvLItLz31pnm569D3tb2zVC7ef63acXuWLF/ZWor00vbF88UJNvPsF+XxWW3/knVzv3nmRPvHw20qIjdJvPz3L7TiAZ/8NA8BgEBFhtGBCjhZMyFF7p09l1U3asr9Jtc1tamrtUFxUpNISolWUm6KJQ1OUFBuWb3PxAROHpujRFeXq6PJRRERYeP6r77/fnJzlchjgJITtq+4jN852O0KfvPoL6eYfXOZ2hD49cfNZbkcAjuHVf8MAMJjEREVo0tBUTRqa6nYUuGxiXorau3zaUdOs8bkpbscBAoL3mwhFlPcBAAAAhKSeFeM2VnJrHAC4ieISAAAAgJA0OitJCTGR2ljZ4HYUABjUKC4BAAAACEmREUaTh6Zq/V7vrMQMAIMRxSUAAAAAIat4WKo2729UZ5fP7SgAMGhRXAIAAAAQsqYMS1Vrh0/ba5rdjgIAgxbFJQAAAAAhqzi/e9XA9XvpuwQAbqG4BAAAACBkFQxJVHJslDZQXAIA11BcAgAAABCyIiKMJuenaj0rxgGAayguAQAAAAhpU4alasv+RrV30tQbANxAcQkAAABASCselqr2Tp+2HWhyOwoADEoUlwAAAACEtCn5aZKkDdwaBwCuoLgEAAAAIKQNz4hXany01u+tdzsKAAxKFJcAAAAAhDRjjKYMS9XaPRSXgFBUVVWl66+/XmPGjNHEiRN12WWXadu2bW7HOqG//vWvmjBhgs4///yAnvell15SUVGRxo4dq8WLF59w7N/+9jcZY7Rq1SpJUnt7u2688UYVFxdr6tSpWrZsWe/Y8847T0VFRZo2bZqmTZum6urqgOaOCujZAAAAAMAFZ4xM1y9eK1NTa4eS46LdjgNggKy1uuaaa/TpT39af/nLXyRJJSUlOnDggAoLC/t9fFdXlyIjI485n7VWERHOzqV55JFH9OCDDwa0uNTV1aUvfOELeuWVVzRs2DDNmjVLV155pSZOnHjc2KamJj3wwAOaM2dO77Hf/va3kqQNGzaourpal156qVauXNn7Z/HEE09o5syZAct7NGYuAQAAAAh5Z4xMl7VSSQWzl4BQ8sYbbyg6Olq33HJL77Fp06Zp3rx5stbqjjvu0OTJk1VcXKynnnpKkrRs2TKdf/75uuGGG1RcXKzy8nJNmDBBt956q2bMmKGKiooPvSk2DRUAACAASURBVN6BAwd0zTXXaOrUqZo6dareeustSdJ9992nyZMna/Lkyfr5z3/eO/5Pf/qTZs+erWnTpunzn/+8urq69P3vf18rVqzQLbfcojvuuCNgfxbvvfeexo4dq9GjRysmJkbXX3+9lixZ0ufYu+++W1//+tcVFxfXe2zz5s1asGCBJCk7O1tpaWm9s5qcxswlAAAAACFv2vA0GSOt3n1I88ZluR0HwABt3LhRZ5xxRp/fe/rpp1VSUqJ169aptrZWs2bN0rnnniupuxCzceNGjRo1SuXl5SotLdWjjz6qBx988ITX+9KXvqT58+frmWeeUVdXl5qbm7V69Wo9+uijevfdd2Wt1Zw5czR//nzFxcXpqaee0r/+9S9FR0fr1ltv1RNPPKFvf/vbev3113XvvfceNxOoqalJ8+bN6/PaTz75ZJ+zkHpUVlZq+PDhvfvDhg3Tu+++e9y4tWvXqqKiQpdffrnuvffe3uNTp07VkiVLdP3116uiokKrV69WRUWFZs+eLUm68cYbFRkZqeuuu0533XWXjDEn/LM6GRSXAAAAAIS85LhoFeUka/XuQ25HARAgK1as0Mc//nFFRkYqJydH8+fP18qVK5WSkqLZs2dr1KhRvWNHjhypM888s99zvv766/rjH/8oSYqMjFRqaqpWrFiha665RomJiZKka6+9VsuXL1dERIRWr16tWbNmSZKOHDmi7OzsE54/OTlZJSUlp/TzWmuPO/bBApDP59NXvvIVPfbYY8eN/cxnPqMtW7Zo5syZGjlypObOnauoqO6yzxNPPKH8/Hw1NTXpuuuu0+OPP65PfepTp5SzLxSXAAAAAISFM0am67mSferyWUVGBO4TeQDOmTRpkv72t7/1+b2+ii09egpBH7Z/Mj7sOtZaffrTn9Y999wz4HOdzMyliooKXXHFFZKkW265RVOnTj3mlr69e/dq6NChx51/48aNOu+88yR1N0O/8sor9dxzz2nmzJm6//77e8fOnfv/2bvz+Kire//j75N9IXsCWYCEPRAIW0AFoSqobV1qa/W23ta2t+ttf120G903a7W7Xa+2vd1uF2vdRetWFRSUBJR9hwkQAtn3PTm/P7IYMECATM53Zl7PxyMPvvPNd77zJky+M/PhnM9ZomnTpkmScnJyJPUWv2666SZt2LBhRItLfuu5ZIyZbYxZZ4xZa4z5ven1k77bd/Udk2eMOW6Med4Y89Sg+37eGPOiMeYvxhi68QEAAAA4o4W5KWps79LeikbXUQAM02WXXab29vaBZtSSVFxcrBdeeEHLly/Xvffeq+7ublVWVmrNmjUDU7zO1YoVK/TrX/9aUm8D7YaGBi1fvlwPPfSQWlpa1NzcrAcffFDLli3TihUr9M9//nNgZbWamhqVlpae9vz9I5eG+jp5StyECRMGvvexj31MixYt0t69e3Xw4EF1dHTo73//u6699toT7pOUlKSqqir5fD75fD5deOGFA4Wl/vyS9PTTTysiIkKzZs1SV1eXqqqqJEmdnZ167LHHNHv27PP6OZ7Mnw29d1trl1hr+0t2iyXF992OMsYs6tv/tLX2EmvtFZJkjMmQdKm19mJJWyRd58eMAAAAAILEwtwUSWJqHBBAjDF68MEH9fTTT2vKlCkqKCjQN7/5TWVnZ+vtb3+7CgsLNXfuXF122WX6/ve/r8zMzGGd90Mf+tCQzazvuusuPffcc5ozZ44WLlyo7du3a8GCBXr/+9+vxYsX64ILLtCHPvQhzZ8/X7NmzdJtt92mK664QoWFhbr88stVXl4+0j+CAREREfrFL36hK6+8UjNnztSNN96ogoICSdLXv/51PfLII6e9f0VFhRYsWKCZM2fqzjvv1J///GdJUnt7u6688koVFhZq3rx5ysnJ0Yc//OERzW5ON8xsxB7EmP+RdFjSXmvtP4wx10vKlvSopJckHZD0gLX2J8aYqyQVWGu/b4xZKOkma+1nTzrfRyR9RJImTpy48EyVQwA4W0VFRaO2sgKA0MG1BfAva60WffcZLZ+eoR/fOM91nFHDtQWAPxhjNlpri858pH9HLskYc60xZpuksert79TQ9616SSmSyiVNl3SppJXGmEJJyUMcdwJr7T3W2iJrbVFGBitBAAAAAOgdAbFgYopKfIxcAoDR5NfikrX2EWvtbEllkrokJfZ9K1FSnbW23VrbbK3tkvSYpNmS6k4+zp8ZAQAAAASPCyen6VBNi8rqWl1HAYCQ4c+G3tGDbjZIspJW9N1eKellY0zCoGOWStovqVjSmwYf56+MAAAAAILLRVPSJEnr91c7TgIAocOfI5febIx5wRjzgqRxku6Q1GaMWSupx1q7QdIyY8xGY8w6SUetta9YayskrTHGvChpnqSH/JgRAAAAQBCZMS5BKXGRFJcAYBRF+OvE1tqHJT180u5Pn3TM45IeH+K+d0q601/ZAAAAAASnsDCji6ak6eUD1bLWyhjjOhIABD2/9lwCAAAAgNF20eQ0ldW16nANfZcAYDRQXAIAAAAQVAb6Lh2ocpwEAEIDxSUAAAAAQWVKxhhlJERrHX2XAGBU+K3nEoZ21V0vqLGtU2u+uNJ1lBPkrVotSfLdcZXjJCf64O83KDYyXL94z0LXUU7wyoFqxUdHaHZOkusoJyitblZsVLjGJsS4jgIAQc2rr5sAehljtGxqup7fU6nuHqvwMPou4cwWf321KjqkRElbuL4DZ4WRS6Oo8Bv/0vbyJh2qbdeUL612HWdA/xvkk7ddW3Tb03p2d6Ue23ZMl/3wOddxBvxu7QF9+E8les9vX9GzO4+7jjPg+d0V+uL9W/TZf2zWoeoW13EAIGh59XUTwIkuyR+rmuYObTlS5zoKAkRFR++fDW5jAAGJ4tIoamjvHtjutg6DBIia5o6B7SO13mnGuKO89+Wmx1ptP+qdl57DNb0Fpc7uHpXVeefnBQAA4MLyaekKM9JzuytdR0EAevbZZ11HAAIKxaVR9LP/KBzY/uiyXIdJTjRzbPTA9uTUSIdJTvTTQT+vv3zwAodJTnTrFdM1d0KyLpycpg8tm+Q6zoBr5mZr6ZR0vWV2lhZPSnUdBwBCAtPiAO9KjovSgokpen53hesoCEArVqxwHQEIKMbawB5CU1RUZEtKSlzHABBkioqKxLUFwEjj2gKMrl/8e69++NQeFX9lpTISos98hwDFtQWAPxhjNlpri4ZzLCOXAAAAAASlS2aMlSS9sIepcQDgTxSXAAAAAASlguxEZSbG6Kntx1xHAYCgRnEJAAAAQFAyxujNszP1/J5KNbV3uY4DAEGL4hIAAACAoPXWOVnq6OrRv3fR2BsA/IXiEgAAAICgtTA3RRkJ0Xp8S7nrKAAQtCguAQAAAAha4WFGb5mdqed2V6iZqXEA4BcUl0bZ/73s093P73Md4w3yVq1W3qrVrmO8QeE3ntCCbz3pOsYbHKltUUVjm+sYAOBXXn1tAICzdc3cbLV39eiJbTT2Bk6F132cD4pLo+jLD2zRVx/aru/9a7f+8zcvu44zYPAFxEsXk7xVq9XQ3qOa1i5P5Xr5QLU+f98W3XrvZu2raHIdBwD8wquvDQBwLopyU5SXFqf7Sg67jnJGbZ3d2lfRpO1H63WwqlkdXT2uIyEE8LqP8xXhOkAoKfbVDGzvPtboMAnOh6+qWVZWXT1Wh2tbNHXsGNeRAAAAcBrGGN1QNEE/eHK3SqublZsW7zrSCfYeb9QDr5bpuV0V2nO8UT329e+FGWnuhGStnDlO71iQo6ykWHdBAeAUgra49Lu1B1TT0qlPr5imqAhvDND67c2L9KYfPi9JunnpWLdhBkmWVNe37aUyyZLcMVpX2jsy6KNLJzhO87orCzK1/kC14qMitHRKuus4A5paO/T5+7cqIyFa337bbNdxgCH1/0/Yp8dJt9xyleM0OJ1fXCz9vxddpwCAkfOOBTn60VO7dV/JEX3uyhmu40iSSnw1+skze/TSvmpFhBktnpSq/3fZNE1Oj1dsVLia2rp0oKpJL+6r1g+e3K2jda367tvnuI6NIPfBC1wnwGgZPErNd8f5vTcPyuLSvcWHdNezeyVJDa2d+s513vig3V9YkqQfP3VEn7psrrswg9QN2vbSJK/+wpIk3f3SYX3pmkKHaV730v4qHW/o7be0taxOC3NTHSfq9aE/bVRxaa0kKT0+Wp9aOc1xIuBEg1+87jou3eIwC87s6quv0tVXu04BACMnKylWb5qeoXtLDuuTK6YqOiLcWZayulZ9d/UOPb71mMYmROvzV87QuxZNUNqY6CGP//yV0qHqFoV54//MEYTOt7CAwJe3avV5PQ+Csrg0mLX2zAcB54inFwAAQOD4r4sn6b2/26BHXjuqG4pGf2S8tVb/KDms7zy2U909VresnK4PL5+kuKgzfyybmBY3CgkB4NwEZe37PxZN1CdXTNV7LszVV6+a6TrOgMFVwHven+8wyYnuvyFzyG3Xij+7eGDbS5X0t8zO0gcvnqxPXjZNRXneGLUkSb+9eaEunzlONy2ewKgleNLg3+NPj3MYBAAQsi6emq78zAT97sWDo/6f0PUtnfrwn0r0xfu3anZOop66Zbk+vXLasApLAOBv5/uZ2wT6yJ6ioiJbUlLiOgaAIFNUVCSuLQBGGtcWwL37Sg7r8//coj98YJEumTE6fVB3ljfoo3/eqPL6Vq16y0x9YEmewsLMiJ2fawsAfzDGbLTWFg3n2KAcuQQAAAAAQ7l2XrZykmP1o6f2qKfH///R/vBrZXr7r15SW2e3/v6RC/XBiyeNaGEJALyA4hIAAACAkBEdEa5bL5+urWX1enxbud8ep7O7R996dLs+/ffXVJiTrMc+dbFnFoIBgJFGcQkAAABASLlufo5mjEvQD57crbbO7hE/f0Vjm/7zN6/o9y/59F9LJ+kvH75AYxNiRvxxAMArKC4BAAAACCnhYUZfu3qWSqtb9LNn947ouTcdqtU1P39RW8rqdNe75unr18xSZDgfuwAEN79d5Ywxs40x64wxa40xvze9ftJ3+66+Yy4YdMxPBt233hjzfN8XY0cBAAAAjKiLp6XrnQvH6+41B7T5cN2InPOvrxzSf9y9XlERYXrgv5fqbfNyRuS8AOB1/lz3cre1dokkGWN+L2mxpHhr7TJjzK+NMYsklUq6zFrbZoz5izFmjrV2q6St1tpLzvWBWzu69fN/71VTe5c+fslUZSZ5Ywjqz5/dpR89vV+SdOWssbr75kWOE/XKW7X6hNvnuwThSLnhV2tVfKhBknRdYaZ+etNCx4l67Thar1v/sVkxkeG6570LNTbRG88vAPCKwa8rXnlNAYChfPWqmVq/v1of/8smPfrJi5UaH3VO52lq79I3Ht6u+zcd0bJp6fr5u+crOe7czgXgdQ8+uFq3vPL6bd5XeJffRi5ZazsH3WyXtFLSM323n5F0obX2mLW2rW9fl6T+Cc8z+0Yz3WGMOeulFIp9Ndp0qFZ7jjfq6R3HzvWvMOJ+3FdYkqQnd1Q4TBIY+gtLkvTQFu/8O96z5qCO1rXqQGWT/vJKqes4AOApJ/+HBQB4WXJclH79ngWqbGrXB/9YrKb2rrM+x6ZDtXrrXWv14KtH9MnLpuoPH1hMYQkYIYMLS/A2v07+NcZca4zZJmmsekdJ9VcL6iWlDDquUFK6tXZH365pkpb3HXPNEOf9iDGmxBhTUllZ+YbHnTZujMZERygiLEyzc5JG9O90PqaNjR/YTorx56Cx4BAd8XpdMSk63GGSEy2blqYwYxQZHqZl0zJcxwEAT0k58yEA4CmF45P183fP19Yj9Xrv715RRUPbme8kqba5Q195cKuu//U6dfdY/f0jF+mzV8xQeNhZ/984AAQ8Y631/4MY83NJxyTttdb+wxjzDknjrbU/6+up9JCkG621x06631skzbfW3n6qcxcVFdmSkpI37G/r7FZnd48SYiJH9O9yvv663qfqljZ9ckW+6ygnmPe11erqlrbd7q1hht9+eKsSYyP1mSu89fM63tCmyLAwpY7hf6WCVVFRkYa6tgA4s6vuXK3ttQxdHwrXFsC7/rXtmG659zWNiYnQV6+aqWsKsxU2RKGosrFdf17v0x/Xl6qpvUs3X5SrWy6frkSHnzu4tiCYLfv6ah3u4H2FC8aYjdbaomEd66/ikjEm2lrb3rf9XUnNknKttR81xvxK0h8kbZL0iKRvWWtf6Ts2XlKbtbbbGHObevsv3XuqxzlVcQkAzgdv0gD4A9cWwNt2H2vULfe+ph3lDZqQGquVM8dpSsYYRYQZHa1rVbGvVht8NeqxVivyx+lzV05Xfmai69hcWwD4xdkUl/w5N+vNxphb+7b3SvqIpJ8YY9ZK2myt3WCMebekRZLu7Gut9CVJrZL+1xjTLOmApG/4MSMAAAAASJJmZCbosU9erEe3HNU/Nx7RX185pPauHklSmJGmjU3QR5dP1vULx2tKxhjHaQHAO/xWXLLWPizp4ZN2f/qkY/4m6W9D3H2Bv3IBAAAAwKmEhRm9bV6O3jYvR909VhWNbeqxUlp8lGIivdMHFAC8hK7SAAAAADCE8DCjrKRY1zEAwPP8ulocAAAAAAAAghvFpVH2od+/orf/Yq3rGG8w86urlf+V1a5jvMG3H92qO5/Y6TrGG1Q0tKm2ucN1DACAB+WtWq28Vd57TQUAIJjds65YeatWa+UPn3AdJSRRXBpF87/1pJ7ZXaVXjzRo2pe986Yzb9VqtXZJbd3y1Jvhy374nP73pUP69QsH9PZfvug6zoBiX40+/ffX9Km/v6qDVc2u4wAAPGTw66iXXlMBAAh2tz9SIUnaV9Wj4uJix2lCD8WlUVTb2jWw3dnjMEiAOFzbMrC961ijwyQn2l/RJCurzu4e+aopLgEAAACAl3zphSrXEUIOxaVR9O1r8ge2b1iY5TDJieZkxg9sz8jwTsPC26+bM7D9q5vmO0xyojfPztTivFQtn56hJVPSXMcBAHjUfdePdR0BAICQ9Mzn3uI6Qsgx1lrXGc5LUVGRLSkpcR0DQJApKioS1xYAI41rCwB/4NoCwB+MMRuttUXDOZaRSwAAAAAAADhnFJcAAAAAAABwziguAQAAAAAA4JxRXAIAAAAAAMA5C/iG3unp6TYvL891DABBxufziWsLgJHGtQWAP3BtAeAPGzdutNbaYQ1KivB3GH/Ly8tjZQQAI45VVwD4A9cWAP7AtQWAPxhjNg33WKbFAQAAAAAA4JxRXAIAAAAAAMA5C9ri0pYjdXpxb6XrGG+Qt2q18latdh3jDbyaa+ZXV2v2159wHeMNSqubVV7f6jrGG9xXclgv7K5wHQM4Ja9ea4Bgw+8aAAAYTUFZXHphd4Vu/t0Gffwvm/TL5/a5jjNg8Js8L73h83Ku1i6pqaPHU7nW7avSF+/fos/dt1l7jze6jjPgM/e+qlUPbNUH/1iiBzcdcR0HeAOvXmuAYMPvGgAAGG1BWVzadaxRPX2r4O3x0Id/BIcjtb0jlrp7rI7WtzlO87p9x5skSVbSpkO1bsMAAAAAAEJGUBaX3ndRrpZNS9fcCcn6wptnuI4z4Ia54wa2J6dEOUxyoonJr2+nxbjLcbKbFmYNbH9+5WSHSU701sIsLZ+eoTcXZGrJlDTXcQZ8/4ZCjU+J1czMBH35rbNcxwEAeMDyVNcJAABAKDC2b4RPoCoqKrIsuwlgpLGkLwB/4NoCwB+4tgDwB2PMRmtt0XCODcqRSwAAAAAAABgdFJcAAAAAAABwziJcBwAAAAAAAKHHWqtXD9dp3b4qHappUXiYUV5avBZPStW8CckyxriOiGGiuAQAAAAAAEbVxtIafe2h7dpR3iBJGpsQrR5rVdXUIUmanB6vj186VdfNy1ZEOJOuvI7iEgAAAAAAGBXWWv3q+f36wZO7lZMcq++9Y47eOidLSbGRkqSa5g49s/O4/rjOp8/dt1m/XXtAP3jnXM0Zn+Q4OU6H8h8AAAAAAPA7a62+89hO/eDJ3XrbvGw9dctyvXvxxIHCkiSlxkfpxqIJeuyTF+uXNy1QTXOHrvvVS/rZs3vV0xPYq90HM4pLAAAAAADA736z9oD+96WDev+SPP3kxnmKjz71ZCpjjK4qzNLTt7xJ1xRm6cdP79GH/1Si+tbOUUyM4aK4BAAAAAAIKKXVzfrNmgP67doDOlzT4joOhmHd/ip974ldumpOlr5+9SyFhQ2vWXdSXKR+8h/z9K1rC/TCnkpd98uXVFrd7Oe0OFsUlwAAAAAAAeNvGw7p8h+v0Xcf36nbVu/Uih+9oL9tOOQ6Fk6jvqVTn/3HZk1Ki9cPbigcdmGpnzFG71uSp79++ELVtnTo+l+v05YjdX5Ki3NBcQkAAAAAEBBWbynXlx7YqoumpGndqsv04hcv1UVT0vSlB7bq4dfKXMfDKXz/yV2qaGzXT981T3FR576u2OJJqbr/v5coJjJc77rnZT23u2IEU+J8UFwCAAAAAHheRUObvvzgVs2bkKx7bl6o7ORYjU+J0z03L9TivFR95cFtOlLLFDmv2VZWr79uOKT3XpirwvHJ532+KRlj9MDHl2hSerw+9McSiooeQXEJAAAAAOB5d/xrl1o7u/WjG+cqOiJ8YH90RLh+dONcWWv1jYe3O0yIk1lr9e1HdyglLkq3XD59xM47NiFG9370Ii3OS9Vn7n1Nf32FaZGuUVwCAAAAAHja/somPfRqmW6+MFdTMsa84fsTUuP08Uun6tldFdpYWusgIYby4r4qbfDV6JbLpyspNnJEzz0mOkK//8AiXTI9Q19+cKt+s+bAiJ4fZ4fiEgAAAADA0+5+Yb+iIsL00TdNOeUxH1iap/QxUfrpM3tGMRlOxVqru57Zq6ykGN1YNN4vjxETGa6731ukq+Zk6buP79RPnt4ja61fHgunR3EJAAAAAOBZ9a2demTzUb19/nhlJESf8ri4qAh9YOkkrd1bpb3HG0cxIYay/kC1Skpr9fFLppwwjXGkRUWE6Wfvnq93Lhyvu57dq++u3kmByQGKSwAAAAAAz3pw0xG1dfboPy+YeMZj37VogqIiwvSHdT7/B8Np/WbNAWUkROuGogl+f6zwMKPvX1+o912Uq9++eFBffnCrunsoMI0miksAAAAAAM964NUyzclJ0uycpDMemzYmWlcXZunh146qrbN7FNJhKL6qZj2/p1I3LZ6omEj/jVoaLCzM6JvXFujjl0zR3zYc1qr7t6iHAtOoobgEAAAAAPCkwzUt2nKkXlcXZg37PtcvGK+m9i49s/O4H5PhdP7v5VKFG6ObhjHabCQZY/SFN+frUyum6b6NR/TlB7dSYBolEa4DAAAAAAAwlMe3lkuS3jpn+MWlCyenKTMxRg9uKtPVhdn+ioZTaO3o1j9KDuvK2ZkalxjjJMMtK6epu6dHv3xuv8LDjG67braMMU6yhAqKSwAAAAAAT1q9tVxzxydpQmrcsO8THmb0tnnZ+t2LB1XT3KHU+Cg/JsTJHt18VA1tXbr5wlxnGYwx+twVM9TdI/3PC/sVGR6mb1wziwKTHzEtDgAAAADgORUNbdpypF5Xzs486/teXZitrh6rf++q8EMynM79m45ocnq8Fk9KdZrDGKMvvnmG/mvpJP1hnU+/WXvAaZ5gR3EJAAAAAOA5a/dWSZLeND3jrO87OydR4xKj9fSOYyMdC6dxpLZFrxys0dvn53hilJAxRl+9aqauKszS7Y/v0qObj7qOFLQoLgEAAAAAPGfN3kqlj4nWzMzEs76vMUYrZ47Tmj1VrBo3ih56tUySdN38HMdJXhcWZvSjG+ZqcV6qPvuPzdp8uM51pKBEcQkAAAAA4Ck9PVYv7q3SsmnpCgs7txEwl88ap9bObq3fXz3C6TAUa60eeLVMiyelnlWPrNEQExmuu9+7UBkJ0fr4XzaptrnDdaSgQ3EJAAAAAOApO8obVN3coWXT0s/5HBdNSVN8VLie2nF8BJPhVLaW1etAZbPe4aFRS4OlxEfp1+9ZoMrGdn3m3tfU02NdRwoqFJcAAAAAAJ6yZm+lJOni8yguRUeEa+nUdK3ZUylrKST42+NbjykizOgts7NcRzmlwvHJ+trVM/XCnkr9ZcMh13GCCsUlAAAAAICnvHKgRtPHjdHYhJjzOs+yaekqq2tVaXXLCCXDUKy1+te2cl00JU1JcZGu45zWey7M1cVT0/W9x3fqcA3Pi5FCcQkAAAAA4BndPVabDtWqKO/8l7JfOrV35NOL+6rO+1w4td3HG+WrbtGbZ2e6jnJGxhjd+c5ChRmjLz2wlVFtI8SvxSVjzM3GmGeNMc8bY3KMMT8xxqw1xtw16Jhh7QMAAAAABL89xxvV2NalotyU8z7XpPR4ZSfF6CWKS371r23HZIx0xSzvF5ckKSc5Vl948wy9uK9KT24/5jpOUPBbcckYkyPpTdbaFdbaSySNkxRvrV0mKcoYs8gYs2A4+/yVEQAAAADgLSW+GknSohEYuWSM0dKp6Vq3v1rdNHD2m39tO6ZFuanKSIh2HWXYblo8UTPGJei21TvV1tntOk7A8+fIpSslhfeNXPq5pIskPdP3vWckXXgW+wAAAAAAIaCktFbjEqM1PiV2RM538bR01bd2amtZ/YicDyc6WNWsXccadWUATIkbLCI8TF+/ZpaO1Lbqj+t8ruMEPH8Wl8ZJirLWrpDUIilZUkPf9+olpZzFvhMYYz5ijCkxxpRUVlb6728AAAAAABhVJb5aFeWmyhgzIue7aEqaJOmVA9Ujcj6c6JkdxyVJVxaMc5zk7C2dmq7l0zN095oDam7vch0noPmzuFQv6YW+7X/3/Zk46M+6vq/h7DuBtfYea22RtbYoIyPDD9EBAAAAAKOtvL5VZXWtKso7/35L/cYmxCgvLU7FvtoROyde99zuCs0Yl6DxKXGuo5yTz6ycpprmDv355VLXJXDQ/QAAIABJREFUUQKaP4tL6yQV9m3Pk2Qlrei7vVLSy5LWD3MfAAAAACDIbT7cO3Vt3oTkET3vorxUlZTWqIe+SyOqqb1Lxb4aXZIfuIM+FkxM0ZumZ+ieNQfU0sHopXPlt+KStfY1Sa3GmOclLZL0Q0ltxpi1knqstRustZuGs89fGQEAAAAA3rG1rE4RYUYzsxLPfPBZWDQpVXUtndpf2TSi5w11L+2rUme31SXTx7qOcl4+celU1TR36MFXy1xHCVgR/jy5tfZzJ+369BDHDGsfAAAAACC4bTlSr+njEhQTGT6i513ct/LcBl+Npo1LGNFzh7Lnd1doTHTEiE5jdGFRXopm5yTq9y/5dNPiiSPW7yuU+HNaHAAAAAAAw2Kt1bayehWOTxrxc+emxSl9TLRK6Ls0Yqy1en53pS6emq7I8MAuLRhj9F9LJ2lfRZPW7q1yHScgBfYzAAAAAAAQFI7Utqq2pVOzc0a+uGSM0eJJKdpwsGbEzx2qdh9vVHl9my4N4H5Lg11VmKX0MdH603qf6ygBieISAAAAAMC5rWW9zbz9MXJJ6m3qXVbXqqN1rX45f6h5fnelJOlNAd5vqV90RLiuX5ij53ZXqqKxzXWcgENxCQAAAADg3NayekWGG83I9E9PpIW5vX2BXj1U55fzh5rnd1coPzNBmUkxrqOMmBsWTlB3j9VDNPY+axSXAAAAAADObT1SrxmZCYqOGNlm3v3yMxMVFRGm1w7Td+l8tXZ0a1NpnZZPD44pcf2mjh2jBROT9Y+SI7LWuo4TUCguAQAAAACcstZqa1m95uQk++0xoiLCNDs7UZsP1/vtMUJFsa9GHd09WjIlzXWUEXdD0QTtq2jS5iM8T84GxSUAAAAAgFNlda2qb+1UQXaiXx9n7oRkbS2rV1d3j18fJ9i9tL9KkeFGiyeluo4y4t46J0uR4Uartxx1HSWgUFwCAAAAADi1q7xRkjQzyz/9lvrNm5Cs1s5u7T7e6NfHCXbr9lVr/oQUxUVFuI4y4pJiI7VsWoYe33qMqXFngeISAAAAAMCp/mLP9HH+LS7Nn9Db1Pu1wzT1Pld1LR3adrReS6YG35S4flfNyVJZXSvPk7NAcQkAAAAA4NSuY40anxKrhJhIvz7OhNRYpcZHaTNFg3P28oEaWSstnZruOorfrJw1TpHhRo9vLXcdJWBQXAIAAAAAOLWrvEH5mf7ttyRJxhjNHZ/EiJTzsG5/leKiwjV3vP+ar7vG1LizR3EJAAAAAOBMe1e3DlQ1Kz/Tv1Pi+s2bkKK9FU1qbOsclccLNi/tq9KivFRFRQR3OWHlzHEqq2vV3oom11ECQvB135LU0dWjL96/RQ2tnbr9HXM0LjHGdSRJ0t3P7tH3nt4rSVo0IVH3fWKZ40S9bvzl89pwuFmStHhCvP7xiUvcBuqz7I7Hdbiut0p8VX6yfvn+pY4T9brxV2u14VCDJOn2t83STRdNcpyoV3ldq77y0FalxEXpzncUKiLIL/YAhpa3avXAtu+OqxwmAdCP30vg9PZVNKm7xyrfz828+82dkCRrpa1H6rUkiKd2+cOx+jbtr2zWfyya4DqK312anyFJ+veuCr/3AgsGQfnp84/rDurZncdV7KvRHU/sch1nQH9hSZKKDzc4THKi/sLSyduu9ReWJGn1Lu8MW+0vLEnSlx/e4TDJiW5/YqdKfLV6esdx/fmVUtdxADgw+AMsAG/g9xI4s93Hept5j97Ipd7pXK8d8c5njECxbn+VJGnJlOAvymUlxWpmVqL+vavCdZSAEJTFpSljE2RM73ZeepzbMMAomZQWL6l3HvnUsWMcpwEAAACGZ/exRkVFhCmv7/2svyXHRSkvLU5bDtePyuMFk2JfjRJjIjQry//9sbzgsvwMbSytVX0LUyjPJCiLS5flj9Xv3rdIP7xhrj69YrrrOAMGD4P20pBocp2d/ixh8lauW6+YoR/eMFe/e1+Rlk3LcB0HgANeuiYB6DX49/IKhzkAL9t5rFHTxo5RRPjofTwtyEnStqMUl85Wsa9WC3NTFBZmXEcZFZflj1V3j9WavZWuo3heUPZckqSivFTXEYbk1Tf+5Do7Xs11RUGm6wgAHPPq9QkIZfxeAqe3+1jDqC9rPycnSau3lKuupUPJcVGj+tiBqqa5Q/sqmvT2+Tmuo4yaeRNSlBIXqX/vqtA1c7Ndx/G0oBy5BAAAAADwvtrmDh1vaNfMzNGdZjU7O0mStP2od3rhet3G0lpJ0iKPDuTwh/Awo6VT0/XSvipZa898hxBGcQkAAAAA4MSe473NvKePUjPvfgXZvcWsrWVMjRuuEl+NosLDVDg+yXWUUbV0aroqGtu1v9I7i195EcUlAAAAAIAT+yqbJGnUF6RJiY9STnKstlFcGrZiX43mjE9STGS46yijasmUNEnS+r6V8jA0iksAAAAAACf2VTQpLipcWYkxo/7Yc3KSmBY3TG2d3dpaVq+ivBTXUUbdxNQ45STH6qV91a6jeBrFJQAAAACAE/sqmjQ5I97J6mOzcxJ1sKpZDW0sM38mW47Uq7PbalFu6PRb6meM0ZIpaVp/oFo9PfRdOhWKSwAAAAAAJ/ZXNGlqxuhOietXkNPbO2gHo5fOqNhXI0lamBt6I5ckacnUNNW3dmpHOc+VU6G4BAAAAAAYdc3tXTpa3zbq/Zb69a8YR9+lMyvx1Wja2DFKiY9yHcWJJVPSJUnr6Lt0ShSXAAAAAACj7kDf6luuiksZCdHKTIyh79IZ9PRYlZTWqigv9KbE9RuXGKPJ6fHacLDWdRTPorgEAAAAABh1+yobJbkrLkm9fZe2MnLptPZUNKqxrUuLQrCZ92ALc1O06VCtrKXv0lAoLgEAAAAARt2+iiZFhBnlpsU7y1CQnaT9lU1q6ehylsHrin29o3UWhfDIJUkqyktRTXOHDlQ1u47iSRSXAAAAAACjbl9Fk3LT4hQZ7u5j6ZycJFkr7aRR8ymV+Go0LjFa41NiXUdxamHfSnkbfUyNGwrFJQAAAADAqNtX0aQpjlaK6ze7b8W4rUeYGncqJb5aFeWmyhjjOopTUzLilRIXqZLSGtdRPIniEgAAAABgVHV296i0usVpvyVJGpcYrbT4KJp6n0JZXavK6lpVFOL9liTJGKOFuSkqKWXk0lAoLgEAAAAARlVpdbO6eqzz4pIxRgU5SdpGcWlIJb7eUTqh3m+p38LcVB2obFZNc4frKJ5DcQkAAAAAMKr2VTRJcrtSXL+C7ETtPd6o9q5u11E8Z2NpreKjwpWfmeA6iif0j+DayOilN6C4BAAAAAAYVf3FJdc9l6Te4lJXj9Xe402uo3hOsa9WC3JTFOGw6bqXzMlJUlR4GH2XhsAzBAAAAAAwqg5UNSszMUbx0RGuo6ggu7ep9/ajNPUerKGtU7uONagolylx/WIiw1WQk6hXS+tcR/EcikujrKGhQQ0N3pvPe+jQIR06dMh1jDdoa2tTW1ub6xhvYK2VtdZ1DACAB92zrvis71NcXHxO9wOAQOWralZeepzrGJKk3NQ4jYmO0LYy731Oc2lTaa2slRbRzPsEc8cna9vRenX38HlwMPdl4hBy7c/XaEtZoyQpJTZCr37jSseJeuWtWj3o1lb57rjKWZbB3vvbl7V2X7Uk6fp52frRu+Y7TtRr7/FG3f74TsVGheub1xRobGKM60gAAI/of029/ZHVipW0cxivqYNfh29/ZLVnXocBwJ9Kq1t0RcE41zEkSWFhRrOyEhm5dJISX63Cw4zmTUx2HcVTCscn6Q/rfNpX0aQZ9KIawMilUdRfWJKk2tYuh0kCw/oD1QPbq7cfc5jkRBt8NWrt7FZNc4e2lvECBAAYWqvrAADgUQ1tnapu7lBuWrzrKANmZSdqZ3kjo1EGKfbVaHZ2ouKiGJMyWOH43mLb5iNMjRuM4tIounJmxsB2XmqswyQnih70LIh0F+MN3jEvZ2D7A0vy3AU5yfJpGcpMjNGk9HgtzGWIKABgaOMTXScAAG8qrWqRJOV5qLhUkJ2o1s5uHaxqdh3FEzq6evTa4ToV5dFv6WST0+OVEB2hLRSXTkAJchTd/b7FriMMafft3hx+//0b5+n7N85zHeMNJqTG6acemaIHAPCWc5nSxjQ4AKHmYHVvAccrPZekE5t6Tx3rfgU717YdrVd7Vw/9loYQFmY0OydJW44wi2UwRi4BAAAAAEZNad/ooNxU74xcmjZujKLCw7T9KE29JanEVyNJWshKcUMqnJCkneUNau/qdh3FMyguAQAAAABGzcHqZmUmxig2Ktx1lAGR4WGakZlAU+8+xb5aTUqPV0ZCtOsonjRvfLI6u612ljee+eAQQXEJAAAAADBqSqtbPDUlrl9BdqK2H22QtaHd1Ntaq42ltfSXPY3CCb1Nvem79DqKSwAAAACAUeOravZUM+9+BdmJqmvp1NH6NtdRnDpQ1aya5g76LZ1GdlKM0sdEafNhRrr1o7gEAAAAABgVDW2dqm7uUF6694pLs/qbepeFdsGgv98SK8WdmjFGheOTGbk0CMUlAAAAAMCoKK1qkSTlpXlvWtzMrAQZI20L8abexb5apcZHabIHC4BeUjg+Sfsqm9TU3uU6iidEuA7gD7XNHfrOYzvU1N6lL7w53zNLSX7wD6/o2V1VkqSp6XF65nOXOk7UK2/V6hNue2VJ5MW3PaWKpk5J0oyxcXryVm/8vF7YXaHP/3OLoiPC9Lv3L9L0cQmuIwGAZ7z/l6v1/OHXb3vlNSUYePX1GgDOxsHq3pXivDhyKS4qQlMyxmhHiDf1LvHVqCg3RcYY11E8bU5OkqyVdpU3MMpLQTpyaUtZvY7Wt6qhrVPr9le5jjPg37tez7Kvr2KPU+svLEnS7grv/LweeLVMbZ3dqm/t1GObj7qOAwCeMriwBADAyUqreotLuaneKy5Jrzf1DlUVjW3yVbdoEcWSM5qVnShJIf18GSwoi0uFOUnKSY5TUmyklkxJdx1nwBWzxg5sT/Xg6gheM3ZM5MD2jLHe+Xm9c+F4xUaFKzk2UtfOzXYdBwA85ZIJrhMAALzsYHWzMhNjFBsV7jrKkAqyE1Ve36aa5g7XUZzY6KuVJBXRzPuMMhNjlBofpR0UlyQF6bS4lPgo/ejGua5jvMHdNy9yHWFIXh1Wv+GrV7iOMKRl0zL0ypdXuo4BAJ70h0948zUlGHj19RoAzkZpdYvyPPwf7QX9Tb2P1mvZtAzHaUZfsa9WMZFhAz8HnJoxpnekW3loT6PsF5QjlwAAAAAA3uOralZemjenxEm9I5ckaVtZaI5GKSmt0bwJyYqKoFQwHLOyErXnWJM6u3tcR3GOZwwAAAAAwO8a2jpV3dzhyWbe/ZLjopSTHKvtIdjUu7m9S9uPNtBv6SzMyk5UR3eP9lU0uY7iHMUlAAAAAIDflfYtapSX5t1pcVLv6KVQ7KOz+XCdunssK5+dhQKaeg/wW3HJGJNnjDlujHneGPNU377PG2NeNMb8xRgTeTb7AAAAAACBy1fdu1Kcl0cuSb19lw5WN6upvct1lFFV7KtVmJEWTEx2HSVgTEofo9jI8JAsRp7M3yOXnrbWXmKtvcIYkyHpUmvtxZK2SLpuuPv8nBEAAAAA4Ge+qt7iUm6q14tLibJW2lkeWgWDktIazchMVEIM4zuGKzzMKD8rISSnUZ7M38WlS40xa40xt0haLOn5vv3PSLrwLPadwBjzEWNMiTGmpLKy0m/hAQAAAAAjw1fdoszEGMVGhbuOcloFOX1TncpCp2DQ1d2jTaW1WpSX4jpKwJmVlagd5Q2y1rqO4pQ/i0vlkqZLulTSSklFkvpLv/WSUiQlD3PfCay191hri6y1RRkZobc8JAAAAAAEGl91s3I93m9JkjITY5QWHxVSfXR2HWtUc0c3/ZbOQUF2khrbunSkttV1FKf8Vlyy1rZba5uttV2SHpO0T1Ji37cTJdX1fQ1nHwAAAAAggPmqmjXJ4/2WJMkYo1nZiSFVXNpwsEaSGLl0Dl5v6h06I92G4s+G3gmDbi5Vb3HpTX23V0p6WVLxMPcBAAAAAAJUQ1unqps7PN/Mu19BdpL2VjSqvavbdZRRUeyr0fiUWGUlxbqOEnBmZCYoPMyEfFPvYRWXjDFLh7PvJMuMMRuNMeskHbXWviJpjTHmRUnzJD1kra0Yzr6z+PsAAAAAADymtKpFkpQXANPipN7RKJ3dVnuPN7mO4nfWWhX7arWYKXHnJCYyXFMy4kNqpNtQIoZ53M8lLRjGvgHW2sclPX7Svjsl3Xku+wAAAAAAgclX3btSXOCMXHp9qtPsnCTHafzLV92iqqZ2+i2dh5lZiSrx1bqO4dRpi0vGmIskLZGUYYy5ddC3EiV5u8U/AAAAAMATfFW9xaXc1MAoLuWlxSs+KjwkRqMU9/VbWjyJfkvnKj8zUQ+/dlT1rZ1Kio10HceJM02Li5I0Rr1FqIRBXw2S3unfaAAAAACAYOCrblFmYoxiowJjjEJYWOg09S721SglLlJTMsa4jhKw8rN6W07vOd7oOIk7px25ZK19QdILxpg/WGtLRynTiFj4nafU0t6tki8tV3y8d6rjeatWS5J8d1zlOMmJyHV2vv3odiXHRulTK6e5jjLAWquXD9QoKTZSs7ITz3wHwKP6f+8l7/3uAwDeaOqq1erq2+a6jVPxVTcrN0D6LfUryE7SP0oOq7vHKjzMuI7jN8W+GhXlpcqY4P07+lt+Zm9xaVd5gxaF6PTC4a4WF22MuccY85Qx5t/9X35Ndh6KbntK1c2dau3q0ZzbnncdZ8DgD0yDt10j19n57//bqD+uL9Vd/96rnz6923WcAY9tKdddz+7Rtx/brt3HQrdijsB2xx3e+V0HAAxP16BtL71ng7eUVjdrUoD0W+o3KztRLR3dOtg3pS8YVTS2yVfdQjPv85SZGKOk2EjtDOHPYcNt6H2fpP+R9FtJnl+Lsbn99Yg91mEQBKX61s6B7cqmdodJTtTc/vpbu6b2rtMcCXjXq51nPgYAAASWxrZOVTV1KDctsIpLg5t6Tx0bnFPGig/2NqFeNIni0vkwxig/M0G7yoN/GuWpDHfkUpe19tfW2g3W2o39X35Ndh5KVi1X/6jFP76/yG2YQVa/N29g+/rZ6e6CnGTViryB7Q9ekO0uyEn+932vL0b41GcudJjkRL989wItyk3RpTMy9O1rC1zHGXDd/Bxdv2C8/mvpJC3MpRkfAtO9X2M6BQAEMqbFYSil1S2SpEnpgTUtbtrYBEWFh2lHEPddKvbVKDYyfKCQhnOXn5mgPceb1BOiI1yGO3LpUWPMxyU9KGlgqIa1tsYvqc5TfHy8DnzPey9sBQUF8t3hnWJEv49dXqCPXe69XJfNzPLkG5SUMVH6+0cvch3jDWIiw3VD0QTXMYDz5sXfewDAqXHdxpn0TysLtJFLURFhmp45Jqibehf7ajR/YrIiw4c77gSnkp+VqKb2UpXVtWpCamAVUkfCcJ9B75P0eUnrJG3s+yrxVygAAAAAQHAore4vLgXeB+6CrCRtP1ova4NvNEpjW6d2hnAD6pHW39R7Z4hOjRtWcclaO2mIr8n+DgcAAAAACGwHq1o0LjFacVHDnTjjHQU5iapt6dTR+jbXUUbcxtJa9VhRXBoh08clyBhpV4g29R7Wb7cx5uah9ltr/zSycQAAAAAAwcRX3ay8AJsS12+gqXdZvXKSYx2nGVklvlqFhxnNn5jsOkpQiI+O0MTUuJBduXu40+IWDfpaJumbkq71UyYAAAAAQJAorW7WpPTALC7NzEqUMQrKvksbfDWanZ2o+OjAG1HmVfmZCdp5LPieK8MxrGeRtfaTg28bY5Ik/dkviQAAAAAAQaGxrVNVTR0B18y7X1xUhCanxwddcam9q1ubD9fpPRfmuo4SVPIzE/X0juNq7ehWbFS46zij6lxbwrdImjaSQQAAAAAAwaW0ukWSNCk98Jp59yvI7m3qHUxePVSn9q4eXTg5zXWUoJKfmaAeK+2tCL2pccMqLhljHjXGPNL3tVrSbkkP+zcaAAAAACCQHazqXykuMEcuSb19l8rr21TT3OE6yohZv79axkiLaeY9ovKzent0hWJT7+FOrvzhoO0uSaXW2iN+yAMAAAAACBKl1f3FpcAeuSRJ24/Wa9m0DMdpRsbLB6pVkJ2opLhI11GCysTUOMVGhmtXeegVl4Y1csla+4KkXZISJKVICp6SLQAAAADALw5WtWhcYrTiogK3afTAinFB0neprbNbrx6q00VMiRtx4WFG08eN0a4QbOo93GlxN0raIOkGSTdKesUY805/BgMAAAAABLbS6mblBfCUOElKiY9STnJs0BSXNpXWqqO7RxdNobjkD/mZidp1rFHWWtdRRtVwG3p/RdIia+37rLU3S1os6Wv+iwUAAAAACHS+ICguSdKs7ERtLwuOpt7rD1QrPMxoEf2W/CI/K0E1zR2qbGp3HWVUDbe4FGatrRh0u/os7gsAAAAACDGNbZ2qaupQXnrgF5cKshN1sLpZze1drqOct/X7qzU7J0kJMfRb8of8zL6m3iHWd2m4BaJ/GWOeNMa83xjzfkmrJT3hv1gAAAAAgEBWWt0iScoL4Gbe/Qqyk2SttLM8sKfGtXR0afMR+i35U35mgiSFXN+l4Tb0/rykuyUVSpor6R5r7Rf8GQwAAAAAELh8fSvFBcvIJSnwm3pvLK1VZ7fVhZOZEucvKfFRGpcYrV3HQmvk0rBa9htjJkl63Fr7QN/tWGNMnrXW589wAAAAAIDA5KvqLS7lBsHIpaykGKXGR2n70cDuu7R+f7Ui6Lfkd/mZiSE3LW6460HeJ2nJoNvdffsWjXiiINbZ2anLf/qiOrp69Mj/u0jpCd64yP6h+DV98/4ySdKnlufo1rfOc5yo1+rNR/SJv22WJG24dZHGjh3rOFGvzu4ePb61XLGR4bp81jgZY1xHAgC/yFu1emDbd8dVDpPgXPFvCMAlX3WLxiVGKy5quB87vcsYo4LsRG0rC+yRS+sPVKtwfJLiowP/38TL8jMTtH5/tTq7exQZHhrtqof7t4yw1nb03+jbjvJPpOD1zrtfka+6RUfr2/S2X653HWdAf2FJkn62puw0R46u/sKSJC3+cbHDJCdavaVcf9twSP/70kG9fKDGdRwA8IvBRQkEB/5NAYw2X1VwrBTXb05OkvYcb1RrR7frKOekoa1TW47Ua8mUdNdRgt7MrER1dPfoYN/ovVAw3OJSpTHm2v4bxpi3SaryT6TglRT7ejf+2Mhwh0lwPmIG/dvFRvHvCAAAAAzFVx1cxaX5E1PU1WO1LUCnxq3fX63uHqtl0ygu+Vt+Vm9T70BvAH82hltc+m9JXzbGHDLGHJL0RUkf8V+s4PSnD16gS2dkaOHEZD3xqaWu4wwYPEzeS0PmvZrryoJx+vSK6Vr1lpmaNyHZdRwA8IvB19153piVjHMweJFpL72WAgh+jW2dqmrqCIpm3v3mT+x977+ptNZxknOzZk+l4qPCNX9iiusoQW9KxhhFhhvtDKG+S8OdaHnQWnuhMWaMJGOtDZ2f0Aj7/QcWu44wJK++4fRiLmOMLprC0p0Agp8Xr8E4O3v5NwTgSGl1iyQpLwiaefdLHxOtialxevVQneso52Tt3ipdNCVdURGh0QPIpcjwME0dm8DIpSHsM8b8QNIECksAAAAAgNPxVff2mgmmkUtS7+ilTYdqZa11HeWslFY361BNi5ZPZ0rcaJmZlaBdxygunaxQ0h5JvzPGvGyM+YgxJtGPuQAAAAAAAcrX18g4N4hGLknS/AnJqmhsV3l9m+soZ2XNnkpJ0rJpGY6ThI6ZmYk63tCumuaOMx8cBIZVXLLWNlprf2OtXSLpC5K+IancGPNHY8xUvyYEAAAAAAQUX3WLxiVGKy4quJa8X5Db269o06HA6ru0Zm+VJqTGBtU0Ra+bmdU7HmdXiEyNG1ZxyRgTboy51hjzoKS7JP1I0mRJj0p63I/5AAAAAAABxlfVrNwgWimuX35moqIjwgKq71Jnd4/W76/WsmkZMsa4jhMy+leM2xEixaXhlpH3SnpO0g+stesG7f+nMWb5yMcCAAAAAAQqX3WzVuSPcx1jxEVFhKlwfJJeDaCRS68eqlNTe5eWT6Pf0mhKHxOtjIRo7ToWGm2rh9tz6WZr7QcHF5aMMUslyVr7Kb8kAwAAAAAEnMa2TlU1dQRdM+9+8yemaNvRBrV3dbuOMixr91YqPMzooikUl0ZbfmborBg33OLSz4bY9/ORDAIAAAAACHy+qhZJ0qT04OzvM39Csjq6erTjaGAUDZ7dWaEFE5OVFBvpOkrImZWVqL3Hm9TV3eM6it+ddlqcMeYiSUskZRhjbh30rURJ4f4MBgAAAAAIPAere1eKC9aRSwvzept6F/tqNH9iiuM0p3e0rlU7yhv0pbfku44SkvKzEtTR3aMDVc2aPi7BdRy/OtPIpShJY9RbhEoY9NUg6Z3+jQYAAAAACDS+qt7iUm5qcBaXxibEaHJ6vDYcrHEd5Yye3XlckrRiZvD1vwoE/SvGhcLUuNOOXLLWvmCMeVHSHGvtt0YpEwAAAAAgQPmqmpWVFKPYqOCd7LJ4Uqoe31qunh6rsDDvrsD2zM4K5aXFaUpGcBb6vG5y+hhFhhvtLG/U2+a5TuNfZ+y5ZK3tlpQ6ClkAAAAAAAHuYHWz8tKCu5ixeFKqGtq6PL0SWHN7l9bvr9aKmeNkjHcLYMEsKiJMU8cmaNex4B+5NNyG3q8aYx4xxrzXGPOO/i+/JgMAAAAABBxfVXPQ9lvqd8HkNEnShoPVjpOc2tq9Vero7tFKpsQ5NTNEVowbbnEpVVK1pMskXdP3dbW/QgEAAAAAAk9dS4dqWzo1OciLSznJscpJjtUGn3f7Lj2z87gSYyJUlOftpuPBbmZWoo43tKumucPOv6GTAAAgAElEQVR1FL86bc+lftbaD/g7CAAAAAAgsB2sCu6V4ga7YFKq1uytlLXWc9POunusnttVoUtmjFVk+HDHlMAf8rN6V4nbVd6gJVPTHafxn2E9y4wx040xzxpjtvXdLjTGfNW/0QAAAAAAgcRX3VtcmpQe5ziJ/10wOVVVTR3aX9nsOsobbDhYo+rmDl1ZkOk6SsgbWDHOw/25RsJwS5i/kfQlSZ2SZK3dIuld/goFAAAAAAg8B6taFGakCanBX1xaPKm379LLB7zXd+nxreWKiQzTpfkZrqOEvPQx0UofEx30fZeGW1yKs9ZuOGlf10iHAQAAAAAELl9Vs7KTYxUdEe46it/lpcUpOylGL+2rch3lBN09Vk9sO6bL8scqLmpYnXDgZzOzgn/FuOEWl6qMMVMkWUkyxrxTUrnfUgEAAAAAAo6vulmTQqDfkiQZY7RsWoZe2lel7h7rOs6AYl+Nqpra9dY5Wa6joM/MrETtOd6kru4e11H8ZrjFpU9IultSvjGmTNJnJH3Mb6kAAAAAAAHFWquDVc3KSwuN4pIkXTwtXQ1tXdpypM51lAH9U+Iuyx/rOgr6zMxKUEdXjw5Uea8/10gZVnHJWnvAWrtSUoakfGvtxdbaUv9GAwAAAAAEiprmDjW2dYXESnH9lk5NlzHS2r3emBrXPyXu0hlMifOSWVlJkqTtR+sdJ/Gf4a4Wl2aM+ZmktZKeN8bcZYxJ8280AAAAAECgCKWV4vqlxkdpdnaS1u6tdB1FUm9z8crGdl1VyJQ4L5mSEa+YyDBtPRK8fZeGOy3u75IqJV0v6Z192/f6KxQAAAAAILAcrGqRpJCaFidJy6al69VDdWps63QdRfdvPKKEmAitnDnOdRQMEhEepplZidpWFuIjlySlWmu/Y6092Pd1m6RkfwYDAAAAAAQOX1WzwsOMJqSGzsglSVo2LUNdPVYv7at2mqOpvUtPbDumqwuzFBMZ/Kv1BZo5OUnafrRePR5q/j6Shltces4Y8y5jTFjf142SVvszGAAAAAAgcBysbtb4lFhFhg/3Y2ZwKMpLUWJMhJ7Zedxpjie2lqu1s1vXLxjvNAeGNjsnSc0d3UHb1Hu4Hb4+KulWSf/XdztMUrMx5lZJ1lqbeKo79h3zDmvtxcaYn/z/9u48TIryXP/495mNfd8X2UEEZEdxQQVRUeOWmBgTjTmanzFH43ayGE8Sj2bjJMZEYxI15qhxi5qoGImoKAguKItsouwg+74PMMPM8/ujaoYBZpiF6a7q7vtzXVxTU1NdfVd1VdH99FvvCwwFZrn7LeHfqzSvOibMW8sNT38MwCX923H/1wZXdxUJcd5v32bhpr0A1MuBT39+YcSJAl996F2mrQia5/Vv15BXbjkz4kSB373+KfdPWgbAry7ty5XDu0QbSDJejzvGc6DM7yvGxuMcFhFJR13uOPg9pq63Iqlh+abMGimuRG52FiN7t+btzzZSVOxkZ1kkOV6ctYYuLeozpHOzSJ5fju7EDkGn3vPX7KBH64YRp6l9VR0trpG7Z7l7TvgvK5zXqJLCUh1gQDg9GGjg7iOAPDMbVtV51d2o21+YWzr9ytx11X14wpQUlgD2HjjKgklWUlgCmLtud4RJDvWnd5aVTt8z/tMIk4gEYnTaioiktbKFJRFJDe7Oii176JpBI8WVdU6fNmzdU8Csz7dF8vyrt+XzwbItfHFwR8yiKW7J0fVs3ZA6OVnMS9N+l6rcXtHMLjaze8N/X6jiw74FPBFOnwJMDKcnAsOrMa9aRvVqVTrdunGd6j484+SVuR03N0YtWE9od7BuOVTVdxERkYxxahf1FSKSajbt2k9+QRFdWmRWf0slzuzVitxs480F0dwa9/ePVmEGXxzcIZLnl8qVdOqd0cUlMxsL3AIsCP/dEs472mNygTPd/e1wVlOgZNy9HUCzasw7fN3Xm9kMM5uxadORQz4+eNUQnrp2GGO/2JcP7xxdlU1MihVjL+S0rk05vlW9WDXvXvSLC7n2lOP42rD2LP5lfHK98t0RPHjlQB67ZghPfqvaNUaRWrdi7IU0sYPTIiKSGM/cMKa0wKTrrUhqWB72I9MlQ1suNaqby/BuLXhzwQbck9thc8GBYv4+/XPO7t2ajs0ys7iXKk7s0IQFa3emZafeVe1z6QJgoLsXA5jZE8DHwB1HeczVwDNlft8OlDRFaRz+XlTFeYdw90eARwCGDh1a7qtyeq/WlW1TJJ7+9mlRRyjXTy/pH3WEcn1hgCrvEi9zfqUPOSIiyfDMDWOijiAi1VDSSXH3VunXl0xVndu3LT95eT6LNuzm+LaNkva8Ez5Zz+bdBVw1vHPSnlNq5sQOTXhy2kqWb9mTdudKdW6CalpmukkVlj8e+I6ZTQD6Ai2Bs8O/jQamAR9UcZ6IiIiIiIjE1NKNu6mTk0WHpvWijhKZMX3bkp1lvDJnTVKf96kPVtKpeX3O6Nmq8oUlUv3KdOqdbqpaXPoV8LGZPR62WpoJ/PJoD3D3H7r7ee4+BvjE3e8G9pnZVKDY3T9y91lVmVfjrRMREREREZGEW7ppN11bNiAropHS4qBVozqc1qMl42avTdqtcfPX7OCjFVu5aninjN73qaJnm4bk5WQxb3X6FZcqvS3Ogq7m3yXoWHsYYMAP3X19VZ/E3U8Pf95Szt+qNE9ERERERETiadnmPaWtMjLZJQPa818vzGHW59sZkoRBiR6esoyGdXK4YlinhD+XHLvc7Cz6tm/MnNVH9P6T8iptueRByfVld1/n7q+4+7jqFJZEREREREQkfe0rLGLV1vy060OmJs7t24Y6OVmMm534W+NWbtnD+Llr+frJnWhSLzfhzye1Y3CnZsxdvYOCA8VRR6lVVb0tbpqZDUtoEhEREREREUk5K7fkU+zQvVVmjhRXVqO6uZzbty3jZq9lX2FRQp/rL1OXkZOVxbWnd03o80jtGtypGfsPFLNg3c6oo9SqqhaXRhIUmJaa2Vwzm2dmcxMZTEREREREROJv6abdQGaPFFfW107qxI69hbw6d13CnmPdjr08P2M1lw3qQJvGdRP2PFL7BncOxkqbtXJbxElqV6V9LoXOT2gKERERERERSUlLNwbFpW5quQTA8G7N6d6qAU9NW8nlQzom5Dnun7gYHG4a1SMh65fEadekHu2b1GXW59u4lvRpdXbUlktmVtfMbgW+D4wB1rj7ypJ/SUkoIiIiIiIisbV00246NK1H/byqtl1Ib2bG10/uzOxV2xMy5PySjbt5fsYqvj68E8c1r1/r65fEG9S5Wdq1XKrstrgngKHAPILWS79NeCIRERERERFJGcs271GrpcN8aUhHGtbJ4aF3ltb6uu99fSH1crO5caRaLaWqwZ2asXbHPtbv2Bd1lFpTWXGpj7tf5e4PA5cDI5KQSURERERERFKAu7N04271t3SYJvVyufqUzoyft660T6raMGXRJiZ8sp5vn9mdlg3r1Np6JbkGdwr7Xfo8fVovVVZcKiyZcPcDCc4iIiIiIiIiKWTDzv3sKSjSSHHluO70rtTJyeLPk2un9dK+wiJ+Om4+XVs24PozutXKOiUafds3IS8nK61ujausuDTAzHaG/3YB/UumzSy9xs0TERERERGRatFIcRVr2bAOXzupMy99vIaF63cd8/oeeGsxK7bkc/fFfambm10LCSUqeTlZ9O/QhOkRFZcOFBUzb/UOpq/Yyq59hZU/oAqO2uOau+uIFRERERERkXKVFpdaq7hUnu+O6sE/Z63mnlc/4anrTsbMarSeD5dt4c/vLOUrQztyRq9WtZxSojC8Wwv+/M5Sdu0rpFHd3KQ8Z3Gx8/RHn/PAW4vZtGs/AHVysrj57J7H3IdXZS2XRERERERERMq1dONuGtbJoXUj9f9TnmYN8rhtdE/eW7KFV+asrdE6tuzez+3Pz6FT8/rcdVHfWk4oUTm1ewuKip3pK7Ym5fn2FRbxn0/P4icvz6dHq4Y8cOUgHvvmML48tCOdamHUQY0VKSIiIiIiIjWybPMeurdqUOMWOZngquGdGTdnLT9+eT7DujSnfdN6VX7svsIirn9yJpt37+eFG06hQR19hE8Xgzs3Iy8ni/eXbGFU7zYJfa6iYuemZ2bx1mcb+fGFJ3Dd6V1Lz9mRvVvXynOo5ZKIiIiIiIjUyNKNu+mm/paOKic7i99fMZCiYuc7T80kv6BqY2UVFhVz23OzmblyG/d9ZSD9OzZNcFJJprq52Qzp1Iz3l25J+HP9YvynTPx0I3df3JdvjeiWkGKwiksiIiIiIiJSbbv2FbJ2xz56qL+lSnVu0YD7vzqIeWt2cOPTs9hbUHTU5XftK+SGJ2fy2vz1/OQLfbiwf7skJZVkOrV7Cxas28m2PQUJe46JCzbwf+8t55unduEbp3RJ2POouCQiIiIiIiLVtmhD0Jn38W0aRZwkNZzTpw2/uOxEJi/axFf/Mo2VW/aUu9z0FVu55I/vMXnRJn52aT+uO71rkpNKspzaowUA05YlpvXSpl37+eE/59KnXWN+dEHvhDxHCd2wKSIiIiIiItW2aMMuAI5vq+JSVV15UidaNMjj9ufncM7vpnDpwPaM6NmKJvVy+XxrPhPmr+fdJZtp16QuT3/rZIZ3axF1ZEmg/h2bUj8vm3eXbOb8E2u/ddrPxy9g1/4D/P2rA6mTk13r6y9LxSURERERERGptkUbdlEvN5sO1eigWuDcvm1567+a8vuJixk3ew3Pz1hd+rdOzevz/fOO59rTulIvL7HFAIlebnYWp/VoyaTPNuLutdoX0owVWxk3ey3fHdWDnkloXajikoiIiIiIiFTbog276NWmIVlZGimuuto0rsuvvngid1/cl8Ubd5FfUESbRnU5rnk9jbyXYc45oQ1vLtjAp+t20ad941pZZ1Gxc9crn9CuSV2+c1b3WllnZVRcEhERERERkWpbuH43I49vFXWMlJaXk0Xf9k2ijiERGtm7NWYw8dMNtVZcen7GKj5Zu5MHrhxE/bzklH3UobeIiIiIiIhUy9Y9BWzevZ9e6sxb5Ji0alSHgcc1ZeKnG2plfTv2FvKb1xdyUpfmXJTEUQZVXBIREREREZFqKenMu5c68xY5ZqNPaMPc1TtYv2PfMa/r9xMXsT2/gLsu7pPUWyxVXBIREREREZFqWVxSXGrTMOIkIqnvvL5tARg/b90xrWfxhl387YOVfPWkTkm/3VLFJREREREREamWhRt20ahuDm0b1406ikjK69G6If06NOalj1dXvnAF3J27/7WABnnZfO/c42sxXdWouCQiIiIiIiLVsmj9bo5v00gjm4nUkssGdWT+mp2lrQKr6/VPNvDuks3cfk4vmjfIq+V0lVNxSURERERERKrM3Vm0cRc91Zm3SK25aEA7sgz+Mav6rZf2FhTxs1cX0LttI64a3jkB6SqXnDHpBIC7X57HY9M+B2BIpyb88z9PjzhRoOcd4ykMpw1YPvbCKOOUumvcfJ74YCUAPzq/F98+s2fEiQLz1+zgtudmUzc3i0evGUabmDQFXr0tnz9OWkqTernccnZP6uVlRx1JRCQtdbljfOn0TWfV5Xtjzo4wTe0pu10AK2LyfkBE4mfTrv1szy/kePW3JFJrWjeqy7l92vLc9FXcenavan2e+/PkJazZvpfnrh9OTnY0bYjUcimJSgpLADM/3xFhkkMVlpn2yFIc6alpK0unf/vG4giTHOovU5exYec+Vm7J55kPV1b+gCR5c8EGlm/ezexV25j1+bao44iIZIQHJx/7qC4iIqlmYWln3mq5JFKbrhvRle35hfyzGq2XVmzew0NTlnHpwPac3K1FAtMdnYpLSdSleb3S6QZ52vWV6Vnmm5AhnZpFmORQo3q3JivLyMvJ4oxeraOOU2rgcU3Jycqicd3cQ/adiIgkjtqIikgm+nTdTgB6t2sccRKR9DK0czP6d2zCX99dzoGi4kqXLyp2vv+POdTJzuJHF5yQhIQV021xSTT5B6N45eNVrN+xn+vP6hF1nFIrxl7IFx+YxN4DRbx2++io45SacOuZvP3pOhrVyWNYhBXYw10ysAMjerQiN8doVDc36jilBnVqxiPfGEJOVhZ5OSpeiogkyoqxF9LljvGc0jmLZ79zftRxas2KsRfS/47xFACf6ZY4ETmKBWt30q5J3Ug6DRZJZ2bGTSN7cP2TM/n79FWV9p/06NRlTF+xjfu+MiDy7lpUXEqyiwcdF3WEcr1488ioI5Rr1Antoo5QruYN4/kfaf08ndIiIsmQrv0RzU3T7RKR2rVg3U76qNWSSEKc06cNJ3Vpzn1vLuK8vm1p1ahOuct9uGwL976xkPP6tuGyQR2SnPJIat4gIiIiIiIiVbKvsIilm/bQp72KSyKJYGb8/LJ+7N5/gO//Yw5FxUf2jLxk425ueGomxzWvz68vH4CZRZD0UCouiYiIiIiISJUsXL+LomJXyyWRBOrVphE/+UIfJi/cxO3Pz2ZfYVHp395dvJmvPPwB2VnGX68ZRpN68eiqRffQiIiIiIiISJUsCDvz7tu+ScRJRNLb1cM7s3NvIb95fSHTl2/l9J4t+XxrPtOWbaVbywb89ZvD6NqyQdQxS6m4JCIiIiIiIlWyYO1OGtXJoWOzepUvLCLH5MaRPRh0XFMemrKMSQs30aJBHt8/73iuO70rdXPjNWatiksiIiIiIiJSJQvW7eSEdo3Jyoq+jxeRTHBqj5ac2qNl1DEqpT6XREREREREpFLFxc6n63aqM28ROUJatlxatS2fax+bzt7CIn79pf6xqfJd8LvJLNiwB4BGeVnMu+f8iBMFjr9zPPuLg+lcYHFMhiH+7euf8YdJSwG466I+/MdpXSNOFFi1NZ/73lxE3dxsfjjmeJrWz4s6Uqwt2rCLB95aTMuGdfjhmN7Uy4tX882odLlj/CG/p+uw5iIiInLsyr5v6NgQ3v1xNO8bVmzZQ35BkTrzFpEjpGXLpXEfr2HDzn3s3FvI0x+ujDpOqZLCEsCuguIIkxxqf5kohdHFOMJj768onf7jpCXRBTnMlMWbWLdjL8s372bmym1Rx4m9tz/byObd+/ls/U7mr90RdRwRERGRlLZ6d3TPXdKZt1ouicjh0rK4dG7ftjSok0NOdhYXntg+6jilWtQ/2FAsR7coV+r8fu1Kp68Y0jHCJIca1qU59XKzaVY/jxM7aJSMygzv1oK8nGzaNq5LrzaNoo4jIiIiIjU0b80OcrONnm0aRh1FRGLG3D3qDMdk6NChPmPGjCPmFxcXU1wMOTnxqp9t3ryZzYXQu108btUrsXJl0MKrc+fOESc51O49BeTlQl5evG49Ky52zMBMVcKqKCp2slOs08ehQ4dS3rWlNj3w9lQG5cKIESMS+jwiEh/JuLaISHr63nNTufeK8t8zJOvacuUj09hTcIBXbjo94c8lItEzs5nuPrQqy6Zln0sAWVlZZMWrrgRAy5YtiVdZKRC3olKJhg3iVVQqodExqifVCkvJcvMoFZVERESkaioqLCVLcbEzb80OLhvUIdIcIhJPMSy/iIiIiIiISJws27yb3fsP0L+juoUQkSOpuCQiIiIiIiJHNXtVMDDLwOOaRpxEROJIxSURERERERE5qrmrt9MgL5turdSZt4gcScUlEREREREROao5q7ZzYscm6ktTRMql4pKIiIiIiIhUqOBAMZ+u28WAjrolTkTKp+KSiIiIiIiIVOiz9TspKCpmgPpbEpEKqLgkIiIiIiIiFZq5chugzrxFpGIqLomIiIiIiEiFZqzcRoem9WjftF7UUUQkpnKiDpBphvzsDfYXFjP/njFRRzlElzvGA7Bi7IURJzlUXHPd/OzHNGuQw90Xnxh1FKmh4mLnw+Vbad24Dt016olIrYjrNVtEolFyTQBdF1KZuzNjxVaGd2sRdRQRiTG1XEqi/v8zgS17CtldUESPO8dX/oAkKfsff9npqMU115f+/D6vzFnLE+9/zn+/OC/qOFJDz81Yxf1vLeKn4+azelt+1HFEUl5cr9kiEo1rHtR1IF2s3raXDTv3M7Rzs6ijiEiMqbiURHsLikunDxQfZUGJtR35BaXT63fujTCJHItd+woBKCp29hYURZxGREQkvcxZHXUCqS3TV2wFYGiX5hEnEZE4S1hxycz6mdn7ZjbVzB6zwO/C3+8vs1yV5qWD2f99JhZOP/utYZFmKet7IzuVTl8zrG2ESQ517xf7lE7/++aTIkxyqCevO5kuLerTp10jHr5qcNRxpIauPKkTFw1oz7fP6E7PNo2ijiOS8jrmHpy+elB0OUQkHmbrNri0MX3FNhrVzaGX3i+JyFEkss+lhe5+KoCZPQacBDRw9xFm9mczGwYUVWWeu09PYM6kadCgActj+B/tTeedyE3nxa/voMtP6srlJ3WNOsYR2jWtx+Tvj4w6hhyjRnVz+frJnaOOIZI23v1Z/P5/E5FoqZ+l9DBjxVaGdG5GdpZVvrCIZKyEtVxy98Iyv+4HRgMTw98nAsOBU6o47xBmdr2ZzTCzGZs2bUpAehERERERkcy2Pb+AxRt3M0y3xIlIJRLa55KZXWxm84HWBK2kdoZ/2gE0A5pWcd4h3P0Rdx/q7kNbtWpV7nP/74TP+N4LcygqildfKj3uHE+3H41n165dUUc5xHm/e4dz75scdYxDuDvvL9nMR8u3Rh1FRGJi8N0T6HLHeAbfPSHqKCIikkG63jGeLneM5/ZnZ0QdJammLQveh6u4JCKVSWhxyd1fcfd+wBrgANA4/FNjYHv4ryrzquX3by7kkSnLeOnjNVz7xMxj2ILa1fPO8RwohmKHE38xJeo4pUbdO5mFG3azaOMezvj121HHKTVp4UYeeHsx9725kGnLtkQdR0RiYOveokN+ioiIJNroe9/Gw+kX52yINEuyvbdkM/Xzshl4XNOoo4hIzCWyQ+86ZX7dCThwdvj7aGAa8EEV51VLfuHBodj2F8bnA0ixV75MFArKtO4qiNEwdmWzxCmXiIiIiGSOTB5V9r2lmzmpa3PycjTIuIgcXSKvEmPM7B0zewdoA4wF9pnZVKDY3T9y91lVmVfdJ77zghO4aEA7Tu/Rkoe/MaQ2t+mYzL7zjNLpl288oiupyLx92wjaNKpDq4Z5TLzljMofkCTn9GnLNad04drTujKiZ8uo44hIDORmHfpTREQk0d6785zS6RPaNIgwSXKt27GXZZv2cFp3vQ8XkcolbLQ4dx8HjDts9i3lLFeledX1+yviNw7yd1/4pHT6tr/PZVJMRhzr9dM3S6f7/ezN2Izs0e+n/2bvgWC6Rf0cZv70vGgDhSYv3MgP/jGXvJws/u+bwzQsq0gSLf5lPK5PEr0ud4w/5Pe4/N8lIgeVPU9T/RxN9fw18d6SoFuK03qouCQildN3v0n0zqKD/QYt35IfYZLUUFJYAtiSf6DiBZPspY/XsK+wiJ17C3l1ztqo44iIiIjEzvGHFYAl9by/ZDPNG+TRu62+SBWRyqm4lETn9mldOt2rdeY0qa2pBrlWOt2qQW6ESQ51+ZCO1MvLpmn9XC4Z1CHqOCIiGUlvYETibWEGtvRJJ+7Oe0s3c0r3FmRlWeUPEJGMl7Db4uRID39jWNQRyhXXZr6f/OyCqCOUa0TPVnx45+ioY4iIZLRlMf2/S0QOiut7TKncZ+t3sWHnfkboljgRqSJ98SciIiIiIiKl3vp0AwCjereuZEkRkYCKSyIiIiIiIlJq4qcbGdCxCa0b1406ioikCBWXREREREREBIBNu/YzZ/V2zj6hTdRRRCSFqLgkIiIiIiIiAExauBF33RInItWj4pKIiIiIiIgAQX9L7ZrUpW/7xlFHEZEUouKSiIiIiIiIkF9wgCmLNjOqd2vMLOo4IpJCVFwSERERERER3v5sI3sLi/hC//ZRRxGRFKPikoiIiIiIiPCvOWtp1agOJ3VtHnUUEUkxKi6JiIiIiIhkuF37Cpm0cBMXntiO7CzdEici1aPikoiIiIiISIZ7c8EGCg4Uc9GAdlFHEZEUpOKSiIiIiIhIhntlzlo6NK3HoOOaRR1FRFKQiksiIiIiIiIZbN2OvUxZtIlLB7UnS7fEiUgNqLgkIiIiIiKSwf4xYzXFDlcM7RR1FBFJUSouiYiIiIiIZKjiYue5Gas4rUcLOrWoH3UcEUlRKi6JiIiIiIhkqPeXbmH1tr1cMUytlkSk5lRcEhERERERyVBPTVtJ0/q5nNunTdRRRCSFqbgkIiIiIiKSgT7fks8bC9bztZM6UTc3O+o4IpLCVFwSERERERHJQP/33nKys4xrTu0SdRQRSXEqLomIiIiIiGSYHXsLeX7GKi7q3542jetGHUdEUpyKSyIiIiIiIhnmqWkryS8o4roRXaOOIiJpQMUlERERERGRDLJ7/wH+MnUZZ/ZqRd/2TaKOIyJpQMUlERERERGRDPLE+yvYnl/Ibef0ijqKiKQJFZdEREREREQyxM59hTwyZRln927NwOOaRh1HRNKEiksiIiIiIiIZ4pF3lrFjbyG3jlarJRGpPSouiYiIiIiIZIDV2/J5ZOoyLh3YnhM7qq8lEak9Ki6JiIiIiIhkgLGvfUaWwQ/G9I46ioikGRWXRERERERE0tyMFVt5de46vn1Gd9o3rRd1HBFJMyouiYiIiIiIpLEDRcXc9contGlch2+f2S3qOCKShlRcEhERERERSWOPvbeCT9bu5K6L+lI/LyfqOCKShlRcEhERERERSVOrtuZz35uLGH1Ca87v1zbqOCKSplRcEhERERERSUPuzp0vzSPL4J5L+mFmUUcSkTSl4pKIiIiIiEgaGjd7LVMXb+YHY3qrE28RSSgVl0RERERERNLQ1MWbGXhcU64a3jnqKCKS5tSbm4iIiIiISBq698v92bX/ANlZuh1ORBJLLZdERERERETSkJnRuG5u1DFEJAOouBUPdpgAABVmSURBVCQiIiIiIiIiIjWm4lKSDfnZG/S7a0LUMY7Q487x9LhzfNQxjjD4ntc5+ZcTo45xiKKiIn46bj6/f3Nh1FFE0tr9/15AlzvG0+WO+F2bRCTelixZouuHiIhIEqm4lESD7nmDLXsK2b2/KFaFnG53jOdAMRwohq4xehPW5yevsTX/ABt27mfwPa9HHafUjc/M5ukPP+cPk5Zy3xsqMIkkyu+mLC+d1gdEEamO0Y8e/P9Z1w8REZHEU3EpifYWFJVOFxdHGOQwZaN4ZCmOVFh0MM2+wvjssF37Ckunt+UXRJhEREREREREJHoqLiXRrDvPJDsLDHjlP0+OOk6pf980otzpqL1222lkG+RmGe9+/6yo45R68MrBnNy1OaN6t+J/LuoTdRyRtNWhcXbp9IqxF0aYRERSzbm9WpRO6/ohIiKSeOYep7Yq1Td06FCfMWNG1DFEJM0MHToUXVtEpLbp2iIiiaBri4gkgpnNdPehVVlWLZdERERERERERKTGVFwSEREREREREZEaU3FJRERERERERERqTMUlERERERERERGpsZTv0NvMNgErK/hzS2BzEuNUlXJVj3JVj3JVT0W5BgOzkpylJuK6X6tC2aOh7NFpCXTi2K8tcdoPccoC8cqjLBWLU550yZIq71tqIk6vUbJomzNDKmxzZ3dvVZUFU764dDRmNqOqPZsnk3JVj3JVj3JVT1xzVVUq51f2aCh7dGorf5z2Q5yyQLzyKEvF4pRHWeIvE/eLtjkzpNs267Y4ERERERERERGpMRWXRERERERERESkxtK9uPRI1AEqoFzVo1zVo1zVE9dcVZXK+ZU9GsoendrKH6f9EKcsEK88ylKxOOVRlvjLxP2ibc4MabXNad3nkoiIiIiIiIiIJFa6t1wSEREREREREZEEUnFJRERERERERERqLO2LS2Y2LOoMcWVmQ8ystZllm9klZnZu1JnKY2Y3Rp0hrsysXfjTzOxSM/uRmX3VzHKizhZHZpZrZheZ2anh71eZ2Y1m1jTqbDWVKudHKh+r6XjciIiIiIjUprTpc8nMyiuUGTDB3c9Jdp5DQpj1BYrc/bMy80529w8jzPRXgv2zH2gFrAV2Aq3d/foIc00FSg5KC3/2Bea7+xnRpDqUmfUD+gFL3X16xFnedvdRZnY/sBd4GxgIDHX3r0SY62JgorvnR5WhPGb2EjAdaAoMAf4NbAa+5u7nRZmtKlLh/KhIXI/Vqkj14waCLxOA4UAzYDswzd1nRJsq85jZje7+x6hzSGLoPBOpHZl4LmXiNmeidH+d06m4lA9MI/jAVfbDV393bxFhrt8CbYADQAvgWnffVPJBK8Jc77j7meH0PHc/MZye5O4jI8x1O9AfeNzdJ4fzXnP386PKFGaY4O5jzOxW4GxgPHAasMbd74gw10R3H13ys8z8qF/HtcBKYAPwEvCKu2+LKk+JsvvFzOa7e7/D58dZXM+PqojrsVoVaXDc/A6oA0wEdgCNgdEEX3rcHGW2qojjFzRVUVvFYDNr6u7bw+kvEH65AfzDk/wmzsyygUs57I0x8LK7H0hmljBPnPZNbM6zOO2XMENsjps47Zs47Zc4idO5lCwZus0Zd/xnwusc+9sRquFT4DJ331F2ppm9GVGeEkPLFHH6Ay+Y2fcjzgSHvvZ3lpm2wxdMJne/z8zygG+Z2Q3AM1HmKSMv/HkZMNLdi4GHzOzdCDMBPGFmjwKrzOwp4B2C4kPUFfCF7j7SzLoCXwReMrP9wDh3/1OEufaY2Y8JLuzrzOy/gK0ELfhiL8bnR1XE9VitipQ+boAh5RQzXjKzKZGkqYayX9CYWekXNMCvgMi+oKmil6idYvCLwCgz+xVB67lxBF9uXAD8R+3FrZLHgbnAsxz6xvhx4KokZ4F47Zs4nWdx2i8Qr+MmTvvmceKzX+IkTudSsmTiNj9O5h3/af86p1Nx6QsEt1ocLupv9HPMLM/dC9x9rpldBjxF8O1llK43s2x3L3L3fwGEH1rvizgX7l4A/MnMHgGuBuZEHAmgj5n9DehO8AGz5FirG10kcPcnzewt4DyCD2A5wKPuHod9hrsvB34L/NbM2gCXRBzpy8AYgm8pfwlcQ/AaXhFlqOqI6flRqbgfq5VI9eNmhpk9RPBN2U6CN3BnA7MiTVU1cf2CplIJKAafWrIvgAlm9s4xrq8murj71YfN+zhspRWlOOybOJ5ncdgvEM/jJg77Jo77JQ7ieC4lWiZucyYe/2n/OqfNbXFxZWYnASvcfWOZednAl93979Elk+ows85lfl3r7oVm1hAY4e6vRZUrrszsPHd/PeocIhIws0HAKQTf1G8HPgByou43rjJm9h5Ba9GC8PdmBF/QDHX3NpGGqwYLOq6/Gjge+Gd19ruZbQfmAScAPdx9uwX9TE539yEJCVxxlu8BZwGTCd4YNwHOAKa6+6+TmSXME5t9E+YpOc+acLAvjY8jyBG3/RKb4yZO+yZO+yVu4nIuJVOmbXOmHv/p/jqruCQiIpLGLMYDXlSmgi9ocoA73f2e6JJVLpH73czqAz2jaPlnZi2BkzhYqJwe3qoYCxHvmyEEHxqaAduIUUetUe6X8Plje9zE5Hwq+aA5Iy77JUpxPpcSJUO3OeOO/3R/nVVcEhERSWN2cMCLQ2YT8YAXVVFBgQbg9RQojJUdaASCzr1rtN/j2Km5xWDkVIvRyKRhR615wFvEoKPWOB4zYYZIj5uYHTMlHRof8kGTNO7QuCridi4lQ4Zuc8Yd/5nwOqu4JCIiksbMbCYwqrwBL1KsQBObkWCrorb2u8Vo1FmL2cipFqORSc1sSjkdtVY4P8FZYnPMhHlic9zE7Jh5kuAWvcNHjhrg7unaoXGl4nQuJUuGbnPGHf+Z8DqnU4fekgHMrIjgQpQDLAeu9nBIWRERKVdcB7yoiriOBFsVtbXf49SpedxGTo3TyKRx6qg1TscMxOu4idMxk4kdGldFnM6lZMnEbc7E4z/tX2e1XJKUYma73b1hOP0EsMjdfxFxLBERSQAzawdsKenQu8z8nHRtNn+4cjo1bw48SQSdmpvZeuANYBRBHzV7w/kz3H1oMrOEzzvJ3UceNq8NcIm7PxJBniM6zo+oQ+9YdYQfp+MmTsdMOR0aNwbOJM07NK6KdO/0uDyZts3q0Ds9X2cVlySlHFZcuoHg1oj/NDMDfk3wjbADP3f3544y/yzgboJm0QOBFwlaRN0C1AMudfelZvZl4C6gCNiRLk0WRUQkNVTQqXkko85azEZOtRQYmdTMhiW7b6E4HTPhc8fmuInbMRPnjs6jlO6dHpcnQ7dZHXqn2eus4pKklJLiUvgm6e/AX919gpl9CbgBGAO0BKYDJwOnVjD/eOBlgqFotwLLgEfd/S4zuwXo6u63mtk8YIy7rzGzproFT0REki18Mzqc4M1oyTedkbwZjVOWOOWpoPP5WI3KGEWh62jilCeqLHHteD1KmdDp8eEydJvVoXcavs4qLklKKdPnUhdgJnCuuxeFJ+s8d/+/cLkngReAkRXM3wn8d8kbPjObAvzI3d8zs1HAze5+aXhfbHfgeeBFd9+SxM0VEZEMF6c3o2GWOhzZAWtUI6LFJo/V4uiAtZAlVoWuOOWJWZZYdbweF5nQ6fHhMnSb1aF3JfNTkTr0llSz190HmlkT4FXgRuABDr6ZO1xF8wH2l5kuLvN7MeG54e43mNnJwIXAbDMbqAKTSGorU6TOJXhT/wTwe3cvNrOhwDcq+mBqZl2AU939mSTFFRlSzpvOl8IvRTI5C8QrT5w6n99NBaMsRpAlbnnilCVuHa/HRdp3elyOTNxmdeidhq+zikuSktx9h5ndDIwzsz8DU4Bvh518NyfoEO77BMd4efN7V+V5zKx72DT5QzO7CDgOUHFJJLXtdfeBAGbWGniG4H7/u8LbaY52S00X4GvhY0SSIU5vRuOUJW55LgL6mdligvcJJaMFXhBBljgVuuKWJ05Zcswsz90L3H2umV1G0PF63wiyxIa73x72G3Y2wfv4A8BKdx8bbbLECbd5EMEtvj0JbvFd6+4/izZZQr1iZq9yZIf2/4oyVIL9BmhLcCtgT4LC9krg3ihD1SbdFicppWyH3uHv/yK4Ze0pqt+h9/fc/QvheiaHv88o+zcze5GDJ/9bwK2uk0YkpZVzHelG0B9bS4I3NiXn/5nA/eFiTlCcfpOgr7blBC2eXiIYuatBuNxN7v5+eB35H2Az0I/gNt6r3N3NbFi43gYELSbPBvKBsQQjp9QB/ujuDydi+yX1lPNBy6P6oBWnLHHKY2Z/JXivsB9oBawl+MDU2t2vT3KW9kBX4PBC1yR3L0xmlrjliVmWkwha0JbNcgBoksmtY8NzCaCAiM+lZAlb65TcSluiD/BJutwuVZ4yHXoPAZYAS+LSD1silNzyamYPELzve5tgYKmh7v6VaNPVDhWXREQkoxxeXArnbSNo0XgCB4tL/wLGhn2xNQT2AadzaGG6PlDs7vvMrCfwrLsPDYtL4wi+gV4LvEfQavIj4DPgCnefbmaNCd5gXEvwxvnnZlYnXP7L7r48wbtDYi5OH7TilCVueczsnTK3OM1z9xPD6UnuPjLJWWJT6IpbHmWJvzidS8liZrcT3Jr5uLtPDue95u7nRxosgcxsgruPMbNbCfpaehU4DVjj7ndEmy4xzGyiu48u+Vlmftoc27otTkREpPz+2d4D7jOzpwk69F8dNIY8RC7woJkNBIqAXmX+9pG7rwYws9kEt9TtANaVfDPn7jvDv58L9Dezy8PHNiFoNanikvQ47IPW5eH0pAzPErc8Zd9T31lm+mh9PyZKnPZL3PIoS/zF6VxKCne/z8zygG+Z2Q1kxq33eeHPy4CR7l4MPGRm70aYKdGeMLNHgVVm9hTwDkFRMbIRV2ubiksiIpLRwtviioCNBC2XAHD3sWY2nqDPlGlmNrqch98GbAAGAFkErZtKlB00oIjg/9yyncgeEgP4rru/fgybIukpTh+04pQF4pXnejPLdvcid/8XQPhh8b4IssRpv0C88ihL/MXpXEoady8A/mRmjwBXA3MijpRofczsbwSjctchuD0VoG50kRLL3Z80s7eA8whGiswBHnX3tHmtVVwSEZGMZWatgIeAB8P+kMr+rbu7zwPmmdkpBLfNrQIalVlFE2B1ONLcNUB2JU/5GdDezIaFt8U1InhD9TrwnfB+/EIz60XQNHxPbW2rpKw4fdCKU5ZY5XH3T8qZVwC8kuwsxGi/xDCPssRczM6lpHP3A8BjUedIgpPDnz8h6GuMsAuCn0SWKAncfS1p/PqqzyUREckoZlYEzCO4pe0AQYfc94UForM42OfSH4CRBK2OFgDfBIqBCQSdfz9O0EfAPwn6TZpE0PqoYTmDBjwIzHD3x8MOvf8A1CMoLI0OH/9zghGnDNgEXOqHjWgkIiIiIhJHKi6JiIiIiIiIiEiNZUUdQEREREREREREUpeKSyIiIiIix8DMisxstpnNN7MXzKx+DdZxa00eV8G6VphZy9pYl4jUntq4Vhzj859lZqcm8znjnENql4pLIiIiIiLHZq+7D3T3fkABcEMN1nErkNQPmiKSdEe9VlggIZ/RzSwHOAuIQ1HnLOKRQ2qRiksiIiIiIrVnKtADwMxuD1sozDezW8N5DcxsvJnNCedfYWY3A+2BSWY2KVxujJnNCpd7K5zX3MxeNrO5ZjbNzPqH81uY2Rtm9rGZPUyZ4ezN7Coz+yhsLfGwmVU2qqWIJMdUoIeZdTGzT83sT8As4Dgzu9LM5oXXiP8teYCZ7Taz34bXhrfCUW8xs+5mNsHMZprZVDPrHc5/3MzuC68rzxEUs24LrwcjzGy5meWGyzYOWz3mmlkPM5sYXn9mhes3M/tNmGmemV0RPu4sM3u1TMYHzeyb4fQKM7s7XMc8M+ttZl0Oz5HwPS1JoeKSiIiIiEgtCFsGnA/MM7MhwH8QDLk9HPh/ZjYIGAOsdfcBYeuFCe7+ALAWGOnuI8MPjH8BvuTuA4Avh09xN/Cxu/cH7gT+Fs6/C3jX3QcRDNneKcxzAnAFcJq7DyQY/fLrid0LIlKZsteKcNbxwN/Cc7gQ+F9gFDAQGGZml4bLNQBmuftg4B2Ccx/gEYIRa4cA3wP+VObpegGj3f1LwEPA78LWU1OBycCF4XJfBf7p7oXA08Afw+vPqcA64IthngEEI93+xszaVWFzN4d5/0wwku6KcnJIGlBxSURERETk2NQzs9nADOBz4K/A6cBL7r7H3XcDLwIjCD5Mjjaz/zWzEe6+o5z1DQemuPtyAHffGs4/HXgynPc20MLMmgBnAE+F88cD28LlzwaGANPDfGcD3Wp300WkGsq7VgCsdPdp4fQwYLK7b3L3AwSFnjPCvxUTtECC4Jw/3cwaEhSAXgjX/TBQtujzgrsXVZDnUYIiOOHPx8ysEdDB3V8CcPd97p5PcP151t2L3H0DQXFrWBW2+cXw50ygSxWWlxSVE3UAEREREZEUtzdsGVTKzKy8Bd19Udiq6QLgV2b2hrvfc9hiBng5Dy9vnX7Yz8OXf8Ldf3TU9CKSLOVdKwD2lJ1VjfU5QYOR7Yevt4w9FczH3d8Lb8s7E8h29/lm1riCxSvKdYBDG63UPezv+8OfRaj+kNbUcklEREREpPZNAS41s/pm1gC4DJhqZu2BfHd/CrgXGBwuvwtoFE5/AJxpZl0h6GupzDq/Hs47i+B2k52HzT8faBYu/xZwuZm1LlmPmXVO0PaKSO34kOD8bxn2kXYlQSshCD6/Xx5Of43gdtidwHIz+zKUdgo+oIJ1l73OlPgb8CzwGEC4vtUlt+KZWR0LRrWbAlxhZtnhrbtnAB8BK4E+4XJNCFpIVqa8HJLiVFwSEREREall7j4LeJzgw9eHwKPu/jFwIvBRePvKfwM/Dx/yCPCamU1y903A9cCLZjaHg7fB/A8w1MzmAmOBa8L5dwNnmNks4FyC221w9wXAj4E3wse8yaG3y4hIzLj7OuBHwCRgDkEfS+PCP+8B+prZTII+mUpaPX4duC68XnwCXFLB6v8FXHZYR9pPExSkny2z3NXAzeF1432gLfASMDfM9DbwA3df7+6rgOfDvz0NfFyFzSwvh6Q4cy+vBa2IiIiIiIiIxIWZ7Xb3hrW8zsuBS9z96tpcr2Qe3fMoIiIiIiIikmHM7A8Eo9ZdEHUWSX1quSQiIiIiIiIiIjWmPpdERERERERERKTGVFwSEREREREREZEaU3FJRERERERERERqTMUlERERERERERGpMRWXRERERERERESkxv4/0Re1Wz2+E0kAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plotScatterMatrix(df2, 20, 10)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.5" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/Hedging with Real Estate/Melbourn Real Estate/MELBOURNE_HOUSE_PRICES_LESS.csv b/Hedging with Real Estate/Melbourn Real Estate/MELBOURNE_HOUSE_PRICES_LESS.csv new file mode 100644 index 00000000..a719da52 --- /dev/null +++ b/Hedging with Real Estate/Melbourn Real Estate/MELBOURNE_HOUSE_PRICES_LESS.csv @@ -0,0 +1,63024 @@ +Suburb,Address,Rooms,Type,Price,Method,SellerG,Date,Postcode,Regionname,Propertycount,Distance,CouncilArea +Abbotsford,49 Lithgow St,3,h,1490000,S,Jellis,1/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,59A Turner St,3,h,1220000,S,Marshall,1/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,119B Yarra St,3,h,1420000,S,Nelson,1/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,68 Vida St,3,h,1515000,S,Barry,1/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,92 Clydesdale Rd,2,h,670000,S,Nelson,1/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,4/32 Earl St,2,t,530000,S,Jellis,1/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/74 Hawker St,2,u,540000,S,Barry,1/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/26 Highridge Cr,3,h,715000,SP,Nelson,1/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,1 Jackson Cct,6,h,,PI,hockingstuart,1/04/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,18 Mills St,3,h,1925000,S,Cayzer,1/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/15 Drummartin St,3,u,515000,S,Douglas,1/04/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,3A Kororoit St,4,h,717000,S,Bells,1/04/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,55 Fulham Rd,2,h,1675000,S,Miles,1/04/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,41 Toolangi Rd,4,h,2008000,S,Jellis,1/04/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,9 Delmont Av,2,h,860000,SP,Barlow,1/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,57 Tatman Dr,4,h,,SN,Barry,1/04/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,14 Seventh Av,3,h,720000,S,Hunter,1/04/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,2/23 Ashleigh Rd,2,u,836000,S,Jellis,1/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6A Auburn Gr,2,h,2110000,S,Jellis,1/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,746 High St,3,h,1386000,S,Marshall,1/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,14/25 Kooyong Rd,2,u,580000,VB,hockingstuart,1/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/38 Wattletree Rd,1,u,355000,S,hockingstuart,1/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,8 The Grove,3,h,1123100,S,Ray,1/04/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/48 Karnak Rd,3,u,1270000,S,Fletchers,1/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1 Pitt St,4,h,,S,Jellis,1/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,61A Victory Bvd,3,t,1610000,S,Jellis,1/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,43 Douglas St,4,h,1435000,S,Ray,1/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,4 Jirrah Ct,4,h,1431000,S,hockingstuart,1/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,8 Mangrove Ct,4,h,996000,S,Ray,1/04/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,46 Threadneedle St,4,h,,SN,Barry,1/04/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,12 Duke St,4,h,825000,SP,hockingstuart,1/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,104/29 Belgrove Av,2,u,660800,SP,Fletchers,1/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/362 Belmore Rd,2,t,700000,PI,Walshe,1/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9 Kenilworth St,5,h,2700000,PI,hockingstuart,1/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Lynch Ct,3,h,2035000,PI,Marshall,1/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/40 Northcote Av,3,u,955000,S,Noel,1/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,306 Union Rd,4,h,1810000,S,Jellis,1/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,3 Abbott St,4,h,1850000,PI,Fletchers,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,12 Agnes Av,3,h,,SP,Fletchers,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,203 Belmore Rd,4,h,2600000,VB,Jellis,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,56 Clifton St,3,h,1220000,VB,hockingstuart,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Cumberland Av,4,h,2470000,PI,Fletchers,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Kalka St,4,h,,SP,Jellis,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/4 Maylands Av,2,u,800000,PI,Fletchers,1/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,8 Wattle Rd,4,h,880000,S,Philip,1/04/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,500 Balcombe Rd,4,h,1285000,SP,Buxton,1/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/58 Haydens Rd,2,u,835000,S,Buxton,1/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 haywood St,4,h,1445000,S,Hodges,1/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/3 Hutchison Av,2,t,,VB,Ray,1/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,39 White St,4,h,1435000,S,hockingstuart,1/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,1/15 Toohey St,3,u,675000,SP,Nelson,1/04/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,4b Hobart St,4,t,1300000,VB,hockingstuart,1/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,36a Marquis Rd,4,t,1500000,PI,hockingstuart,1/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5 Mortimore St,3,h,1340000,S,Buxton,1/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2 Smith St,2,h,,S,Woodards,1/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,40 Castlewood St,3,h,1400000,S,hockingstuart,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7/646 Centre Rd,2,u,,S,Woodards,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,35 Highview Rd,2,t,775000,S,hockingstuart,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5A MacKie Rd,3,t,920000,SP,Buxton,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,103 Marlborough St,2,h,1220000,S,Point,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,66 Paloma St,2,h,1130000,S,hockingstuart,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,45 Waratah St,4,h,1460000,S,hockingstuart,1/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,11b Ardoyne St,3,t,,S,Marshall,1/04/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,38 Ardoyne St,4,h,3000000,S,Buxton,1/04/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,28 Elmhurst Rd,4,h,1200000,PI,Noel,1/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,16 Peacedale Gr,4,h,1410000,S,Noel,1/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4 Rosalind Cr,3,h,1110000,S,Barry,1/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,53 Morrie Cr,4,h,960000,PI,Stockdale,1/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,3 Sheila St,5,h,1090000,S,Noel,1/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,47A Canora St,3,h,980000,PI,Fletchers,1/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,111B Eley Rd,3,t,,SN,Woodards,1/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,34 Lawrence St,4,h,1925000,PI,Noel,1/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/15 Vicki St,3,u,710000,S,Philip,1/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,470 Station St,4,h,985000,S,Purplebricks,1/04/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,15 Lorikeet Ct,4,h,,PN,Biggin,1/04/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,12/20 Ashted Rd,2,u,420000,SP,Noel,1/04/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,4/231 Ballarat Rd,3,h,500500,S,Village,1/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,30 Cremorne St,2,h,490000,S,Boran,1/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2/1 Hancock Cr,2,t,500000,SP,Jas,1/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,2A Campbell St,3,t,,S,Marshall,1/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Missouri Av,4,h,,SN,Hodges,1/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,26 Nepean Hwy,3,h,,SP,Marshall,1/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,435 New St,4,h,2250000,VB,Buxton,1/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Roslyn St,4,h,,S,Hodges,1/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,5/19 Beddoe Av,2,u,,SP,Buxton,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,16 Binnie St,4,h,,SN,Kay,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,20 Garden Av,4,h,,S,Buxton,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,75 Marriage Rd,3,h,1958000,S,Marshall,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,81 Marriage Rd,4,h,2137000,S,Marshall,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Murray St,4,h,,SP,Marshall,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Sunlight Cr,4,h,2975000,S,Marshall,1/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,58 Gerbert St,4,h,,PI,Prof,1/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,145 Graham St,3,h,457000,S,YPA,1/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,137 Albert St,3,h,,SP,Jellis,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,53 Amelia St,2,h,740000,PI,Nelson,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,160 Brunswick Rd,3,h,,S,Jellis,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Cassels Rd,3,h,900000,SP,hockingstuart,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,70 Gold St,4,h,1250000,PI,Jellis,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,31 Gray St,4,h,,S,Nelson,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,27 Hanover St,2,h,1225000,SP,Nelson,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Lanark St,3,h,1120000,S,Nelson,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/4 Mitchell St,2,t,560000,S,Nelson,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9 Pitt St,3,h,1685000,S,Nelson,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,301/34 Union St,2,u,625000,S,Rombotis,1/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,217 Glenlyon Rd,3,h,1470000,S,Nelson,1/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1/164 Nicholson St,2,h,860000,S,Woodards,1/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,370 Albion St,3,t,900000,S,Ray,1/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/21 Everett St,2,u,398000,S,Nelson,1/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/28 McLean St,2,h,576000,S,Biggin,1/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,33 Newman St,4,h,1400000,VB,Nelson,1/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5 Teague Av,5,h,,S,Jellis,1/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,487 Victoria St,3,h,850000,PI,Brad,1/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,1 Victoria St,4,h,1150000,SP,Jellis,1/04/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Florida Ct,2,t,525000,S,Barry,1/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Gordon St,4,h,740000,S,Barry,1/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7/27 Princeton Tce,2,u,340000,PI,Ray,1/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,12 Andrews St,5,h,1265000,S,Jellis,1/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,26 Cromwell St,3,h,1000000,PI,Buxton,1/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,1/451 Highbury Rd,4,t,1460000,S,Jellis,1/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2/451 Highbury Rd,4,t,1200000,SP,Jellis,1/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,19 Lincoln St,4,h,935000,S,Barry,1/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2/2 Sitar Ct,3,u,780000,S,J,1/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,1/565 Burke Rd,2,u,868000,SA,RT,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/17 Hollsmoor Rd,3,t,1375000,S,Garvey,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1a Mabel St,2,h,1235000,S,Jellis,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,36 Spencer Rd,3,h,1510000,PI,Marshall,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,38 Spencer Rd,3,h,1520000,S,Jellis,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/7 Stanhope Gr,2,u,835000,S,Prowse,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/1295 Toorak Rd,2,u,495000,PI,Domain,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4 Waterloo St,6,h,,S,Marshall,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Webster St,4,h,2100500,S,Fletchers,1/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,16 Parlington St,5,h,3300000,VB,Jellis,1/04/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,516/1 Bouverie St,2,u,,SP,Nelson,1/04/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,787 Rathdowne St,2,h,1470000,S,Nelson,1/04/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,79 Wilson St,3,h,2410000,S,Nelson,1/04/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2 Milton St,4,h,1775000,S,hockingstuart,1/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,67 Woornack Rd,3,h,,SP,Ray,1/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9/80 Woornack Rd,1,u,295000,S,Ray,1/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,26 Bursaria Dr,4,h,629000,S,Sweeney,1/04/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,17 The Entrance,2,t,406000,S,Barry,1/04/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,13 Wright St,3,h,825000,S,Ray,1/04/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,67 Gamble Rd,4,h,581500,S,Donovan,1/04/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,15 Grange Rd,3,h,1400000,S,Gary,1/04/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,42A Cromwell St,2,h,,SN,Gary,1/04/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,2/466 Kooyong Rd,2,u,,SN,Gary,1/04/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,498 Kooyong Rd,3,h,1538000,S,Biggin,1/04/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,10 Myora Ct,3,h,1354000,S,Ray,1/04/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,29c Ella Gr,3,u,886000,S,O'Brien,1/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,103 Park Rd,4,h,,SN,O'Brien,1/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chintin,24 Porcupine Ct,5,h,,PN,LJ,1/04/2017,3756,Northern Victoria,39,44.2,Macedon Ranges Shire Council +Clayton,33 Dunstan St,7,h,4000000,S,Darras,1/04/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,9B Hourigan Av,4,t,1010000,S,C21,1/04/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,3/32 Madeleine Rd,2,t,697500,S,C21,1/04/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,11 Monash Pl,4,h,,SN,Hodges,1/04/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,24 Kitson Rd,3,h,800000,S,C21,1/04/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,31 Clifton Av,4,h,,S,Nelson,1/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,6/37 Groom St,3,h,1805000,S,Nelson,1/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,208 Noone St,3,h,1400000,S,Nelson,1/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,253 Bell St,3,h,1032500,S,Nelson,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,100 Clarendon St,3,h,1070000,SP,Peter,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,116 Gordon St,3,h,1005000,S,Barry,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,43 Linda St,2,h,905000,SP,Peter,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8/2 McKay St,2,u,412000,S,Del,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,30 Quarry Cct,1,u,333000,SP,Woodards,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7 Railway Pl,2,h,797500,S,Ray,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/3 Wardens Wk,2,u,430000,SP,Woodards,1/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,23 Ida St,2,t,490000,S,Ray,1/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,64 Ronald St,4,h,960000,SP,Nelson,1/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,49a Otter St,2,t,,S,Jellis,1/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,2/136 Oxford St,2,u,960000,S,Nelson,1/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,7A Amstel St,3,h,356500,S,Jason,1/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Bingin Pl,5,h,,SN,Barry,1/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Meadowbank Ct,4,h,580500,S,YPA,1/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,163 Newbury Bvd,3,h,573000,S,Bombay,1/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Serenity Wy,4,h,475000,SP,Biggin,1/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,226 Windrock Av,3,t,385000,S,Ray,1/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,37 Boronia Av,3,h,,PI,iSell,1/04/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne North,22 Horsfield St,3,h,475000,S,LJ,1/04/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,174A Lincoln Rd,3,t,744000,SP,Fletchers,1/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4 Nelson Rd,4,h,,SN,Philip,1/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,40 Pascoe Av,3,h,,SP,Fletchers,1/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1 Robinson St,3,h,746000,S,Philip,1/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,59 Wicklow Av,3,h,965000,S,Carter,1/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,31 Phillip St,3,h,455500,S,Barry,1/04/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,10 Aratula St,3,h,800000,SP,O'Brien,1/04/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,24 Grandview Av,3,h,610000,S,McLennan,1/04/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/1 Stud Rd,2,u,,PI,Biggin,1/04/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,4/3 Rhoden Ct,2,u,307000,S,buyMyplace,1/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Darley,24 Swans Rd,3,h,,SN,Raine,1/04/2017,3340,Western Victoria,2992,37.5,Moorabool Shire Council +Deepdene,19 Terry St,2,h,1610000,S,Noel,1/04/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,20 Davitt Dr,5,h,589000,S,YPA,1/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,20 Doherty St,4,h,603000,S,Bells,1/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,1/25 Yeats Dr,3,h,335000,S,Ray,1/04/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,27 Fairview Cr,4,h,730000,SP,Mason,1/04/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,6 Balcombe Pl,4,h,920000,S,Buxton,1/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Bayville Dr,3,h,770000,S,Buxton,1/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,17 Emery Dr,4,h,1140000,S,Buxton,1/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,34 Marcus Rd,4,h,910000,S,Ray,1/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,16 Toorak Dr,4,h,883850,S,Buxton,1/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,73 Ayr St,4,h,1556000,S,Barry,1/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11 Koolkuna Av,4,h,,PI,Philip,1/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,48 Blackburn Rd,4,h,1249000,S,Lindellas,1/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/3 Elizabeth St,3,t,950000,S,Parkes,1/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/60 Franklin Rd,3,t,820000,S,Noel,1/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,58 Huntingfield Dr,4,h,1730000,S,Jellis,1/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,21A Maggs St,3,h,,SN,Woodards,1/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,11 Chaim Ct,3,h,1260000,S,Jellis,1/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,13 Hillcrest Ct,4,h,1300000,SP,Fletchers,1/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,22 Ormond Rd,3,h,1820000,S,Nelson,1/04/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,16/246 Albert St,1,u,675000,SP,Caine,1/04/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,138 Powlett St,4,h,4150000,S,Caine,1/04/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,17 Joffre Av,3,h,1130000,S,hockingstuart/hockingstuart,1/04/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,29 Downshire Rd,3,t,1683000,S,Biggin,1/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,32 Downshire Rd,4,h,,S,RT,1/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2 Park St,3,h,2250000,VB,Biggin,1/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,14 Floriston Gr,3,h,840500,SP,Morrison,1/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,14 Lamorna Ct,3,h,900000,S,Barry,1/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,89 Napoleon St,3,h,837000,S,Morrison,1/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,34 Weidlich Rd,4,h,1000000,S,Barry,1/04/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,8/74 Mitford St,1,u,,PI,Chisholm,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,15/125 Ormond Rd,2,u,800000,S,Chisholm,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/22 Shelley St,2,u,805000,S,Chisholm,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/30 Shelley St,3,u,,SP,Chisholm,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/115 Tennyson St,2,u,,SP,Whiting,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,68 Tennyson St,4,h,2985000,S,Kay,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,8 Wimbledon Av,5,h,,S,Chisholm,1/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,6 Fleming Cl,4,h,690000,S,O'Brien,1/04/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,50 Farmhouse Bvd,3,h,497000,S,Harcourts,1/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,24 Guinea Ct,3,h,507500,S,Love,1/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,29 Inverloch St,5,h,1010000,S,Ray,1/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,40 Bradshaw St,4,h,1930000,S,Nelson,1/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,118 Deakin St,4,h,1399000,S,Nelson,1/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,23 Gilbertson St,3,h,1512000,S,Nelson,1/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,12 McCarron Pde,4,h,2000000,SP,Frank,1/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/46 Richardson St,3,u,552000,S,Rendina,1/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,12/25 Winifred St,2,u,860000,S,Nelson,1/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2B Cowper St,4,h,946000,S,Nelson,1/04/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,32 Garnet St,3,h,1430000,S,Nelson,1/04/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,232 Darebin Rd,4,h,1270000,SA,RT,1/04/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,13 Birchwood St,3,h,635000,S,Barry,1/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,22 Emma St,3,h,630000,PI,Love,1/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Emma St,3,h,705000,S,Brad,1/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Minona St,3,t,625000,S,Brad,1/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2 California Cr,3,h,665508,SP,Barry,1/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,32 Gaydon St,3,h,691000,S,Win,1/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2/25 Hutton Av,3,h,,PN,Biggin,1/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,12 Kingston St,4,h,815000,S,Schroeder,1/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,50 Wattletree Rd,3,h,730000,S,Biggin,1/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,36 Palmer St,4,h,,S,Nelson,1/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,7/19 Victoria St,1,u,720000,SP,Jellis,1/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,64 Barkly St,3,h,1890000,S,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,6 Ivan St,3,h,1454000,S,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,123 Miller St,4,h,2061000,S,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,497 Napier St,3,h,1310000,SP,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,5/240 Queens Pde,2,u,995000,S,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,88 Rowe St,4,h,3259000,S,Jellis,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,245 Scotchmer St,5,h,,S,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,89 Scotchmer St,3,h,,S,Nelson,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,53 Tait St,2,h,1325000,S,Collins,1/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,509/250 Barkly St,1,u,331000,SP,McGrath,1/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3 Railway Pl,3,h,1000000,PI,Jas,1/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Swan St,2,t,771000,S,Jas,1/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,4 Lowana Cr,3,h,1260000,S,Barry,1/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,21 Glenview Cr,3,h,508000,S,Eview,1/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Yuille St,2,h,501500,S,McGrath,1/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,5 Silvertop St,3,h,450000,S,Aquire,1/04/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,56 Christopher Dr,4,h,351000,SP,O'Brien,1/04/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,6 Reeves Cl,4,h,650000,S,Raine,1/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,1C Belmont Av,3,t,,S,Jellis,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,18 Creswick St,3,h,3730000,S,Wilson,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2A Dundas St,3,h,1225000,S,Buxton,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6/4 Hillside Pde,3,t,,S,Jellis,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14b Lithgow St,4,h,1500000,VB,Marshall,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,39 Mills St,4,h,,S,Marshall,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,30 Peate Av,4,h,,S,Jellis,1/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/97 Bogong Av,4,t,1100080,SP,McGrath,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Botanic Dr,4,h,1520000,SP,LLC,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,28 Edith St,7,h,1716000,S,Harcourts,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,40 Fraser St,5,h,1100000,PI,Roger,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Harvie St,4,h,1467000,S,Harcourts,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Pepperell Av,3,h,1600000,PI,Fletchers,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,43 Ranfurlie Dr,4,h,1311000,S,Ray,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Sutton Ct,3,h,,PI,Harcourts,1/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,69A Maude Av,3,t,582000,S,Eview,1/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,29 Balerno Cir,3,h,536000,S,Nelson,1/04/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,140 Gowanbrae Dr,3,h,696000,S,Jellis,1/04/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,2 Akima Cl,3,h,757000,S,Darren,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,49 Albion Cr,4,h,860000,PI,Ray,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,12 Armstrong St,3,h,768000,S,Fletchers,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,109 Delta Rd,4,h,812000,S,Barry,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,207 Hickling Av,3,h,782000,S,Buckingham,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,30 Kempston St,3,h,725000,S,Ray,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/18 Lorimer St,4,h,680000,S,Barry,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,13 Ridge Rd,3,h,882000,S,Darren,1/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,3 Clifton Rd,4,h,,SN,Barry,1/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Wichill Cl,4,h,632000,S,Jason,1/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,23 David St,4,h,,PI,Brad,1/04/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,4 Knole St,4,h,812000,S,Barry,1/04/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,15 Regent St,3,h,837000,S,Stockdale,1/04/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,30 Tristan Ct,3,h,473000,SP,Nelson,1/04/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,42 Earlsfield Rd,4,h,,S,RT,1/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,21 Grout St,3,h,2288500,S,Hodges,1/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,307/427 Hampton St,2,u,750000,S,hockingstuart,1/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/2 Myrtle Rd,3,t,1510000,S,Buxton,1/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,229 Thomas St,3,h,1500000,PI,Nick,1/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,6/32 Berkeley St,3,u,855000,S,Jellis,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12 Colvin Gr,3,h,,S,Marshall,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11 Elmie St,4,h,,SP,Marshall,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/35 Elphin Gr,2,u,490000,S,Jellis,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/472 Glenferrie Rd,2,u,620000,PI,hockingstuart,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/578 Glenferrie Rd,2,u,600000,S,Marshall,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,27 Melville St,3,h,,S,Marshall,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/48 Oxley Rd,3,u,975000,S,Marshall,1/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heathmont,1/13 Lorienne St,2,h,,SN,Barry,1/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,9/106 Brown St,2,u,655000,S,Miles,1/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,7 Kent Ct,4,h,1420000,S,Miles,1/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,44 Marie Av,3,h,786000,S,Barry,1/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,71a Porter Rd,2,u,,S,Nelson,1/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4 Spencer St,3,h,959000,S,Barry,1/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1 Mulberry Pde,3,h,720000,S,Fletchers,1/04/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,30 Avoca St,4,t,,PI,Hodges,1/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2 Hazel Av,3,h,1322000,S,Buxton,1/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Morley Cr,4,h,,PI,Buxton,1/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,5 Anastasia Ct,4,h,612500,S,Sweeney,1/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,8 Honeysuckle Av,4,h,630000,SP,Prof.,1/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,98 Barber Dr,4,h,715000,S,Greg,1/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Clay Av,3,h,,S,YPA,1/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,30 Elder Rd,4,h,686500,S,Ray,1/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2 Arthur St,2,h,1065000,S,hockingstuart,1/04/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,6A Maroo St,4,h,1355000,S,Woodards,1/04/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,31 Berkeley St,3,h,1145000,S,Ray,1/04/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,13 Dalveen Rd,2,h,792000,S,Nelson,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,107 Ford St,3,h,1440000,SP,Nelson,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,24 Latham St,4,h,,S,Nelson,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/6 Merton St,2,u,660000,VB,Miles,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4 Meryton La,3,h,1977000,S,Miles,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,81 The Boulevard,3,h,1840000,SP,Nelson,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,123 Valentine St,4,h,1275000,PI,Haughton,1/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,30 Townsend St,3,h,1781000,S,Nelson,1/04/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,42 Hales Cr,3,h,575000,S,YPA,1/04/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,14 Landy Rd,3,h,542000,S,Barry,1/04/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,18 Wimmera Cr,3,h,569000,S,Barry,1/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,3 Ash Gr,3,h,950000,S,Nelson,1/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,20 Border Dr,4,h,850000,S,Nelson,1/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,60 Clarks Rd,3,h,,S,Brad,1/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,165 Sterling Dr,3,h,756000,S,Barry,1/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/33 Surrey Dr,3,h,,SP,Barry,1/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,42a Wonganella Dr,3,u,680000,S,Brad,1/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,14/8 Mawbey St,1,u,360000,VB,Edward,1/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,202/60 Speakmen St,1,u,325000,PI,Edward,1/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,141 Stockmans Wy,4,h,1103000,S,Jellis,1/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,123 The Crescent,2,h,901000,S,Purplebricks,1/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,100 Westbourne Rd,2,t,,SN,Edward,1/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,4/178 Brougham St,2,u,653000,S,Jellis,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Byron St,4,h,,S,Jellis,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,45 Cobden St,3,h,,SP,Marshall,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,119 Derby St,3,h,2000000,S,Noel,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Disraeli St,3,h,,SN,Kay,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Ferguson St,4,h,1610000,S,Marshall,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,66 Fitzwilliam St,3,h,,S,Jellis,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,30 Hodgson St,3,h,,PN,Philip,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Kellett Gr,4,h,2315000,SP,Marshall,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Lalla Ct,3,h,1050000,VB,Jellis,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 Miller Gr,3,h,,S,Marshall,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,36 Normanby Rd,3,h,2155000,SP,Marshall,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15/152 Princess St,3,u,830000,SP,Jellis,1/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,15 Cole Av,5,h,,SP,RT,1/04/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,6 Meldrum St,4,h,1770000,S,Jellis,1/04/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,12 Warragamba Ct,3,h,600000,PI,Ray,1/04/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,28 Chirnside St,3,h,,PI,Village,1/04/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,29 Queensville St,3,h,,PI,hockingstuart,1/04/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,26 Wales St,3,h,,SP,Jas,1/04/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,22 Lakewood Dr,4,h,,SN,Barry,1/04/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kurunjang,33 Skipton St,4,h,,SN,Barry,1/04/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,1 Hammersley Ct,3,h,592000,S,Iconek,1/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,20 Harmony Cl,4,h,,PN,Stockdale,1/04/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +MacLeod,19 Kinlock St,5,h,,S,Barry,1/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,23 Lookout Ri,4,h,1120000,VB,Miles,1/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/12 Oban Wy,3,u,710000,S,Darren,1/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,62 Strathallan Rd,3,h,915000,S,Ray,1/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,8 Mandrel St,2,u,,PI,Barry,1/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,12/9 Ascot St,1,u,360000,PI,Sotheby's,1/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,21 Embling Rd,4,h,2400000,VB,Marshall,1/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,9/423 Glenferrie Rd,3,h,1350000,S,Kay,1/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6/12 Irving St,1,u,450000,S,Jellis,1/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2A Robinson St,4,h,,SN,Abercromby's,1/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,28 Cairnes crescent,3,h,,S,hockingstuart,1/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,12 Darling Rd,3,h,2000000,S,Woodards,1/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/37 Darling Rd,3,t,1150000,VB,Marshall,1/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,29 Hillsdale Av,3,h,813000,S,RT,1/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,11/97 Raleigh Rd,2,u,330000,S,Raine,1/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Woodruff Av,5,h,1425000,SP,Nelson,1/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,209/66 Bent St,3,u,875000,PI,Buxton,1/04/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,5 Fitzroy St,2,h,1265000,S,Buxton,1/04/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,48 Lees St,3,h,1200000,SP,Buxton,1/04/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,14 Ironbark Ct,3,h,520000,S,Harcourts,1/04/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,66/538 Little Lonsdale St,2,u,605000,S,McGrath,1/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,814/70 Queens Rd,2,u,649000,PI,hockingstuart,1/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,13/30 Russell St,1,u,440000,SP,Harcourts,1/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,19 Joan St,3,h,431000,S,Raine,1/04/2017,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,13 Coolabah St,4,h,1300000,S,Buxton,1/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/30 Riviera St,1,u,337000,S,hockingstuart,1/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,148 Warrigal Rd,3,t,,S,Obrien,1/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,5 Vasari Gdns,4,h,525500,S,Harcourts,1/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,19/109 Nimmo St,2,u,800000,S,hockingstuart,1/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/12 Buckmaster Dr,3,h,425000,S,Love,1/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,33 Buckmaster Dr,3,h,595500,S,Harcourts,1/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Hinkler Dr,3,h,660000,S,Nelson,1/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,5 Fawcett St,4,h,,SN,Noel,1/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,12 Milne St,3,h,1300000,SP,Noel,1/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,16 Davey Rd,3,h,820000,SP,Fletchers,1/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,373 Main Rd,3,h,725000,S,hockingstuart/hockingstuart,1/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,67 Bowen St,2,h,1180000,S,Nelson,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1 Lawson St,2,h,910000,S,Brad,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,33 Lennox St,3,h,887500,S,Rendina,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6 Lethbridge St,3,h,1143000,S,Brad,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,110/521 Mt Alexander Rd,3,u,,W,Nelson,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,22 Scotia St,3,h,1117500,S,Grantham,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,51 Wordsworth St,3,h,1330000,S,Jellis,1/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,14 Gwenda Av,2,h,800000,S,Ray,1/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,52 Marrbridge Rd,5,h,1410000,S,Woodards,1/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/1015 Nepean Hwy,1,t,457500,S,Buxton,1/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,5 Chaucer St,3,h,778000,S,Hoskins,1/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,2/144 Chute St,3,t,822000,S,Hodges,1/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,8 Rivette St,3,h,895000,S,Buxton,1/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1 Winterset Cl,4,h,1300000,PI,O'Brien,1/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,4/1 Adrienne Cr,2,u,568888,S,Ray,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Amber Gr,5,h,3105000,S,Ray,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Bambra Ct,4,h,1500000,S,Buxton,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Byrd Ct,3,t,1030000,S,Buxton,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/3 Elm Gr,2,u,,S,Noel,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/8 Grenfell Rd,4,t,,PI,Ray,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Josephine Av,5,h,,SP,Jellis,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Larch Cr,4,h,1275000,PI,Barry,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Larch Cr,3,h,1360000,S,Barry,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Monomeith Cr,5,h,,SN,Ray,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Seaton Ct,5,h,,PI,Philip,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Smyth St,4,h,980000,SP,Barry,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/93 Stanley Av,3,t,,S,Buxton,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Toirram Rd,5,h,1601000,SP,Harcourts,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Wadham Pde,4,h,1780000,S,Barry,1/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,20 Brunton Cr,3,h,630000,S,Ray,1/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Cooley La,4,h,925000,S,Fletchers,1/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Dirkala Ct,3,h,868000,S,Ray,1/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,4 Fiji Ct,5,h,880000,S,Ray,1/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,35 Merrill St,3,h,920000,S,Ray,1/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,11 Adams St,4,h,1550000,VB,Gary,1/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/11 Howe St,2,u,720000,PI,Buxton,1/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/5 Murrumbeena Rd,2,u,586500,S,Marshall,1/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,7 Feldspar Ct,3,h,551000,SP,Schroeder,1/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,13 Greg Ct,4,h,510000,SP,Benchmark,1/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,313 Douglas Pde,2,h,1032000,SP,Raine,1/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,18 Latrobe St,3,h,1270000,S,RT,1/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,2 Parramatta Cr,4,h,710000,S,iSell,1/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,18 Molesworth St,6,h,1815000,S,Woodards,1/04/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/150 Peel St,1,u,420000,SP,Jellis,1/04/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,268 Clarke St,2,h,1200000,PI,Nelson,1/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/54 Cunningham St,1,u,345000,PI,Woodards,1/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,57 Henry St,3,h,,S,Collins,1/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/49 James St,3,t,1075000,SP,McGrath,1/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,72 Thomson St,3,h,1332000,S,Collins,1/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/28 Wilmoth St,1,u,,PI,Love,1/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,16 Heather Gr,3,h,685000,S,Noel,1/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,14 Laughlin Av,3,h,1185000,S,Barry,1/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,15 Suffolk St,3,h,806000,S,Philip,1/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,18 Kerr Av,3,h,857000,S,Eview,1/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,11 Vincent St,4,h,945000,S,Barry,1/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,5/28 Devon Gr,4,t,986000,S,Ray,1/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,19 Delos St,2,h,1120000,S,Woodards,1/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/1 Wallace Av,3,u,710000,PI,Ray,1/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,10/30 Lillimur Rd,2,u,420000,S,Woodards,1/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,8/38 Lillimur Rd,2,u,490000,SP,Buxton,1/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,587 North Rd,3,h,,S,Buxton,1/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/31 Wheeler St,3,t,1100000,S,hockingstuart,1/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,24 Osborn Gr,3,h,378000,S,Ray,1/04/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,5 Fourth St,3,h,1260000,S,Thomson,1/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,69 McSwain St,3,h,1200000,S,hockingstuart,1/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,9/410 Nepean Hwy,2,u,669000,S,Hodges,1/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,1/238 The Avenue,1,u,668000,S,Jellis,1/04/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,15 Alexandra St,4,h,945000,S,Brad,1/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/79 Bolingbroke St,2,t,650000,SP,Alexkarbon,1/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Essex St,4,h,1510000,S,Peter,1/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6/422 Gaffney St,2,t,522000,SP,Brad,1/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/6 Olive Gr,3,u,760000,S,Nelson,1/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4 Stennis St,3,h,930000,S,Nelson,1/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,11/41 Gladesville Bvd,3,t,645000,S,Hodges,1/04/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plenty,34 McLaughlans La,4,h,,SP,Morrison,1/04/2017,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,52 Lancaster Dr,3,h,641000,SP,hockingstuart,1/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,30 Seagrass Cr,4,h,720000,VB,hockingstuart,1/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,115/1 Danks St W,2,u,625000,S,hockingstuart,1/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,196 Nott St,3,h,1400000,S,Chisholm,1/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6/117 Rouse St,4,t,2090000,SP,Marshall,1/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,511/166 Rouse St,1,u,505000,S,Hodges,1/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,37 The Bend,3,h,1650000,S,Frank,1/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,4/10 Highbury grove,1,u,311000,S,hockingstuart,1/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10 Murray St,2,h,1325000,S,hockingstuart,1/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3 Newry St,3,h,,S,Jellis,1/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,501/36 Porter St,2,u,940000,S,Matthew,1/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2/177 Bell St,3,t,893000,S,Barry,1/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8/466 Bell St,2,u,410000,VB,Nelson,1/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,20 Opal St,3,t,640000,VB,Nelson,1/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Osborne Gr,3,h,1239500,S,Barry,1/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Tyler St,2,h,530000,S,Love,1/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2 Botha Av,3,h,610000,S,Love,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Colthur St,2,h,710000,S,Nelson,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Dawson St,3,h,,S,Nelson,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/60 Dundee St,1,u,357500,SP,Ray,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/23 Glasgow Av,2,u,560000,S,Nelson,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/42 Harbury St,2,u,390000,SP,Ray,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,802 High St,4,h,,S,Nelson,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,55 Hughes Pde,3,h,700000,PI,Barry,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,33 Lane Cr,2,h,846000,S,Love,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Liston Av,3,h,500000,SP,Barry,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 McIvor St,5,h,1100000,PI,Barry,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20A Newton St,3,h,,SN,Ray,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/56 Orrong Av,2,t,655000,S,Nelson,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/94 Purinuan Rd,2,h,520000,S,hockingstuart,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,84 Rathcown Rd,3,h,850000,SP,RW,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/14 Sturdee St,3,t,,PN,Barry,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Whitelaw St,3,h,886500,S,Ray,1/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,40 Abinger St,2,h,1110000,S,Collins,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,106/1 Barnet Wy,2,u,906000,S,Jellis,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1A Benson St,2,t,1100000,PI,Marshall,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/366 Church St,2,u,610000,VB,Jellis,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/25 Coppin St,1,u,550000,S,Jellis,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30/81 Edinburgh St,2,u,514500,SP,hockingstuart,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,112 Richmond Tce,3,h,,S,Jellis,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Shaw St,3,h,1619000,S,Jellis,1/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,22 Melvins Rd,3,h,410000,S,Raine,1/04/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,8/307 Canterbury Rd,3,t,,SP,Fletchers,1/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/26 Greenwood Av,2,u,,S,Barry,1/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2 Walmer St,3,h,739000,S,hockingstuart,1/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,37 Holland Rd,4,h,901000,S,Fletchers,1/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,12 Shasta Av,3,h,700000,S,Philip,1/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,36 Cantala Cr,3,h,805000,S,Carter,1/04/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,66 Bellevue Av,3,h,,SP,Nelson,1/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/5 Ruthven St,2,t,,PI,Stockdale,1/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,22 Goulburn Dr,3,h,,PN,Biggin,1/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,4 Hodges Cl,4,h,,PI,Philip,1/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,7 Montague Ct,4,h,868200,S,McGrath,1/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,34 Boyden Sq,3,h,,PN,RE,1/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,2 Dendy Ct,4,h,462000,S,Ray,1/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,6 Korab Pl,4,h,448000,S,Fletchers,1/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,15 Reading Cl,3,h,393500,S,Raine,1/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,34 Spence Av,3,h,,PI,Barry,1/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,25A Collingwood St,4,h,,SN,hockingstuart,1/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,8 Sims St,3,h,1450000,PI,Buxton,1/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,4/74 Victoria St,3,t,,PI,Buxton,1/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,19 Pamela Ct,3,h,821000,S,Ray,1/04/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,3 Smale Ct,4,h,701000,S,U,1/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,161 Buckley St,3,h,865500,S,Village,1/04/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,6/294 Nicholson St,2,u,362000,S,Village,1/04/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,201/28 Bank St,2,u,,PI,Marshall,1/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,48a Napier St,2,u,651000,S,Cayzer,1/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,226 Gordons Rd,4,h,711000,S,Harcourts,1/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,10 Howatt Pl,4,h,560000,SP,Stockdale,1/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1/18 Old Plenty Rd,3,t,387000,SP,Stockdale,1/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Parlette Tce,4,h,,SN,Harcourts,1/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Peer St,5,h,920000,S,Iconek,1/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Tiara Dr,4,h,706000,S,hockingstuart,1/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,11 Alexandra Av,5,h,5000000,VB,RT,1/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/38 Arnold St,1,u,480000,PI,Biggin,1/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,801/45 Claremont St,2,u,495000,SP,hockingstuart,1/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1 Copelen St,4,h,,S,Jellis,1/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,14/43 Rockley Rd,2,u,705000,S,hockingstuart,1/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/12 William St,1,u,392000,S,Hodges,1/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1902/63 Whiteman St,2,u,630000,SP,MICM,1/04/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,5/11 Cullen Ct,3,t,667500,SP,Compton,1/04/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,2 Gray St,3,h,860000,S,iSell,1/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,25 Edgerunner Cct,4,h,860000,SP,FN,1/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Foxton St,3,h,610000,PI,Westside,1/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,68 Perrett Av,3,h,605000,S,YPA,1/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,76 Stradbroke Dr,3,h,645000,SA,Sweeney,1/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,11 Tullaroop Ct,3,h,,SN,Barry,1/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,210 William St,1,h,1100000,SP,Ray,1/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,407/3 Greeves St,3,u,640000,S,Gary,1/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/48 Nelson St,1,u,,SN,hockingstuart,1/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/23 Neptune St,2,u,501500,S,Whiting,1/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,3/7 Lloyd St,3,t,890000,S,Barry,1/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,39 Willonga St,4,h,1301000,S,Brad,1/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,5 Avro Ct,3,h,900000,PI,Considine,1/04/2017,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunshine,10 Alfred St,3,h,890000,S,Douglas,1/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,131 Cornwall Rd,3,h,,PI,hockingstuart,1/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3/1 McGrath St,2,u,430000,VB,Barry,1/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3 Neil St,3,h,1200000,SA,Sweeney,1/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,110 Wright St,3,h,612000,SP,Biggin,1/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,13 Balcombe St,3,h,732000,S,Barry,1/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,9 Ryan Ct,4,h,861800,S,Douglas,1/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4A Gayle Cl,4,t,630000,SP,Bells,1/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,51 Warmington Rd,3,h,,PN,Bells,1/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/5 Florence Rd,2,u,,SN,Woodards,1/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6 Meldreth St,5,h,3250000,PI,Marshall,1/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,11 Pembroke St,4,h,,PI,Marshall,1/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,11 Shepherd St,4,h,1600000,S,Fletchers,1/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3A Shepreth St,2,h,,S,Noel,1/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,452 Whitehorse Rd,3,h,,SP,Woodards,1/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,14 Lorinda Cl,5,h,593000,S,Bells,1/04/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,28 Roadhouse Wyn,4,h,547000,S,Barry,1/04/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Lakes,8 Madison Cl,3,h,,SP,Brad,1/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Strzelecki Ct,4,h,645500,S,Barry,1/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,3 Bindi Cl,5,h,1952000,S,Barry,1/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,102 Dellfield Dr,3,h,1175000,S,Jellis,1/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,20 Hillhouse Rd,4,h,1750000,S,Barry,1/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Tatterson Ct,4,h,1380000,S,Barry,1/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/61 Wood St,3,t,965000,S,ASL,1/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,1/15 Ashford St,4,h,1051888,SA,Fletchers,1/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,54 Astley St,5,h,1310000,S,Jellis,1/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Benambra Dr,4,h,1150000,S,Jellis,1/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,22 Glenair St,4,h,1255000,S,Barry,1/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1 Howitt Dr,5,h,1351000,S,Jellis,1/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,112 Pleasant Rd,3,h,1161500,SP,Jellis,1/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,115 Bickley Av,3,h,580000,S,Harcourts,1/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Burwood Ct,3,h,745000,S,Barry,1/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Cipora Pl,3,h,576000,S,Love,1/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/12 Frederick St,3,u,517000,S,Harcourts,1/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,16 Queenscliff Rd,3,h,525000,S,Barry,1/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/109 Flinders St,2,u,,PI,Woodards,1/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,22 Mansfield St,2,h,1260000,S,Woodards,1/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,138A Smith St,3,h,,S,Nelson,1/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,76 Woolton Av,4,h,1651118,S,Love,1/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,16/5 Gordon St,1,u,,SP,hockingstuart,1/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12/49 Grange Rd,2,u,580000,VB,Jellis,1/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/62 Mathoura Rd,2,u,1850000,S,Marshall,1/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8 Mathoura Rd,3,h,,S,Marshall,1/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/91 Mathoura Rd,3,u,855000,S,Jellis,1/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/568 Toorak Rd,3,h,1600000,PI,Marshall,1/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,23 Kalimna Wy,3,h,,PN,Reliance,1/04/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,12 Brunton Cr,4,h,695000,S,YPA,1/04/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,29 Lackenheath Dr,3,h,560000,S,Langwell,1/04/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/20 Waratah Av,2,h,,SN,Barry,1/04/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,1 Citron Ct,4,h,1120000,PI,Fletchers,1/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,641 Springvale Rd,4,h,,PI,Ray,1/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,16 Milpera Cr,5,h,,SN,Woodards,1/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,44 Arbroath Rd,4,h,921000,S,Ray,1/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Iona Ct,3,h,,PI,Biggin,1/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Talwood Cl,5,h,1390000,S,Ray,1/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,89 Brackenbury St,4,h,,SN,Gardiner,1/04/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warrandyte,48 Yarra St,3,h,730000,S,Carter,1/04/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Werribee,65 Market Rd,2,h,700000,S,Triwest,1/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Parrakeet Rd,3,h,452000,S,hockingstuart,1/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,12 Purchas St,3,h,,SN,Barry,1/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,15 Raleigh Ct,3,h,430000,SP,YPA,1/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,1 Park Av,3,h,720000,S,Sweeney,1/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,35 Pitt St,3,h,975000,S,Purplebricks,1/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,13 Tucker St,2,h,930000,S,hockingstuart,1/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,609/118 Dudley St,1,u,315000,S,MICM,1/04/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,21/84 Hillcrest Dr,2,t,470000,SP,Barry,1/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,66 Toora Dr,3,h,,SN,Barry,1/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,11 Belvedere Av,4,h,,PI,Stockdale,1/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,24 Blackwood Dr,4,h,1185000,S,Buxton,1/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2/14 Marykirk Dr,3,u,,PI,hockingstuart,1/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,1 Matheson Ct,4,h,1050000,S,Jellis,1/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Palmerston Cr,3,h,1131000,SP,Harcourts,1/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,156 Melbourne Rd,5,h,1700000,S,RT,1/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Pasco St,3,h,1520000,SP,Williams,1/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,7 Tobruk Cr,3,h,1621000,S,RT,1/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,48 Lewisham Rd,2,h,1670000,S,Marshall,1/04/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,2/4 Victoria St,2,u,652000,S,hockingstuart,1/04/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,4 Bellavista Dr,4,h,660000,S,hockingstuart,1/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,3 Crescendo Bvd,4,h,567500,SA,Love,1/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,8 Ludeman Dr,3,h,472500,S,Harcourts,1/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,55 Lollipop Dr,5,h,,PN,Ray,1/04/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,7 Provan Dr,3,h,380000,S,Ray,1/04/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,44 Benbow St,2,h,,S,Jas,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1 Fielding St,3,h,1381000,SP,Jas,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6 Freeman St,3,h,,SP,Sweeney,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5/150 Hyde St,2,u,607500,SP,Jas,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6a Morven St,3,h,1120000,SP,Jas,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,58 Murray St,2,h,802000,SP,Hunter,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,20 Pearce St,6,h,1550000,S,hockingstuart,1/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,256 Langridge St,3,h,1350000,S,Biggin,1/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,16 Glenys Av,3,h,858000,SP,Raine,1/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/9 Kitson Cr,2,u,593000,S,Nelson,1/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,118 Marshall Rd,3,h,640000,S,Nelson,1/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,9 South Rd,3,h,961000,S,Nelson,1/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,126 Mills St,2,h,1535000,S,Greg,1/07/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,2 Bazentin St,3,h,570000,S,Barry,1/07/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,6 Como St,4,h,2345000,S,Jellis,1/07/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,91 Lucerne Cr,4,h,,S,Kay,1/07/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,3 Parham Ct,3,h,,SN,Barry,1/07/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,151 Chambers Rd,3,h,900000,S,Greg,1/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,30 Marigold Av,3,h,,PN,Gunn&Co,1/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4/7 Prentice St,2,t,650000,SP,RT,1/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,22 Lawrence St,2,h,480000,S,Sweeney,1/07/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,52 Adelaide St,5,h,5200000,SP,Marshall,1/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,92 Langs Rd,3,h,950000,S,Rendina,1/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,40 Moonee St,4,h,,SP,Brad,1/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,4 Wippa Ct,3,h,1225000,S,hockingstuart,1/07/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Attwood,91 Stonebridge Wy,5,h,1025000,S,Stockdale,1/07/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,12a Doyle St,3,u,622000,S,Moonee,1/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,41 Herbert St,3,h,825000,SP,McDonald,1/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,38 Belmore Rd,4,h,1475000,PI,Jellis,1/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Madang Av,5,h,3050000,VB,Jellis,1/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,466 Balwyn Rd,4,h,,S,Fletchers,1/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,50 Corhampton Rd,5,h,2160000,S,Noel,1/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/18 Doncaster Rd,3,t,1050000,PI,Ray,1/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Harrington Av,6,h,,SP,Fletchers,1/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/43 Sutton St,3,h,1275000,VB,Fletchers,1/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,18B Orchard Rd,3,t,640000,S,Fletchers,1/07/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,1/19 Glen Park Rd,3,u,500000,PI,Stockdale,1/07/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,8 Toolimerin Av,4,h,825000,SP,Appleby,1/07/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,13/472 Beach Rd,1,u,,PI,Kay,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,50/34 Bodley St,2,u,800000,VB,Hodges,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,73 Charman Rd,4,h,1221000,PI,Ray,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,23 Hepburn Av,4,h,1800000,S,Buxton,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,20 Martin St,5,h,,SS,Ray,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,3 Wells Rd,4,h,1823000,S,Hodges,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11 White St,6,h,2000000,S,Ray,1/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,12 Auckland St,3,h,1365000,S,Buxton,1/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,48 Tucker Rd,3,h,1045000,SP,hockingstuart,1/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1 Gladesville Dr,5,h,1220000,S,Buxton,1/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,96 Avebury Dr,4,h,627500,SP,C21,1/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,4/5 Dewrang Cr,3,u,1095000,S,Fletchers,1/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,143 Surrey Rd,4,h,,VB,RT,1/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,32 Obrien Cr,3,h,1020000,S,McGrath,1/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,3 Shaun Av,3,h,,SN,Noel,1/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,39 Lockwoods Rd,3,h,642000,S,Stockdale,1/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Briar Hill,31A Beaconsfield Rd,3,h,840000,S,Barry,1/07/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,20 Byron St,3,h,2650000,S,RT,1/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,36/568 New St,1,u,380000,VB,Chisholm,1/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,160 Were St,5,h,3250000,SP,Hodges,1/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,18 Centre Rd,4,t,1731000,SP,Buxton,1/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1/124 Cuthbert St,3,t,465000,S,Barry,1/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,21 Graham St,3,h,518500,S,YPA,1/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/53 Stenhouse Av,3,u,665000,S,hockingstuart,1/07/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,11/757 Park St,2,u,692000,S,Jellis,1/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,36 Clarence St,2,h,1305000,S,Nicholson,1/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,14 Fleming St,3,h,,S,Nelson,1/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,36 Newman St,3,h,1100000,S,Brad,1/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/59 Smith St,2,h,573000,S,Jellis,1/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,80 Thompsons Rd,3,h,1060000,S,Fletchers,1/07/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,9 Edro Ct,4,h,,SP,RW,1/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,28 Greenwood Dr,3,h,805000,S,Barry,1/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,533 Grimshaw St,3,h,682000,S,Ray,1/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/11 Neilsen Cr,3,t,510000,S,Stockdale,1/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,31 Batman St,3,h,535000,S,Barry,1/07/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood East,2 Amaroo Ct,4,h,1088000,PI,Ray,1/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,11 Kalista Ct,3,h,1180000,S,Fletchers,1/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,16 Homebush Rd,3,h,630000,PI,YPA,1/07/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,6/9 Eddy St,2,u,677000,S,Noel,1/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,31a Morey St,3,h,,PI,Marshall,1/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/576 Riversdale Rd,2,u,670000,VB,Jellis,1/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/924 Toorak Rd,3,t,1320000,PI,Bekdon,1/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,108/2 Gascoyne St,2,u,816000,S,Nelson,1/07/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,5/50 Barkly St,1,u,350000,VB,Woodards,1/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,106/37 Palmerston St,2,u,620000,S,Woodards,1/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,113 Station St,3,h,1760000,S,Nelson,1/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,301/9 Morton Av,1,u,300000,PI,Ray,1/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,16/7 Toolondo Cl,3,h,545000,SP,Metro,1/07/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield South,30a Narrawong Rd,4,h,1800000,VB,Gary,1/07/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,3/29 Sussex Rd,2,u,1091500,S,hockingstuart,1/07/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1 Evans St,3,h,,PI,Woodards,1/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,4 Cronin Ct,5,h,1140000,S,O'Brien,1/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/14 Jack Rd,3,t,950000,S,Chisholm,1/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,15 Latrobe St,2,h,1171000,S,Ray,1/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/3 MacKenzie St,2,u,425000,S,Purplebricks,1/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,105 Wilson St,3,h,1116000,S,Ray,1/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,35 Inverness St,3,h,,VB,Grant's,1/07/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/13 Jaguar Dr,3,u,,PN,Wilson,1/07/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,13 Murdo Rd,4,h,,SN,C21,1/07/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,5/94 Roseneath St,3,u,1030000,S,Nelson,1/07/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clyde North,11 Riverbank Cl,4,h,689000,SP,Harcourts,1/07/2017,3978,Eastern Victoria,2987,43.4,Casey City Council +Coburg,126 Barrow St,2,h,900000,VB,Jellis,1/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/27 Cope St,2,u,620000,S,Raine,1/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,12 Rasmussen Ct,4,h,922000,SP,Melbourne,1/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,82a Ross St,3,t,,PI,Barry,1/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Shaftsbury St,3,h,1077000,S,Jellis,1/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,72 Camera Wk,4,h,800000,SA,Raine,1/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,29 Livingstone St,3,h,805000,PI,Jellis,1/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,13 Aston St,4,h,665000,PI,RE,1/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,59 Balyang Wy,4,h,607000,S,@Realty,1/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Brampton Cl,3,h,515500,S,RE,1/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,66 Northern Cr,4,h,509500,S,@Realty,1/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Vision Rd,3,h,660000,S,LJ,1/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,26 Mundaring Dr,5,h,572000,S,O'Brien,1/07/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Croydon,8 Banool Ct,4,h,932000,S,Hoskins,1/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/27 Leigh Rd,2,u,566100,S,RW,1/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,15 Ronald Rd,2,h,570000,SP,McGrath,1/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/26 Vernon St,4,h,875000,S,Barry,1/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,7 Wildberry Cl,3,h,,PI,Barry,1/07/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,22 Knee La,4,h,810000,SA,Gardiner,1/07/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,40 Grandview Av,3,h,585000,S,McLennan,1/07/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,5/6 MacPherson St,2,u,348000,S,McLennan,1/07/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,110 Gladstone Rd,3,h,627000,S,Barry,1/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,52 Simpson Dr,3,h,760000,SP,O'Brien,1/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,17 Norma St,2,h,621000,S,Mason,1/07/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,2/77 Centre Dandenong Rd,2,u,612000,S,Buxton,1/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,13 Carnarvon St,3,t,840000,SP,Philip,1/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/4 Frank St,3,t,945000,S,Ham,1/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,66 Saxonwood Dr,6,h,1856000,SP,Barry,1/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1 Bernarra Ct,7,h,2705000,S,Ray,1/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/11 Chippewa Av,3,t,818000,S,Ray,1/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1 Clements Av,3,h,852000,PI,Ray,1/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,33 Starboard Dr,3,h,530500,S,Buckingham,1/07/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,69 Banksia St,4,h,,S,Nelson,1/07/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,1005/166 Wellington Pde,2,u,,SP,Harcourts,1/07/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,43 Langrigg Av,3,h,1092000,S,Hodges,1/07/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,59 Bible St,3,h,975000,S,Morrison,1/07/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,6 Orbel Ct,3,h,805000,S,Barry,1/07/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,36 Arcadia Wy,4,h,770000,S,Barry,1/07/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,1/59 Progress Rd,2,h,,SP,Ray,1/07/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,3/8 May St,2,u,,SN,Morleys,1/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/1 Milton St,2,u,,S,hockingstuart,1/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/4 Poets Gve,1,u,425000,S,hockingstuart,1/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/112 Tennyson St,2,u,,PI,Wilson,1/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Emerald,18 Auhl Rd,3,h,,PI,Barry,1/07/2017,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Epping,1/309 Findon Rd,3,u,,PI,Harcourts,1/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,59 Greenfields Dr,4,h,940000,SP,Iconek,1/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/4 Grimwade Ct,2,u,437000,S,hockingstuart,1/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Simon Ct,5,h,660000,S,hockingstuart,1/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,21 Butler St,3,h,1325000,S,McDonald,1/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9/44 Fletcher St,1,u,310000,S,Considine,1/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/8 Graves St,3,t,864000,S,Brad,1/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10/30 Richardson St,1,u,291000,S,Nelson,1/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,6 Bourke St,3,h,750000,VB,Brad,1/07/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,24 Clydebank Rd,4,h,,SP,Barry,1/07/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,36 Emerald St,5,h,2200000,VB,Nelson,1/07/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Eumemmerring,51 Doveton Av,3,h,515000,S,Purplebricks,1/07/2017,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Eumemmerring,62 Doveton Av,3,h,580000,S,Barry,1/07/2017,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Fairfield,60 Station St,3,h,1550000,S,Jellis,1/07/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,61 Alec Cr,2,h,672000,S,Barry,1/07/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,75 Lowson St,3,h,720000,S,Barry,1/07/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,1/18 Doysal Av,2,u,414000,S,Ray,1/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,108 Michael St,2,h,1350000,VB,Nelson,1/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,222 Rae St,3,h,1852000,S,Jellis,1/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,372 Rae St,2,h,1100000,S,Woodards,1/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,22/155 Gordon St,2,u,,PI,McGrath,1/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Jamieson Av,3,t,815000,S,Nelson,1/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,10/30 Pickett St,1,u,170000,PI,Burnham,1/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,4 Sapphire St,4,h,1372000,S,Ray,1/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,13 Will St,3,t,850500,S,Noel,1/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,2/195 Beach St,2,u,400000,S,O'Brien,1/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,42 Kars St,3,h,640000,S,hockingstuart,1/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/8 Nott Av,3,h,,PI,hockingstuart,1/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,17 Windoo St,3,h,611000,S,Ray,1/07/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,169 Humphries Rd,3,h,,SP,hockingstuart,1/07/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,14 Poinciana St,3,h,755000,S,hockingstuart,1/07/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,3 Sansom St,4,h,521000,SP,Raine,1/07/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,9 Dolphin Ct,3,h,625000,S,YPA,1/07/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,4 Ellesmere Cr,3,h,650000,SP,YPA,1/07/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,121 High St,4,h,1910000,S,hockingstuart,1/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/6 Hope St,3,t,1900000,VB,Jellis,1/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/1484 Malvern Rd,2,u,500000,PI,Thomson,1/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6/35 Scott Gr,2,u,523000,S,Thomson,1/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,7 Marbray Dr,4,h,,SN,Harcourts,1/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Owens Av,4,h,1250000,S,Ray,1/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,515 Springvale Rd,3,h,,PI,Ray,1/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Stableford Av,3,h,,S,Ray,1/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/34 Belair Av,2,t,460000,S,Barry,1/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/74 Melbourne Av,3,t,600000,SA,Barry,1/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/74 Melbourne Av,3,t,595000,S,Eview,1/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/4 Mitchell Ct,3,h,,SP,RW,1/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/15 Ogden St,3,t,525000,S,Jellis,1/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,5 Patrick St,3,h,847000,SP,Barry,1/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,44 Manatunga Cct,6,h,990000,S,Darren,1/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Paterson Cr,3,h,645000,S,hockingstuart,1/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/27 River St,3,t,880000,VB,Buckingham,1/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/12 William St,2,u,695000,S,Darren,1/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,67 Dunfermline Av,3,h,630000,SP,YPA,1/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Inverie Ct,5,h,,W,RW,1/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,2a Geum St,2,u,500000,S,Harcourts,1/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,5 Katrina Cl,3,h,662500,S,O'Brien,1/07/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,46/15 Beach Rd,3,u,1210000,SP,Chisholm,1/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,50a David St,3,t,1910000,PI,Buxton,1/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,90 Orlando St,3,h,,S,hockingstuart,1/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/23 Charming St,3,h,1140000,S,McGrath,1/07/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,110 Wickham Rd,3,h,,SP,Kay,1/07/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,6 College St,2,h,,S,Jellis,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/28 Elm St,1,u,395000,S,Peter,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/514 Glenferrie Rd,3,u,1000000,S,Jellis,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/3 Kooyongkoot Rd,2,u,450000,S,LITTLE,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,63 Liddiard St,4,h,2900000,S,Jellis,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/22 Muir St,2,u,820000,S,Jellis,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14/59 Riversdale Rd,2,u,450000,PI,Jellis,1/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Healesville,15A Westmount Rd,3,h,650000,SP,McGrath,1/07/2017,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,186 Bedford Rd,3,h,,PN,McGrath,1/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,44 Cuthbert St,5,h,,PI,Barry,1/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1 Daisy St,4,h,,SN,Barry,1/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1/42 The Greenway,4,h,,SP,Jellis,1/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,111 Buckingham Dr,3,h,,S,Nelson,1/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,3 Dougharty Rd,3,h,790000,S,Miles,1/07/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,55 McEwan Rd,2,h,780000,VB,Barry,1/07/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1 Bardia St,3,h,726500,S,William,1/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,1 Ebony Pde,3,h,710000,S,William,1/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,7/7 Highett Gr,2,u,,VB,Buxton,1/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/21 Tibrockney St,2,u,,PI,Purplebricks,1/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/25 Wilson St,2,u,645000,S,Hodges,1/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,3 Sage Cl,5,h,650500,SP,YPA,1/07/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,7 Ashton Cr,3,h,471000,S,Triwest,1/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 Hunter Av,3,h,683000,S,hockingstuart,1/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,29 Storrington Av,3,h,440000,S,Triwest,1/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Tucker Ct,4,h,,PI,Reliance,1/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,9/220 Huntingdale Rd,3,h,750000,S,Ray,1/07/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,134 Ivanhoe Pde,4,h,,S,Nelson,1/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,8 Otterington Gr,4,h,,S,Nelson,1/07/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,34 Bliburg St,4,h,650000,PI,YPA,1/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,12/1051 Pascoe Vale Rd,2,t,390000,S,YPA,1/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,1/67 Lady Nelson Wy,3,h,506000,S,O'Brien,1/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,25 Marriot Rd,3,h,810000,S,Bells,1/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,3 Medina Rd,3,h,735000,SP,Brad,1/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,35 Wimmera Cr,3,h,595000,SP,Barry,1/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,5 Wimmera Cr,3,h,605000,S,Barry,1/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,18 Grandvalley Dr,2,t,520000,VB,Whiting,1/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,8 Turin Pl,4,h,640000,PI,Barry,1/07/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,17/120 Newman St,3,t,967000,S,Edward,1/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,10 Rankins Rd,2,h,850000,VB,Nelson,1/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,3/58 Rankins Rd,1,t,500000,VB,Nelson,1/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,9/11 Smith St,2,u,535000,SP,Edward,1/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1/177 Brougham St,2,h,758000,S,Jellis,1/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,52 Parkhill Rd,3,h,,S,Jellis,1/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/8 Pleasant Av,3,h,975000,PI,Marshall,1/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,2/13 Westbrook St,2,u,862000,S,Jellis,1/07/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,15 Daylily Dr,4,h,965000,S,Ray,1/07/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,33 Turramurra Dr,4,h,761000,S,Barry,1/07/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,169 Gillespie Rd,3,h,520000,PI,Bells,1/07/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,12 Tanglewood St,3,h,530000,SP,YPA,1/07/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,11d Ellerslie St,2,u,,PN,Love,1/07/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,48 Coronation St,3,h,1020000,S,Village,1/07/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,5/35 Kingsville St,1,u,210000,PI,Jas,1/07/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,11 Benaroon Dr,4,h,750000,S,Ray,1/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,226 Dalton Rd,3,h,635000,S,Harcourts,1/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2/70 David St,2,u,410000,S,Harcourts,1/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,15 Dennis St,5,h,675000,SP,Harcourts,1/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,13 Anthony Cl,5,h,880000,S,Barry,1/07/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lynbrook,9 MacLeod Wy,3,h,597500,S,Stockdale,1/07/2017,3975,South-Eastern Metropolitan,2322,33.8,Casey City Council +MacLeod,2/63 Harborne St,3,u,640000,S,Darren,1/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,14/4 Crefden St,1,u,280000,VB,McGrath,1/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/10 Greenham St,2,t,520000,S,Jas,1/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/83 Mitchell St,3,t,895000,S,Rendina,1/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/34 Scovell Cr,3,t,660000,PI,Biggin,1/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,46 Bowen St,3,h,,S,Marshall,1/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,69 Brunel St,3,h,2110000,S,Jellis,1/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,65 Karma Av,4,h,,PI,Marshall,1/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6 Clyde St,3,h,1050000,PI,Brad,1/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,302/55 Cumberland Dr,2,u,,PI,Woodards,1/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,102/58 La Scala Av,2,u,,PI,Biggin,1/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melton,38 Gretel Gr,4,h,320000,SP,Raine,1/07/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,21 Sandra St,3,h,480000,SP,PRDNationwide,1/07/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,19 Sutherland Av,3,h,365000,S,Raine,1/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,1 Garden Tce,3,h,,PN,hockingstuart,1/07/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,3/35 Bourke St,2,t,705000,S,Ray,1/07/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,26 Coppice St,4,h,670000,S,Harcourts,1/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,8 Medici Pl,4,h,,PI,Harcourts,1/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Renaissance Bvd,4,h,520500,S,RW,1/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,20 Prime St,4,h,,SN,Barry,1/07/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,2/2 Comeram Ct,2,u,460000,S,Love,1/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,18 Henricks Ct,3,h,610000,S,Ray,1/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,29 Fuller St,3,h,950000,S,Noel,1/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/21 McGhee Av,3,t,715000,S,Jellis,1/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/2 Walter St,3,t,970000,VB,Noel,1/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,21 Barloa Rd,5,h,2200000,SP,Marshall,1/07/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,11 Inglisby Rd,4,h,2320000,S,Jellis,1/07/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,46 Victoria Cr,4,h,2752000,S,Nelson,1/07/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,349 Main Rd,3,h,655000,S,Ray,1/07/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,207 Rattray Rd,3,h,960000,PI,Fletchers,1/07/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montrose,10 Ravenswood Ct,3,h,,PI,Max,1/07/2017,3765,Eastern Victoria,2493,28.8,Yarra Ranges Shire Council +Moonee Ponds,6 Addison St,4,h,1810000,S,Jellis,1/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,59 Robinson St,2,h,1020000,S,Jellis,1/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,27 The Strand,2,h,1250000,S,Nelson,1/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,3 Bruthen St,3,h,1175000,PI,Buxton,1/07/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,51B Bear St,4,h,800000,PI,Ray,1/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,108 Chute St,4,h,1225000,S,O'Brien,1/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,53 Catherine Av,6,h,1200000,PI,hockingstuart,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Griffiths Ct,5,h,,PI,Biggin,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Holskamp St,3,h,1205000,S,McGrath,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Huxtable St,4,h,1720000,S,Ray,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Malcolm Ct,5,h,1600000,S,Jellis,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Maureen St,3,h,944000,S,Jellis,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Merton Cl,3,h,1385000,S,Ray,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Monomeith Cr,3,h,1280000,S,Buxton,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Sunnyside Rd,3,h,2000000,VB,Fletchers,1/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,23 Einstein Av,5,h,,PI,Ray,1/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,29 Bradley Tce,3,h,650000,SP,O'Brien,1/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,29 Hanley St,3,h,655000,SP,Only,1/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,28 Murdoch Av,3,h,580000,SP,O'Brien,1/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,2A Gordon St,2,h,710000,S,Williams,1/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/508 Melbourne Rd,2,u,335000,SP,Jas,1/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,34 Thorpe St,3,h,1330000,S,RT,1/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,3/3 Baldwin Av,2,u,466500,S,Leyton,1/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3 Christine Ct,4,h,,PI,iSell,1/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,8/302 Abbotsford St,2,u,550000,S,Nelson,1/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,187 Errol St,2,h,962000,S,Alexkarbon,1/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2E Princess St,2,t,936000,S,Jellis,1/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,6/8 Tyrone St,2,u,580000,VB,Alexkarbon,1/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,26 Salisbury Gr,4,h,1900000,PI,Jellis,1/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Wardrop Gr,3,h,1605000,S,Nelson,1/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,65 Westgarth St,3,h,1415000,S,Woodards,1/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/26 Wilmoth St,2,u,390000,S,Ray,1/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3/1 Crest Gr,2,u,637000,S,Ray,1/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,31 Olwen St,4,h,1100000,S,Fletchers,1/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,90 Springvale Rd,3,h,926000,S,Fletchers,1/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,13 Kiama St,2,t,610000,S,Nelson,1/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/18 Lex Gr,3,u,700000,VB,Nelson,1/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1725 Dandenong Rd,5,h,1525000,S,Ray,1/07/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,82 Patrick St,6,h,1900000,PI,Ray,1/07/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,6 Cypress Ct,3,h,,S,Obrien,1/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,13 Devoy St,3,h,,SP,Buxton,1/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/1250 North Rd,3,u,,S,Barry,1/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/21 Lillimur Rd,1,u,454000,S,Ray,1/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,6/32 Walsh St,2,u,562000,S,Gary,1/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,13B Elm Gr,3,t,1000000,S,Obrien,1/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,13 Lawborough Av,3,h,985000,S,Maitland,1/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,44 Melrose St,3,h,820000,S,Thomson,1/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,123 Cumberland Rd,3,h,870000,PI,Ray,1/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,9 Dorset Rd,3,h,800000,SP,Barry,1/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5 Fleming Gr,5,h,1501000,S,Jellis,1/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/424 Gaffney St,3,t,,SN,hockingstuart,1/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Hazel Gr,3,h,1663000,S,Nelson,1/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Virginia St,4,h,780000,VB,Brad,1/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,97 Alamanda Bvd,4,h,,SN,Ray,1/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 Bevan Ct,5,h,660000,S,Reliance,1/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,24 Derham Dr,4,h,,SP,Reliance,1/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,14 Glider St,4,h,,W,YPA,1/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,76 Hargrave Av,4,h,663500,S,hockingstuart,1/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,6/156 Bay St,3,u,1631000,S,Cayzer,1/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,67 Ross St,3,h,1665000,S,Greg,1/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,107 Stokes St,4,h,2450000,VB,Lucas,1/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,11/8 Grandview Gr,1,u,399000,S,Jellis,1/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/648 High St,2,u,1240000,S,Rounds,1/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2/1 Ambon St,3,h,727500,S,Nelson,1/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Benambra St,3,h,,S,Nelson,1/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/103 Bruce St,3,t,965000,S,hockingstuart,1/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,84 Bowen Cr,2,h,2530000,S,Nelson,1/07/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Princes Hill,251 Richardson St,3,h,1930000,S,hockingstuart,1/07/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,111 Boldrewood Pde,3,h,840000,SP,RW,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,57 Crevelli St,2,h,560000,S,Barry,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/1 Griffiths St,1,u,,SP,Ray,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Inverness St,4,h,900000,SP,Stockdale,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Locher Av,3,h,680500,S,Ray,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,78 McMahon Rd,4,h,902000,S,Barry,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Muriel Ct,3,h,825000,S,RW,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Oconnor St,3,h,801000,SP,Love,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/76 Southernhay St,2,t,668500,S,Nelson,1/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,13 Francis St,2,h,1165000,S,Biggin,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,120/8 Garfield St,1,u,390000,PI,Harcourts,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/129 Hoddle St,2,u,890500,SP,Biggin,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5 King St,2,h,,S,Jellis,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,54 Laity St,3,h,1310000,S,Biggin,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,202/47 Murphy St,1,u,458000,S,Biggin,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Sutton Gr,2,h,1442000,S,Biggin,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Waltham Pl,4,h,2200000,PI,Biggin,1/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,36 Kalinda Rd,4,h,,VB,McGrath,1/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,11 Kenwood Cr,3,h,750000,VB,Purplebricks,1/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/7 Pearwood St,2,u,,SN,Barry,1/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/11 Sussex St,4,t,,SP,Philip,1/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3/1 Mines Rd,2,u,560000,S,Barry,1/07/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rockbank,2013 Western Hwy,2,h,340000,SP,YPA,1/07/2017,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,5 Coorie Cr,3,h,1101000,S,Miles,1/07/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,7 Christian Ct,5,h,,S,Ray,1/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,11 Jindalee Cl,5,h,870000,S,Harcourts,1/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,19 The Fairway,4,h,,SP,Woodards,1/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,15 Thompson Cr,3,h,420000,S,Raine,1/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,6/76 Bay Rd,2,u,643500,S,hockingstuart,1/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,19 Spindrift Wy,3,h,625000,S,hockingstuart,1/07/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,18 Bainbridge Av,3,h,610000,S,Harcourts,1/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,25 Duncan Av,3,h,565000,S,Harcourts,1/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,3/7 East Rd,3,u,572000,S,O'Brien,1/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,6a Cambridge St,4,t,1090000,S,Greg,1/07/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seaholme,6/24 Noordenne Av,2,t,455000,SP,hockingstuart,1/07/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2A Austin St,2,h,750000,S,Jas,1/07/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,57 Charles St,2,h,850000,VB,Village,1/07/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Skye,29 Edinburgh Dr,4,h,640000,VB,hockingstuart,1/07/2017,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,51/39 Dorcas St,2,u,,SN,MICM,1/07/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,4 Law St,2,h,1030000,S,Cayzer,1/07/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,15 Ferncroft Dr,4,h,600000,PI,Millership,1/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Kakadu Vw,4,h,,PI,Morrison,1/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,26 Kinkora Cr,4,h,,PI,Harcourts,1/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7/7 Old Plenty Rd,3,u,386000,S,Millership,1/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1109/800 Chapel St,2,u,857000,S,LITTLE,1/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,304/15 Cromwell Rd,2,u,,PI,Marshall,1/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,51 Moore St,2,h,1160000,S,Jellis,1/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/1 Rockley Rd,1,u,,S,Marshall,1/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,23/350 Toorak Rd,3,u,1235000,S,Jellis,1/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,24 Garnsworthy St,3,h,752500,S,iSell,1/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,20 Keets Ct,3,h,,PI,Barry,1/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,4 Ruth Ct,3,h,,PI,iSell,1/07/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,12 Altyre Ct,3,h,565000,S,Bells,1/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/14 Disraeli St,3,t,500000,SP,YPA,1/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Gray Ct,3,h,610000,PI,YPA,1/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6/31 Marsden Cr,2,t,445000,SP,YPA,1/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,23 Shirley St,3,h,,SN,Barry,1/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,10 Larool Av,4,h,801000,S,Darren,1/07/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,14/12 Fitzroy St,1,u,350000,VB,Gary,1/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/19 Herbert St,2,u,525000,S,hockingstuart,1/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/2 Redan St,1,u,517500,SP,Woodards,1/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/27 Robe St,2,u,365000,VB,Rounds,1/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,403/64 Wellington St,2,u,460000,SP,LITTLE,1/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,48 Bournian Av,4,h,1725000,PI,Brad,1/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/30 Bulla Rd,2,h,646000,S,Nelson,1/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,16A Lamart St,4,h,1190000,PI,Nelson,1/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,2/1 De Havilland Av,2,h,635500,S,Considine,1/07/2017,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,11 Bannermann St,4,h,580000,S,Raine,1/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,38 Felton Av,3,h,413000,S,L,1/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,60 Heysen Dr,3,h,420000,S,Raine,1/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,18 Timins St,3,h,650000,S,YPA,1/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,2/17 Anderson Rd,3,t,525000,S,McGrath,1/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,10 Edna St,3,h,780000,SA,FN,1/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,38 Collenso St,4,h,765000,S,Douglas,1/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,112 Broughton Rd,4,h,1420000,PI,Fletchers,1/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1093 Riversdale Rd,3,h,2100000,VB,Jellis,1/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,35A Russell St,3,h,1385000,S,Fletchers,1/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,3/42 Albert Rd,2,h,417000,S,Bells,1/07/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,19 Boberrit Wyn,3,h,,PI,YPA,1/07/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,30 Homestead Av,4,h,810000,VB,hockingstuart,1/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,3 Rosebud St,3,h,451500,S,Reliance,1/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Skylark Ct,3,h,526000,S,Purplebricks,1/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,3 Highlander Ct,4,h,605500,S,YPA,1/07/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,2a Mallacoota Ct,3,u,500000,PI,Brad,1/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,16 Shoppers La,3,h,427500,S,Ray,1/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Tecoma,1578 Burwood Hwy,3,h,,SN,Barry,1/07/2017,3160,Eastern Victoria,869,30.4,Yarra Ranges Shire Council +Tecoma,105 Terrys Av,4,h,855000,SP,Harcourts,1/07/2017,3160,Eastern Victoria,869,30.4,Yarra Ranges Shire Council +Templestowe,7 Watties Rd,2,h,,PI,Fletchers,1/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,7 Buller Tce,3,h,,PI,Buckingham,1/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,30 John St,5,h,1705000,PI,hockingstuart,1/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,65 Government Rd,3,h,551200,SP,iTRAK,1/07/2017,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,95 Barry Rd,5,h,,SN,Love,1/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/13 Edna St,2,u,,PI,Harcourts,1/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/11 French St,3,u,542000,S,Ray,1/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,8 Glenburn St,3,h,,PI,Harcourts,1/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,17 Larch St,3,h,,PN,Emerson,1/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,329 Gillies St,4,h,2070000,SP,Jellis,1/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,113 Grange Rd,6,h,2800000,S,Marshall,1/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,2/7 Cabarita St,2,t,385000,SP,Reliance,1/07/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,4/48 Banksia Gr,3,h,500000,SP,Jason,1/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,73 Dawson St,3,h,,SN,Jason,1/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,3 Henderson Rd,4,h,821000,S,Jason,1/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,2/36 Halls Pde,3,t,917000,S,Noel,1/07/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,6 Hempstead Av,4,h,,SP,Rounds,1/07/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,33 Eamon Dr,4,h,1115000,S,Miles,1/07/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,34 Toumlin Gr,3,h,905000,SP,Miles,1/07/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,1/9 Willa Av,3,u,,S,Nelson,1/07/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,7/3 Ashley St,2,h,450000,PI,Prof.,1/07/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,53 Somes St,3,h,1015000,SP,Ray,1/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,22 Bloom St,5,h,,PI,Barry,1/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Davern Ct,4,h,,SP,Sweeney,1/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,22 Kramer St,3,h,510000,S,Ray,1/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,15 Retreat Pl,4,h,645000,S,YPA,1/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Walwa Pl,3,h,427000,S,Greg,1/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Wattamolla Av,3,h,600000,S,YPA,1/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee South,656 Oconnors Rd,2,h,355000,S,Harcourts,1/07/2017,3030,Western Metropolitan,821,14.7,Wyndham City Council +West Footscray,15 Alberta St,3,h,845000,PI,Jas,1/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,24 Hope St,2,h,876000,S,Biggin,1/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,23/1 Flagstaff La,3,t,,VB,Nelson,1/07/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,26 Coghill St,3,h,578000,S,Jason,1/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Williams Landing,89 Sayers Rd,4,h,510000,S,Ray,1/07/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Wollert,6 Burley St,2,u,390000,S,Ray,1/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,20 Vanin St,4,h,525000,S,Harcourts,1/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,5 Dakara Ct,3,h,480000,S,hockingstuart,1/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,11 Hoddle Lk,3,h,471100,S,YPA,1/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,87 Ballard St,4,h,1000000,SP,Village,1/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,72 Bishop St,3,h,1240000,VB,Jas,1/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,67 Hawkhurst St,3,h,1115000,SP,Village,1/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,37 Hunter St,3,t,,PI,Biggin,1/09/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,47 Hillside Gr,3,h,750000,PI,Nelson,1/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,5a South Rd,3,u,685000,PI,Brad,1/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,34 Delamare Dr,3,h,,PI,People,1/09/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,200 Kerferd Rd,3,h,,PI,Paul,1/09/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,1/129 Anderson Rd,2,u,,PI,Burnham,1/09/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,4/96 Yarralea St,2,u,520000,VB,Nelson,1/09/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona North,2/148 Chambers Rd,3,t,,PI,Bells,1/09/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,49A Rosala Av,3,t,,PI,FN,1/09/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ascot Vale,76 The Parade,2,h,1015000,S,Nelson,1/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,10a Laurel St,4,h,1450000,VB,Marshall,1/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,11A Meaden St,4,h,,SP,Marshall,1/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,40 Ashwood Dr,4,h,,SN,Ray,1/09/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,46 Electra Av,4,t,,S,hockingstuart,1/09/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,6 Hilda Mw,3,h,800000,SP,Ray,1/09/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,30 Jacqueline Dr,4,h,1034000,SP,Buxton,1/09/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Balwyn,1/2 Aif St,3,t,1410000,SP,Marshall,1/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,31 Austin St,3,t,1500000,VB,Jellis,1/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,511/188 Whitehorse Rd,2,u,,SP,Marshall,1/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1170 Burke Rd,4,h,2740000,PI,RT,1/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/3 Corhampton Rd,2,h,815000,S,RT,1/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Nevada St,5,h,,S,Jellis,1/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,3/33 Elm St,2,u,580000,S,Barry,1/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,29 John St,3,h,618000,S,Barry,1/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,2/133 Charman Rd,2,u,830000,S,hockingstuart,1/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,36 Cromer Rd,4,h,1400000,S,Hodges,1/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,26 Michael St,4,h,1200000,PI,Buxton,1/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,84 Scott St,3,h,1400000,PI,Buxton,1/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,140 Tramway Pde,4,h,2305000,S,hockingstuart,1/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,1/9 Davidson St,3,t,,SN,Miles,1/09/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,5 Austin St,3,h,1710000,PI,Woodards,1/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 Coates St,4,h,,VB,Jellis,1/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,37 Daley St,3,h,1380000,S,Jellis,1/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,59B Fromer St,3,t,1280000,S,Jellis,1/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,37 Riddle St,4,h,1900000,VB,Jellis,1/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,27 Wheatley Rd,5,h,2645000,S,Jellis,1/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,37A Blamey St,3,t,892500,S,Jellis,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Blenheim St,3,h,1235000,S,Buxton,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Bradford St,4,h,1145000,S,Buxton,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,121 Brady Rd,3,h,1000000,VB,Woodards,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,79B Brady Rd,4,t,1205000,S,Jellis,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,882 Centre Rd,4,h,900000,VB,Woodards,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Chesterville Dr,4,h,1000000,PI,Ray,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Elwyn St,3,h,,SN,Obrien,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,34 Gladesville Dr,3,h,,VB,Buxton,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18b Paloma St,4,h,1345000,S,Jellis,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,40b Warwick St,4,t,1260000,SP,Buxton,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,47 Wingate St,3,h,1125000,PI,Jellis,1/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,9 Eliza St,4,h,,S,Buxton,1/09/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,3/19 Second St,2,u,842000,SP,Buxton,1/09/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/17 Tara Av,2,u,689000,S,McGrath,1/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,8 Belvedere Ct,3,h,890000,VB,Noel,1/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,10 Gunyah Rd,3,h,860000,S,McGrath,1/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,5 Agnew St,3,h,,SP,Fletchers,1/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,15 Craig St,2,h,,SN,McGrath,1/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,20 York St,4,h,980000,PI,Jellis,1/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,31 Sweetland Rd,8,h,1410000,S,HAR,1/09/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,3 Burnett Av,2,h,765000,SP,Sweeney,1/09/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,56 South Rd,2,h,800000,SP,Bells,1/09/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,4 Ayr Ct,2,h,630000,VB,Jellis,1/09/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,3/57 Asling St,2,u,1086000,S,Jellis,1/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,406/81 Asling St,3,u,,SN,Gary,1/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/32 Loller St,2,u,,VB,Hodges,1/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,4 Allfrey St,4,h,,SN,Gary,1/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22A Lansdown St,4,h,1550000,VB,Marshall,1/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,43 Studley Rd,4,h,2800000,VB,Marshall,1/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,183 Barkly St,3,h,,SP,Barry,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,82 Barrow St,3,h,,SP,Woodards,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32 Barry St,2,h,850000,VB,Brad,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,16 Ewing St,2,h,880000,S,Nelson,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Macfarland St,3,h,1100000,S,Jellis,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/7 Trafford St,2,h,700000,PI,Jellis,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/7 Trafford St,2,h,705000,PI,Jellis,1/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,1615/176 Edward St,1,u,,SP,LITTLE,1/09/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3/17 Cumming St,2,u,640000,S,Nelson,1/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,14 Everett St,4,h,1450000,S,Barry,1/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,25 Guthrie St,2,h,1100000,VB,Brad,1/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/43 Halpin St,3,t,880000,PI,Barry,1/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/86 Heller St,2,u,502000,S,Brad,1/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10/118 Melville Rd,2,u,475000,SP,Walshe,1/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,10 Cameo Ct,4,h,1220000,S,Fletchers,1/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,11 Claremont La,4,t,1300000,SP,Jellis,1/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,18 Latrobe St,4,h,1241000,S,Barry,1/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Cashmore Ct,4,h,800500,S,Barry,1/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,46 Gleeson Dr,3,h,730000,S,Darren,1/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Landbury Rd,3,h,631000,S,Darren,1/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,14 Palmerston Av,4,h,1300000,S,Ray,1/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Windsor Cr,3,h,,SP,Ray,1/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,6 Cropley Ct,3,h,1195000,SP,Buxton,1/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,69 McCubbin St,3,h,860000,PI,Barry,1/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,7 Jayson St,3,h,900000,VB,Fletchers,1/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,22 Oakham Av,3,h,1080000,S,Fletchers,1/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,28 Merton St,6,h,,PI,Kay,1/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/22 Russell St,2,u,1100000,PI,hockingstuart,1/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,4/28 Bryson St,2,u,,VB,Fletchers,1/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,209/1 Bouverie St,3,u,800000,VB,Nelson,1/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,122/101 Grattan St,2,u,710000,S,Nelson,1/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,107 Station St,3,h,1650000,S,Nelson,1/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,26 Ogrady St,2,h,1500000,VB,Collins,1/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Caulfield,39 Masters St,4,t,,PN,Hodges,1/09/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,307 Bambra Rd,3,h,1100000,VB,Gary,1/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,29 Frederick St,3,h,1250000,VB,Gary,1/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Cheltenham,22 Davie Av,3,h,1175000,PI,Hodges,1/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10/1321 Nepean Hwy,3,u,736000,S,O'Brien,1/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,9 Myriong St,3,h,1450000,S,Buxton,1/09/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,21 McMillan St,3,h,850000,S,JRW,1/09/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,34 Spensley St,3,h,1580000,VB,Nelson,1/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,8 Governors Rd,5,h,1250000,VB,Stockdale,1/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6/1 Kaye Ct,3,t,650000,VB,Brad,1/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,10 Lobb St,3,h,930000,S,Woodards,1/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,101 Rose St,3,h,860000,VB,Nelson,1/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,74 Camera Wk,3,h,777500,S,hockingstuart,1/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,94 Newlands Rd,5,h,790000,PI,Brad,1/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Whitton Pde,2,h,,PI,Barry,1/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,52 Bowral Lp,3,h,560000,S,Barry,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,113 Bridgewater Rd,3,h,460000,SP,Jason,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Cockatiel Cct,4,h,506000,SP,HAR,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Farrell St,3,h,410000,SP,Biggin,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,40 Hanson Rd,3,h,,PI,Ray,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Lauderdale Dr,5,h,,PI,Barry,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Molland Ct,3,h,535000,S,O'Brien,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Tamarin St,4,h,562000,S,Barry,1/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,37 Blaxland Av,3,h,,PN,C21,1/09/2018,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon South,25A Homer Av,3,h,780000,S,Ray,1/09/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,39 Kaniva St,3,h,,PI,Barry,1/09/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,31 Rosedale Cr,4,h,600000,S,Barry,1/09/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,19 Halton Rd,4,h,640000,PI,Stockdale,1/09/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,12 Railway Pde,3,h,,PI,Bells,1/09/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,11 Lacebark Rd,3,h,550000,PI,O'Brien,1/09/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,3 Johanna Ct,3,u,708000,SP,Buxton,1/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,2 Grover Rd,4,h,,SP,Fletchers,1/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,27 Kelly St,4,h,1550000,PI,Philip,1/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/46 Beverley St,2,u,745000,S,Barry,1/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Dowling Gr,4,h,1575000,PI,Barry,1/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,48 Ross St,3,h,1146000,S,Jellis,1/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,34 Sunstone Bvd,3,h,515000,SP,Ray,1/09/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,32 Cape St,4,h,1560000,VB,Miles,1/09/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,11 Keith Av,3,h,840000,SP,O'Brien,1/09/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3/469 Kooyong Rd,3,t,,S,Marshall,1/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,37 Shalbury Av,4,h,870000,SP,Morrison,1/09/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,15 Dale Av,4,h,820000,VB,Buckingham,1/09/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,11 Nimary Ct,5,h,,SP,Buckingham,1/09/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,1/219 Brighton Rd,1,u,420000,S,Gary,1/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/74 Mitford St,1,u,648500,S,Pride,1/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/48 Southey St,1,u,,PI,Chisholm,1/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/15 Wimbledon Av,2,u,985000,S,Greg,1/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,8 Gillespie Pl,4,h,565000,S,Ray,1/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,5/3 Forbes St,2,u,485000,S,Frank,1/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24 Hoddle St,4,h,2140000,SP,Barry,1/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Levien St,3,h,1170000,S,Nelson,1/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,103 McPherson St,3,h,1350000,VB,McDonald,1/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8 Vanberg Rd,4,h,1900000,S,Walshe,1/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,4 Madden St,3,h,,S,Nelson,1/09/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,18A Emerald St,4,h,1450000,S,Frank,1/09/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,4/25 Hampton Rd,2,u,460000,VB,Nelson,1/09/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,20 Prospect St,3,h,,S,Brad,1/09/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,38 Arthur St,3,h,,SN,PNJ,1/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,16 Darling St,4,h,1510000,PI,Jellis,1/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,2/38 Edward St,3,u,630000,S,Brad,1/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,14 Moray St,2,h,950000,VB,Stockdale,1/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,46 Chestnut Av,4,h,721000,S,Ray,1/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,15 Mason St,3,h,,PN,LJ,1/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,452 George St,3,h,,SN,Nelson,1/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,56 Kerr St,3,h,1252500,S,Nelson,1/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,80 Fergie St,5,h,,PI,Nelson,1/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,50 McKean St,2,h,1540000,PI,Nelson,1/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,190 Rae St,3,h,1757000,S,Jellis,1/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,8/37 Bignell St,1,u,347000,SP,Jellis,1/09/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Forest Hill,2A Clifford Ct,3,t,755000,S,Jellis,1/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,41 Romoly Dr,3,h,,SP,Bekdon,1/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,2 Cricklewood Av,3,h,,SN,Barry,1/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Kars St,3,h,,PI,Ray,1/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gardenvale,10 Lucy St,4,h,,PI,Biggin,1/09/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,19 Payne St,3,h,598000,S,YPA,1/09/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,12/63 Edgar St N,1,u,377000,S,Jellis,1/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,196 Finch St,3,h,2301000,S,Kay,1/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,204/108 Glen Iris Rd,2,u,640000,SP,Marshall,1/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/1441 High St,3,h,1200000,VB,Marshall,1/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,24 Montana St,3,h,2255000,S,Marshall,1/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,7 Brentwood Dr,4,h,,PI,Biggin,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Bunker Cr,4,h,1660000,SP,Harcourts,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Fernhill St,3,h,2080000,S,Barry,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Golden Gr,4,h,1327000,S,Harcourts,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Knightsbridge Ct,5,h,2121800,S,Harcourts,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/21 Kurrajong Av,3,t,,PI,Harcourts/Biggin,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Remington Dr,5,h,1450000,S,Barry,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Wilfred Ct,2,h,,SP,Biggin,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,98 Windella Cr,4,h,1185000,S,Ray,1/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,80 Evell St,3,h,750000,PI,Barry,1/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,121 John St,3,h,702500,SP,Eview,1/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/1 Meadowbank St,3,t,580000,S,Nelson,1/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/1 Meadowbank St,2,t,500000,VB,Nelson,1/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/6 Murrell St,2,u,,S,Stockdale,1/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,44 Pinehills Dr,3,h,,SP,Nelson,1/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,3 Drinkwater Pl,4,h,670000,PI,YPA,1/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Macbean Ct,5,h,1730000,S,RW,1/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,10 Talbot St,2,h,,S,Barry,1/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,23 The Loop,3,h,795000,VB,Stockdale,1/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,55 West St,3,h,757000,S,Nelson,1/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,3/5 Hastings St,3,u,1230000,S,Buxton,1/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5/39 Holyrood St,3,u,880000,VB,Biggin,1/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13 Kingston St,3,h,1550000,VB,Buxton,1/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,78 Orlando St,3,h,1900000,PI,Buxton,1/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1 Storey Av,4,h,1855000,PI,Buxton,1/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,17 Villeroy St,5,h,,S,Buxton,1/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2/53 Lonsdale Av,3,t,,VB,Buxton,1/09/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,100 Wickham Rd,4,h,,SN,hockingstuart,1/09/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,11/32 Berkeley St,2,u,650000,SP,Marshall,1/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9 Leslie St,3,h,,VB,Jellis,1/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16 Oak St,6,h,5000000,VB,Kay,1/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,303/39 Riversdale Rd,2,u,935000,S,hockingstuart,1/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,18 Cole St,3,h,,SN,Marshall,1/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,47 Havelock Rd,3,h,2850000,VB,Jellis,1/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,14 Selwood St,5,h,,W,Buxton,1/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,17 Coven Av,4,h,918000,S,Fletchers,1/09/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,52 Gotha St,3,h,810000,S,Jellis,1/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,2 Borneo Ct,2,h,650000,SP,Nelson,1/09/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,14 Catalina St,2,h,675000,S,RT,1/09/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,40 Catalina St,3,h,690000,S,William,1/09/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,8A Albert St,3,t,1320000,S,Hodges,1/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2 Findon Ct,2,t,820000,PI,Buxton,1/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/5 Hibberd St,3,u,,SN,Ray,1/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,11 Train St,3,h,,PI,Biggin,1/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,4 Rupicola Ct,4,h,1350000,PI,Prof.,1/09/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,31 Woolpack St,4,h,590000,SP,hockingstuart,1/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,76 Beatty St,3,h,1280000,VB,Miles,1/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3 Cook St,2,h,1060000,S,Miles,1/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5 Ironbark Cr,3,t,835000,PI,RT,1/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/90 St Elmo Rd,2,u,,PI,Jellis,1/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/1 Wallace St,3,u,,SN,Miles,1/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,41 Streeton Cr,5,h,1950000,SP,Miles,1/09/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,2 The Oaks,4,h,1800000,VB,Miles,1/09/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,25 Bannister St,3,h,479000,S,Red,1/09/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,3 Nerida Ct,4,h,640000,SP,Brad,1/09/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,15 Eagling St,5,h,1360000,S,Nelson,1/09/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,14 Bernborough Ct,3,h,720000,SP,Barry,1/09/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,7 Tulloch Ct,3,h,,S,Brad,1/09/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,14 Groves St,5,h,,SP,Nelson,1/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,6 Woorigoleen Dr,2,h,750500,S,Harcourts,1/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,39 Victory St,5,h,770000,S,Prof.,1/09/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kew,50 Argyle Rd,3,h,,SN,Marshall,1/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Clevedon Ct,4,h,1900000,S,Nelson,1/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11 McEvoy St,3,h,,S,Marshall,1/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/77 Princess St,4,h,1482000,SP,Marshall,1/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,31 Baker Av,5,h,,SP,Marshall,1/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,25 Spruzen Av,4,h,2130000,S,Jellis,1/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,65 Windella Av,4,h,1850000,VB,Jellis,1/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Darlington St,4,h,880000,S,Area,1/09/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,8 Lisbon Ct,6,h,620500,S,RW,1/09/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,139 Coronation St,3,h,900000,VB,Jas,1/09/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,52 Kingsville St,3,h,1370000,S,McGrath,1/09/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,167 Queensville St,3,h,890000,VB,hockingstuart,1/09/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,26 Appleberry Cl,3,h,870500,S,McGrath,1/09/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,21 David St,3,h,640000,S,Skad,1/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6 Herman Rd,3,h,650000,S,Ray,1/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,39 Nebel St,3,h,661100,S,HAR,1/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,4/21 Alma St,3,u,658500,SP,Jellis,1/09/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Maidstone,8/8 Crefden St,2,u,468000,S,HAR,1/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,16B Suffolk St,3,t,785000,SP,Biggin,1/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,19 Bonview Rd,4,h,2700000,VB,Jellis,1/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/364 Glenferrie Rd,3,u,,SP,Jellis,1/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,22/1231 Malvern Rd,2,u,781000,S,Jellis,1/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,17 Cairnes Cr,4,h,1700000,VB,Marshall,1/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Forster Av,4,h,1750000,VB,Jellis,1/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,383 Waverley Rd,4,h,1160000,PI,Jellis,1/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,2 Speargrass St,4,h,1320000,VB,Biggin,1/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,201/300 Collins St,2,u,1320000,S,Finders,1/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,814/555 Flinders St,1,u,,PN,MICM,1/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,180/28 Little Lonsdale St,3,u,753000,S,McGrath,1/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,18/8 Louise St,2,u,,VB,Greg,1/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,38/78 Queens Rd,2,u,452000,S,Buxton,1/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,1/258 Balcombe Rd,4,h,1020000,PI,Barry,1/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/26 Bourke St,1,u,370000,S,Jellis,1/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,37 Bundora Pde,3,h,,VB,Greg,1/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4 Chicquita Cct,3,t,800000,S,hockingstuart,1/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7B Clyve Av,3,t,1160000,S,Ray,1/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12 Southern Rd,3,h,890000,PI,Buxton,1/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,1 Dante Wk,3,h,507500,S,RW,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,12 Emilia Ch,4,h,853000,S,RW,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,27 Erskine Rd,3,h,533000,SP,Love,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,16 Friesian St,4,h,520000,S,Stockdale,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Friesian St,3,h,546000,S,Stockdale,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Levens La,4,h,535000,SP,Morrison,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,20 Licodia Pde,3,h,522000,S,Jellis,1/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,23 Wright St,3,h,,PI,Home,1/09/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,23 Coventry Cr,3,h,670500,S,Barry,1/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Hope Ct,4,h,710000,S,Barry,1/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Mayfield Dr,3,h,707000,S,HAR,1/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Olsen Wk,2,t,450000,SP,Ray,1/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Turtur Cl,3,h,632000,SP,The,1/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Warren Cl,3,h,690000,S,HAR,1/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,3 Kauri Ct,4,h,932000,S,Fletchers,1/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/425 Main Rd,3,t,,PI,Barry,1/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,3/8 Station Rd,3,u,900000,S,Jellis,1/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,19 Wooded Wy,3,h,,PI,Buckingham,1/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,51 Bent St,4,h,,S,Jellis,1/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,16 Dean St,2,h,830000,VB,Nelson,1/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,118 Eglinton St,3,h,1475000,VB,Barry,1/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,16 Milverton St,4,h,2000000,SP,Frank,1/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10 Tennyson St,4,h,1300000,VB,Brad,1/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,103A Bulli St,3,t,1200000,S,Buxton,1/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,25 Hillston Rd,3,h,1100000,PI,Buxton,1/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1040A Nepean Hwy,3,t,,PN,Woodards,1/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,22 Bruce St,5,h,,PN,Jellis,1/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Castlereagh Ct,5,h,1270000,S,Ray,1/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Donald St,3,h,1210500,S,Fletchers,1/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Lynn St,4,t,1200000,VB,Barry,1/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Sunhill Rd,5,h,1420000,S,Harcourts,1/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Toombah St,4,h,1235000,S,Jellis,1/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,1 Jayco Ct,4,h,898000,S,Ray,1/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,19 Stradbroke Cr,3,h,857000,S,Harcourts,1/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1/8 Dunoon St,3,u,570000,S,Ray,1/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,7/121 Murrumbeena Rd,2,u,620000,S,Gary,1/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,279 Douglas Pde,3,h,915000,S,Williams,1/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,58 Coghlan St,3,h,1185000,SA,Barry,1/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,14 Haldane Rd,3,h,,PI,Barry,1/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3/8 Hutchison St,3,u,,VB,Harcourts,1/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1/5 Athol Rd,3,t,,PI,Barry,1/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,26 Melrose St,3,h,1050000,VB,Nelson,1/09/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,25 Albert St,1,h,,PI,Jellis,1/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/442 High St,2,u,540000,VB,Jellis,1/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,35 Salisbury Gr,3,h,1500000,PI,McGrath,1/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,67 Victoria Rd,4,h,2405500,S,Nelson,1/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,30 Candlebark La,4,h,,S,Fletchers,1/09/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,227 Springvale Rd,3,h,750000,PI,Woodards,1/09/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,4 Draska Ct,3,h,,PN,Eview,1/09/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1669 Dandenong Rd,3,h,950000,PI,RT,1/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/10 Franklyn St,4,t,990000,SP,Jellis,1/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,9 Mercer St,4,h,1180000,PI,Woodards,1/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/6 Guest Rd,2,u,670000,PI,Woodards,1/09/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,9 Malua St,4,h,2475000,PI,Jellis,1/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,280A Tucker Rd,4,t,1366000,S,Jellis,1/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,4/47 Wheeler St,2,t,790000,SP,Woodards,1/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,13 Laburnum St,3,h,,S,hockingstuart,1/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,18 Meribah Ct,4,h,1170000,VB,Barry,1/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/92 Warrigal Rd,2,u,487000,S,Ray,1/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,25 Bolingbroke St,3,t,860000,PI,Jellis,1/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/11 Callander Rd,2,u,558000,S,McDonald,1/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,327 Gaffney St,3,h,770000,VB,Nelson,1/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,8 Atlas Wk,3,h,,SN,Ray,1/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Grassmere Rd,3,h,640000,VB,Point,1/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Hemsley Prm,3,h,715000,SP,hockingstuart,1/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,21 Jansar St,3,h,,W,LJ,1/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,22 Spinifex St,4,h,,SN,Ray,1/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,103/38 Nott St,1,u,,PI,Buxton,1/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,402 Williamstown Rd,3,h,1660000,S,Buxton,1/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,11/297 Dandenong Rd,2,u,512500,S,Marshall,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10 Doon St,2,h,1560000,S,Jellis,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/13 Miller St,1,u,,W,Elite,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,36 Nottingham St,4,h,1935000,S,Biggin,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,42 Spring St,2,h,1592500,S,hockingstuart,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,26 Wrights Tce,2,h,,S,Jellis,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,37 Wrights Tce,3,h,1700000,VB,Jellis,1/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,35 Austral Av,2,h,975000,S,Nelson,1/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17 Banool St,3,h,695000,S,Ray,1/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6A Ellison St,3,h,,PI,Nelson,1/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Larne Gr,4,h,1262500,S,RW,1/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,107 Henty St,3,h,895000,S,Stockdale,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1073 High St,3,h,710000,S,Love,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26A North Rd,3,u,675000,S,Barry,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/10 Pershing St,2,u,522000,SP,Nelson,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Pine St,4,h,,S,Nelson,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Rose Ct,3,h,681000,S,RW,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Station St,3,h,970000,VB,Barry,1/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,126 Brighton St,3,h,1760000,SP,Biggin,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,286 Burnley St,3,h,,S,Biggin,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9 Corsair St,2,h,917500,PI,Jellis,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Durham St,4,h,,S,Marshall,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,134/8 Garfield St,1,u,,PI,Ray,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,66 Hunter St,3,h,1500000,S,Biggin,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/200 Lennox St,2,u,,PN,Fletchers,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,147/73 River St,1,u,455000,SP,Biggin,1/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,11 Adele Ct,4,h,,SN,Hoskins,1/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3/11 Alexandra Rd,3,u,,W,Elite,1/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,2/4 Grove Rd,2,h,,SN,Fletchers/Fletchers,1/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,45 Stanton Cr,5,h,1380000,S,Miles,1/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,10 Brushwood Cct,5,h,640000,VB,hockingstuart,1/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,4 Johnson Ct,3,h,547000,S,HAR,1/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,22 Thames Wy,3,h,,W,Ray,1/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,4/184 Beach Rd,2,u,,VB,Buxton,1/09/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,6a Bellairs Av,4,h,1340000,PI,Jas,1/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,260 Albert Rd,2,h,2600000,VB,The,1/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,190 Bank St,2,u,875000,S,Cayzer,1/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,87 Bank St,4,h,1200000,S,Buxton,1/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,23/69 Dorcas St,2,u,698500,S,Hodges,1/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,402 Park St,3,h,1465000,S,Greg,1/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,8 Bracken Wy,3,h,647500,SP,Barry,1/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7 Harmony Dr,4,h,572000,S,Millership,1/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19 Woodruff Rd,4,h,645000,VB,Jellis,1/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,32 Avoca St,3,h,,S,Kay,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/16 Kensington Rd,2,u,570000,VB,Jellis,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,64 Oban St,4,h,2700000,VB,Marshall,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,508A Punt Rd,8,h,1456000,S,hockingstuart,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,205/334 Toorak Rd,2,u,,PI,Marshall,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/371 Toorak Rd,4,u,2100000,SP,Kay,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,70W Toorak Rd,3,h,3875000,SP,Kay,1/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,5/58 Wells St,2,u,,PN,Ray,1/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,35 Princess Av,2,h,,S,Barry,1/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,1/2 Janine Rd,3,u,,PI,Barry,1/09/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Kilda,29 Charles St,3,h,1600000,SP,Marshall,1/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/13 Crimea St,2,u,520000,VB,Wilson,1/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/50 Fitzroy St,1,u,441000,SP,Biggin,1/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/2 Marriott St,1,u,,PI,Buxton,1/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,50 Carnarvon Rd,3,h,1500000,S,Brad,1/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,7 Stanford Ct,3,h,,PI,Leeburn,1/09/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,35 Alice St,3,h,700000,VB,Barry,1/09/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,36 Ardoyne St,4,h,760000,VB,Sweeney,1/09/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,9 Fraser St,4,h,735000,S,Barry,1/09/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,8 Hall St,3,h,620000,VB,Barry,1/09/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/27 Clyde St,3,u,683000,S,Jellis,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,13 Florence Rd,3,h,,VB,Garvey,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,45 Florence Rd,5,h,3100000,VB,Jellis,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Junction Rd,3,h,1600000,VB,Fletchers,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,35 Kingston Rd,5,h,2425000,SP,Jellis,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/78 Middlesex Rd,3,t,,SP,Fletchers,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/16 Sherwood Rd,2,h,1000000,S,Fletchers,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2 Suffolk Rd,4,h,2200000,VB,Fletchers,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Thistle St,4,h,,SN,Marshall,1/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,13 Balam Grn,4,h,655000,S,Barry,1/09/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,3/37 Victoria Rd,2,u,405000,SP,YPA,1/09/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,7 Atrium Dr,3,h,550000,SP,Benlor,1/09/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,11 Chantelle Pde,4,h,570000,SP,Reliance,1/09/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,11/27 Turva Av,3,t,413500,SP,Wyndham,1/09/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,5 Angourie Cr,3,h,620000,SP,Barry,1/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,8 Capricorn Ct,4,h,780000,S,Nelson,1/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,6 Kohurau Ct,3,h,621000,S,Barry,1/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,25 Smiths Rd,4,h,1810000,SP,Jellis,1/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,18 Ardgower Ct,4,h,1140000,VB,Woodards,1/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,22 Bilby St,4,h,1020000,VB,Jellis,1/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,9 Lynnwood Pde,4,h,1500000,PI,Barry,1/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,45 Waratah Dr,4,h,950000,PI,Fletchers,1/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,9 Moonah Ct,3,h,,SN,HAR,1/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,38 Murchison Wy,4,h,770000,S,HAR,1/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,36 Gooch St,4,h,1410000,S,Nelson,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,158 Mansfield St,2,h,830000,PI,McGrath,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,254 Mansfield St,3,h,,VB,Upside,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/80 Pender St,3,t,875000,PI,Jellis,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/265 Rossmoyne St,1,u,,PI,Ray,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,31 Swift St,3,h,,S,Nelson,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/33 Swift St,3,t,1000000,PI,McGrath,1/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,12 Edzell Av,3,h,3680000,S,Marshall,1/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12 Hill St,5,h,6700000,VB,Marshall,1/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/1 Irving Rd,2,u,,PI,RT,1/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/777 Malvern Rd,3,u,,S,hockingstuart,1/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1 Mandeville Cr,3,h,,PN,RT,1/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7A Ross St,3,h,2130000,PI,Marshall,1/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont,2/105 Jolimont Rd,3,h,,PI,RW,1/09/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,88 Terrara Rd,4,h,,PI,Barry,1/09/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Wantirna South,33 Riddell Rd,4,h,890000,PI,Barry,1/09/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,2 McPherson Pl,4,h,,PI,hockingstuart,1/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Sinns Av,2,h,490000,SP,YPA,1/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Yankos Dr,3,h,625000,S,YPA,1/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,50 Rupert St,4,h,1075000,PI,Biggin,1/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,3/56 Railway Pl,2,h,800000,PI,Nelson,1/09/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,25 Bamford Av,3,h,648500,SP,Barry,1/09/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,3/3 Gwilt St,3,t,573000,S,Barry,1/09/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,15 Alex Av,4,h,1172000,S,Ray,1/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Bushland Ct,5,h,1195000,S,Harcourts,1/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,16 Farnham Av,3,h,933000,S,Barry,1/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,16 Joiner St,3,h,,SP,RT,1/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/96 Railway Pl,2,u,630000,S,Williams,1/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,6/217 Dandenong Rd,2,u,810000,VB,hockingstuart,1/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,10/14 Newry St,2,u,536000,S,Buxton,1/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,11 Chetwynd Gr,4,h,,PI,Upside,1/09/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,39 Ribblesdale Av,3,h,490000,SP,Barry,1/09/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,24 Blackwood St,2,h,925000,VB,Biggin,1/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2 Deakin St,3,h,870000,S,Hodges,1/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,58 Hawkhurst St,3,h,1017000,S,Compton,1/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,36 Kidman St,4,h,1220000,VB,Jas,1/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2B Stooke St,2,h,920000,VB,Jas,1/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,4/3 Princes St,2,t,830000,SP,Biggin,2/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,5/2 St Kinnord St,1,u,,PI,McDonald,2/06/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,7 Hilbert Rd,4,h,780000,S,Nelson,2/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Moorna Dr,1,h,680000,VB,Nelson,2/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2A Patrick Ct,3,t,,VB,Barry,2/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,44 Barrett St,2,h,,PN,RT,2/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,202 Kerferd Rd,3,h,,SN,Cayzer,2/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,4/13 Young St,1,u,530000,S,hockingstuart,2/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,39 Sydney St,3,h,585000,S,hockingstuart,2/06/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,3 Roemer Cr,5,h,2930000,S,Nelson,2/06/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,7 Pine Dr,3,h,665000,SP,hockingstuart,2/06/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,58 Fifth Av,3,h,,PI,R&H,2/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,26A MacDonald Av,3,h,909000,S,Sweeney,2/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,13B Rockbank Rd,3,h,610000,PI,hockingstuart,2/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,10 Elgin Av,5,h,,SP,Kay,2/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,80 Kooyong Rd,4,h,1850000,VB,Jellis,2/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/42 Wattletree Rd,1,u,368500,S,hockingstuart,2/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,16 Federation St,3,h,985000,PI,Nelson,2/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,11 Langs Rd,5,h,,S,Jellis,2/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,9/52 Mirams St,2,u,508000,S,Edward,2/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1C Myrnong Cr,2,t,880000,S,Jellis,2/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7 Myrnong Cr,3,h,1410000,PI,Nelson,2/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,22 Keyes St,3,h,,PI,Jellis,2/06/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,17 Ashwood Dr,4,h,1250000,VB,Buxton,2/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4 Electra Av,3,h,1280000,S,Buxton,2/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2 Jordan St,3,h,1100000,S,Buxton,2/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,12 Maroondah Rd,4,h,1220000,S,Tim,2/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,9 Cunningham Cl,5,h,1000000,PI,Buxton,2/06/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,28 Intervale Dr,5,h,,PI,Moonee,2/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,53 Montpellier Dr,3,h,750000,VB,Nelson,2/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,53 North Rd,3,h,820000,VB,Nelson,2/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,11 Carrigal St,4,h,,SP,Woodards,2/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,40A Power St,3,t,1460000,S,Marshall,2/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/27 Weir St,2,u,680000,PI,FN,2/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10/206 Whitehorse Rd,2,u,570000,SP,Purplebricks,2/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/32 Yerrin St,3,h,1415000,S,Marshall,2/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,22 Yongala St,5,h,,PI,Woodards,2/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,14 Duggan St,3,h,,VB,Buxton,2/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,64 Maud St,6,h,,S,Jellis,2/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,5/285 Canterbury Rd,2,u,455000,S,Ray,2/06/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,19 Elmhurst Rd,4,h,1900000,PI,Woodards,2/06/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,21 Coronet Gr,3,h,1900000,PI,Buxton,2/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22 Rossmith Av,4,h,1740000,PI,Hodges,2/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/168 Centre Rd,3,u,,PI,Buxton,2/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Daley St,3,h,1300000,PI,Buxton,2/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/9 Pascoe Av,2,u,870000,S,Gary,2/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9B Small Rd,4,t,1467000,S,Marshall,2/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/175 Tucker Rd,3,t,,PI,Buxton,2/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,141 Bignell Rd,4,h,1150000,VB,Woodards,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/73 Bignell Rd,3,t,855000,PI,Jellis,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,764 Centre Rd,3,h,960000,PI,C21,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,788 Centre Rd,3,h,860000,S,Gary,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15B England St,4,t,1250000,PI,Marshall,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Keswick St,4,h,1395000,S,Jellis,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Konrad St,3,h,,VB,Besser,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,69 Lahona Av,5,h,,SP,Marshall,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,123 MacKie Rd,3,h,,S,Woodards,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Monash St,4,h,1385000,VB,Barry,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,42 Valkstone St,5,h,2068000,S,Jellis,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25A Wamba Rd,2,t,940000,S,Buxton,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Yaralla Rd,3,h,,PI,Ray,2/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,5 Cory Pl,4,h,,PI,HAR,2/06/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,80A Ardoyne St,4,h,2100000,VB,Hodges,2/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/67 Bayview Cr,3,t,1500000,SP,McGrath,2/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,31 Central Av,4,h,,PI,Branon,2/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,50 Potter St,4,h,,S,hockingstuart,2/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,41 Alandale Rd,4,h,1250000,VB,Jellis,2/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,60 Shafer Rd,3,h,1090000,VB,Noel,2/06/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,14 Bindy St,4,h,1550000,S,Fletchers,2/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,23 Craig St,3,h,1290000,S,Noel,2/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,26 Banjo Cct,3,h,757000,S,Ray,2/06/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,3 Laraine Ct,3,h,630000,VB,Property,2/06/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,33 Baldwin Av,4,h,,PI,Savoy,2/06/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,11 Donald Ct,3,h,800000,S,LJ,2/06/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,27 Sweetland Rd,4,h,2060000,S,Fletchers,2/06/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,31 Hampden St,3,h,765000,S,Barry,2/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,59 South Rd,3,h,700000,VB,Barry,2/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,2/129 Mountain View Rd,3,u,,PI,Barry,2/06/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,4/45 Bay St,3,t,1780000,S,Buxton,2/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,18 Lorac Av,5,h,3000000,VB,Marshall,2/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,40 Baird St,4,h,,S,Marshall,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,56 Centre Rd,3,h,,S,Marshall,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Comer St,5,h,,PI,Hodges,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Edro Av,5,h,4475000,VB,hockingstuart,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,20 Hornby St,4,h,1515000,SP,Hodges,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Lysander St,3,h,,PI,Buxton,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,635 Nepean Hwy,5,h,1870000,S,hockingstuart,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Stone St,6,h,2990000,S,Marshall,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,100 Thomas St,3,h,1065000,S,Buxton,2/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,3/11 Dacelo Av,2,t,393000,S,Ray,2/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,10 Gosford Cr,4,h,635000,VB,Stockdale,2/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,33 Jacana Av,3,h,530000,SP,Barry,2/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3 Katunga Cr,3,h,,PI,YPA,2/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/51 Stenhouse Av,3,t,650000,PI,hockingstuart,2/06/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,226 Albert St,2,h,840000,PI,Walshe,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Ashmore St,3,h,903000,SP,Woodards,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,57 Blair St,2,h,763000,S,Ray,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,27 Carnarvon St,3,h,1650000,VB,Nelson,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/47 Davies St,3,t,912500,S,Jellis,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 George St,2,h,1210000,PI,Nelson,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3 Howard St,3,h,1300000,S,Nelson,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/182 Victoria St,3,t,,PI,Ray,2/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,222 Stewart St,3,h,1280000,S,Nelson,2/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,2/434 Albion St,1,u,,PN,Walshe,2/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/55 Heller St,1,u,494500,S,Harcourts,2/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,14 White Wy,4,h,1125000,S,Nelson,2/06/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,7 Ashbrook Cct,4,h,790000,S,Ray,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,59 Copernicus Cr,3,t,,PI,Ray,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,19 David Cr,4,h,920000,S,Barry,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Grandiflora Gr,3,h,780000,S,Barry,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,35 Noorong Av,4,h,660000,PI,Ray,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7/1089 Plenty Rd,3,t,,SP,LITTLE,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Snowgum Ct,3,t,610000,SP,Ray,2/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,50 Parkville St,2,h,1307000,S,Biggin,2/06/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood East,354 Blackburn Rd,3,h,940500,S,Lindellas,2/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,10 Heaton Ct,3,h,,PI,Fletchers,2/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,7 Lindisfarne Dr,3,h,1080000,S,Harcourts,2/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,28 Sevenoaks Rd,4,h,1488000,S,Jellis,2/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,34 Cairnlea Dr,3,h,628000,SP,Eview,2/06/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,8 Brinsley Rd,5,h,,VB,Jellis,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,218/436 Burke Rd,2,u,600000,VB,Fletchers,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/441 Camberwell Rd,3,u,,S,Jellis,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,467 Camberwell Rd,3,h,1901500,S,Kay,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/5 High Rd,2,u,710000,PI,Marshall,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/240 Highfield Rd,3,t,1000000,VB,Marshall,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,94 Radnor St,5,h,2500000,VB,Buxton,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/691 Riversdale Rd,3,t,1250000,SP,Hamilton,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9/126 Wattle Valley Rd,2,u,640000,S,Marshall,2/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5 Allenby Rd,4,h,,S,Jellis,2/06/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,10/6 Balwyn Rd,2,u,750000,VB,Jellis,2/06/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,6 Catherine St,4,h,,S,Marshall,2/06/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1 Flinders Av,3,h,2400000,S,Kay,2/06/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,25/75 Drummond St,2,u,771000,S,Nelson,2/06/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,132 McIlwraith St,4,h,,S,Nelson,2/06/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,218 Station St,2,h,,VB,Jellis,2/06/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,463 Station St,3,h,1650000,VB,Nelson,2/06/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,12/27 Mernda Av,2,u,,PI,Purplebricks,2/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/8 Rosstown Rd,2,u,,PI,Harcourts,2/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,9/36 Church Rd,2,u,572500,S,Buxton,2/06/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,2/74 Hawthorn Rd,2,u,725000,S,Thomson,2/06/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,13 Beech St,3,h,1213000,S,Gary,2/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,16 Jupiter St,4,h,1705000,S,McGrath,2/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,6 Elaroo St,6,h,,PI,Buxton,2/06/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,296 Station St,3,h,1070000,PI,Buxton/O'Brien,2/06/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,7 Erskine Av,4,h,1430000,S,Buxton,2/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,28 Hibiscus Av,3,h,,PI,Ray,2/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17 Leon St,3,h,1200000,SP,Buxton,2/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18a Norland St,3,t,1055000,SP,Greg,2/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Susan Ct,3,h,889000,S,Ray,2/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,57 Tulip Gr,4,h,1540000,PI,Hodges,2/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,58 Kimberley Dr,3,h,727500,S,Max,2/06/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/39 Eulinga Rd,3,u,735000,S,Buxton,2/06/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Rosella Av,4,h,,PI,Ray,2/06/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/25 Banksia St,2,u,632500,S,hockingstuart,2/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/20 Belmont Av,4,t,,VB,Boutique,2/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,14 Peckville St,2,h,900000,S,Nelson,2/06/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,27 Bruce St,4,h,1450000,S,Nelson,2/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,65 Campbell St,5,h,1405000,S,Collings,2/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/1 Industry La,2,t,600000,VB,Brad,2/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14A Shaftsbury St,2,h,872000,S,Ray,2/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,1C Gould St,2,t,675000,S,Barry,2/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,28 Orvieto St,4,h,1102000,SP,Brad,2/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,81 Spectrum Wy,3,t,792500,SP,Nelson,2/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,810 Sydney Rd,2,t,600000,S,Ray,2/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,18 Bendigo St,3,h,,S,Collins,2/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,2A Bendigo St,2,h,,PI,Collins,2/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,92 Easey St,3,h,1500000,VB,Nelson,2/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,79 Palmer St,2,h,937000,S,Biggin,2/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,7 Admiration Dr,4,h,750000,PI,Skad,2/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Amesbury Av,4,h,,PI,Barry,2/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Domain Wy,4,h,540000,SP,Ray,2/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Emblem Wy,4,h,650000,S,Ray,2/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Eveline St,4,h,688000,S,Ray,2/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,39 Kelway St,4,h,,PI,Iconek,2/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,3 Jasmine Ct,3,h,645000,S,hockingstuart,2/06/2018,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Cremorne,21 Green St,2,h,1315000,S,Biggin,2/06/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,7 View St,4,h,,PI,Barry,2/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,19 Mariana Av,4,h,,SN,McGrath,2/06/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,39/39 King St,2,u,255000,S,Del,2/06/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,5 Avril St,3,h,585000,S,C21,2/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,30 Birchwood Bvd,3,h,,PI,Barry,2/06/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,46 Aisha Cr,4,h,1050000,S,Hodges,2/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Florida Av,3,h,963000,S,Buxton,2/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,34 Kingston Dr,3,h,795000,S,Buxton,2/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,45 Boyd St,4,h,1250000,PI,Barry,2/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,23 Heyington Av,3,t,,PI,iHomes,2/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Tandara Av,5,h,1440000,S,Parkes,2/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,48 Winston Dr,4,h,1412000,S,ASL,2/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/4 Bogong Ct,4,t,1075000,S,Jellis,2/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14 Brindy Cr,3,h,1180000,S,The,2/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Falcon Ct,4,h,1500000,VB,RW,2/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,19 Adelyn Av,3,h,850000,PI,Hodges,2/06/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,3 Linford Cl,5,h,1825000,PI,Dawson,2/06/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,64 Aylesbury Bvd,3,h,570000,S,Millership,2/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,29 Brookwood Av,4,h,690000,S,RW,2/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,505/9 Eades St,1,u,708000,S,Marshall,2/06/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,11/20 Hotham St,1,u,640000,S,Caine,2/06/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,2/8 St Georges Rd,2,u,1000000,S,Biggin,2/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8/20 Victoria St,2,u,615000,S,Woodards,2/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,28 Antoinette Bvd,4,h,,PI,Barry,2/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/93 Arthur St,4,t,,PI,Jellis,2/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1 Brentwood Ri,4,h,914000,S,Fletchers,2/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/3 Diamond St,3,t,1250000,VB,Morrison,2/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,3 Burns Ct,5,h,1268000,S,Jellis,2/06/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,7 Gum Gld,3,h,1430000,S,Morrison,2/06/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,5/1 Coleridge St,1,u,490000,PI,Buxton,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/9 Dickens St,1,u,419000,S,Chisholm,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,16 Moore St,2,h,1250000,VB,Chisholm,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,204/96 Ormond Rd,2,u,,PI,Obrien,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,16/30 Shelley St,2,u,,S,Hodges,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/2 Southey St,2,u,780000,S,hockingstuart,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/30 Tennyson St,2,u,,SN,Gary,2/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,14 Tatlow Dr,4,h,590000,PI,hockingstuart,2/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,21 Alfred Rd,5,h,2700000,PI,Brad,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11 Carnarvon Rd,4,h,1820000,S,Nelson,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/4 Cooper St,3,h,,S,Rendina,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/8 Fletcher St,2,h,,W,Nelson,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6 Lyon St,4,h,1520000,SP,Barry,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,23 Nimmo St,3,h,,S,Nelson,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,35 Nimmo St,4,h,,S,Nelson,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,301/314 Pascoe Vale Rd,2,u,,PI,Barry,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,305/316 Pascoe Vale Rd,2,u,,SP,Alexkarbon,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7/5 Queen St,2,t,540000,VB,Nelson,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,12/48 Scott St,1,u,280000,SP,Brad,2/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,416 Buckley St,5,h,1500000,VB,McDonald,2/06/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,2/45 Hoffmans Rd,3,t,,SP,Frank,2/06/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,6 Martin Ct,2,h,965000,SP,Jellis,2/06/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,64 Percy St,3,h,835000,S,McGrath,2/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,67 Queens Pde,3,h,841000,S,Nelson,2/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,4 Yungera St,3,h,650000,S,Brad,2/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,14 Mellowood Ct,4,h,818500,SP,Stockdale,2/06/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,3 The Nook,3,h,680000,VB,Schroeder,2/06/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,36 Bell St,3,h,1451000,S,Nelson,2/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,301/9 Smith St,2,u,1505000,S,Nelson,2/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,142 Clauscen St,3,h,1625000,VB,Jellis,2/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,99 Miller St,3,h,1655000,S,Jellis,2/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,31 Taylor St,4,h,1600000,VB,Nelson,2/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,39 Victoria St,3,h,837000,S,Nelson,2/06/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,8 Errol St,4,h,,SP,Sweeney,2/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,219/9 Hewitt Av,1,u,340000,PI,Jas,2/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,14/23 Pickett St,3,u,510000,SP,Sweeney,2/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,19a Everglade Av,2,t,,S,Noel,2/06/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,62 Queen St,4,h,,VB,Barry,2/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,31 Washington Dr,3,h,510000,S,Aquire,2/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,27 Longleaf St,3,h,515000,SP,hockingstuart,2/06/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Gladstone Park,4 Dalton Pl,3,h,680000,S,Barry,2/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,6/97 Neerim Rd,2,u,,SP,Jellis,2/06/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,4/15 Royal Av,2,u,477000,S,Woodards,2/06/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,5/26 Edgar St,2,u,652000,S,hockingstuart,2/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,143 Finch St,4,h,4855000,S,Marshall,2/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6/35 Maitland St,2,u,695000,S,Buxton,2/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,50A Osborne Av,3,h,1350000,PI,Marshall,2/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/56 Osborne Av,4,h,1400000,VB,Marshall,2/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Ventich St,3,h,1720000,PI,Marshall,2/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,89 Avonhurst Dr,3,h,787000,S,HAR,2/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,610 Blackburn Rd,3,h,,SN,Biggin,2/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,37 Mannering Dr,4,h,1410000,S,Harcourts,2/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Penhurst Ct,5,h,,SP,hockingstuart,2/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,51 Torwood Av,4,h,,SP,hockingstuart,2/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,545 Waverley Rd,3,h,,PI,Harcourts,2/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4 Helen Vw,4,h,,S,Stockdale,2/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,33 Justin Av,2,h,695000,S,Jason,2/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,13/68 Diamond Creek Rd,3,t,640000,VB,Nelson,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,12 Glenice St,3,h,810000,VB,Darren,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/8 Grimshaw St,2,u,375000,S,Nelson,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Lyell Pde,4,h,,PI,Buckingham,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4/7 McDowell St,2,u,559000,S,Darren,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9 Moodie St,3,h,741000,S,Buckingham,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,159A Nepean St,2,h,640000,PI,Mason,2/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,37 Luster Cct,4,h,580000,PI,YPA,2/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Serendip Cr,3,h,625000,S,Ray,2/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,32 Lockley St,3,h,635000,S,Woodards,2/06/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,6 Bateman St,4,h,2600000,VB,Buxton,2/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3/93 Highett Rd,2,u,535000,S,Marshall,2/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,78A Ludstone St,3,t,1361000,S,Woodards,2/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,7 Rouen St,4,h,2412500,S,hockingstuart,2/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,11 Service St,3,h,1580000,VB,David,2/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,74A Teddington Rd,4,t,1310000,PI,Marshall,2/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,16 Flowerdale Rd,4,h,1300000,VB,Woodards,2/06/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,7/332 South Rd,2,u,450000,VB,Gary,2/06/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,13 Craigie Ct,4,h,,W,Zed,2/06/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,5/183 Auburn Rd,2,u,551000,SP,Nelson,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,154 Barkers Rd,6,h,3250000,VB,Marshall,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,86 Elgin St,3,h,1676000,S,Jellis,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/28 Elm St,1,u,,PI,Jellis,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/470 Glenferrie Rd,2,u,955000,S,Jellis,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/175 Power St,1,u,402500,S,Marshall,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10 Violet Gr,3,h,,SP,Marshall,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7 Wallen Rd,4,h,2000000,VB,Jellis,2/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/50 Leura Gr,2,u,550000,VB,Jellis,2/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,57 Lingwell Rd,4,h,2500000,VB,Marshall,2/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,23 Roseberry St,2,h,,S,Marshall,2/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/31 Ryeburne Av,2,u,,PI,Kay,2/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/11 Westley St,4,h,,S,Jellis,2/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,4 Myrtle Av,3,h,963800,S,Jellis,2/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,5 Wollahra Pl,3,h,1010000,S,Fletchers,2/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,19 Halifax Av,3,h,1070000,S,Miles,2/06/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,1 Flinders St,4,h,,VB,Fletchers,2/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,96 Alamein Rd,3,h,608000,S,Miles,2/06/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,46 Tobruk Av,2,h,655000,PI,Stockdale,2/06/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1/42 Beaumaris Pde,2,u,600000,S,Greg,2/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,22 Desmond Av,3,h,,PI,Branon,2/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,24 Desmond Av,2,h,,PN,Follett,2/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,15 McFarlane Ct,4,h,1360000,S,Ray,2/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,6/6 Thistle Gr,2,u,600000,VB,Obrien,2/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,10 Jade Wy,3,h,577000,S,Nelson,2/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Ruthven Cl,3,h,585500,S,Bells,2/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Sainsbury Av,3,h,625000,PI,Barry,2/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,42 Saronvale Cr,4,h,680000,SP,Stockdale,2/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,23 Timele Dr,4,h,555000,S,Barry,2/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,15 Arnold Ct,3,h,535000,SP,PRDNationwide,2/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Ashton Cr,4,h,,PI,C21,2/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 First Av,4,h,563000,S,hockingstuart,2/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,41 Moffatt Cr,3,h,,SA,hockingstuart,2/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,49 Willmott Dr,3,h,605000,S,YPA,2/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,44 Stanley St,5,h,1370000,S,Fletchers,2/06/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,23 Hilltop Cr,4,h,1720000,PI,Nelson,2/06/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,29 Arabin St,3,h,780000,SP,Brad,2/06/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,43 Copernicus Wy,3,h,,S,Brad,2/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,69 Tarella Dr,3,h,651500,S,Brad,2/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,11 Cudgewa Pl,3,h,,W,Nelson,2/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3/86 Quinn Gr,2,h,567500,S,Nelson,2/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Sterling Dr,3,h,735000,S,Barry,2/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,60 Wyong St,2,t,,S,Nelson,2/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,14 Laguna Cl,4,h,770000,S,Nelson,2/06/2018,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,5 Ceduna Ct,3,h,700000,S,Nelson,2/06/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,19 Swan St,2,h,645000,S,Nelson,2/06/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,266 Bellair St,2,h,,SN,Rendina,2/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,9 Bendall St,3,t,1200000,S,Rendina,2/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2 Collett St,2,h,,PI,Rendina,2/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,6 Hopetoun St,4,h,1400000,SP,Biggin,2/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,6/2 Howlett St,3,t,757500,SP,Nelson,2/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,93 McCracken St,3,h,1230000,S,Nelson,2/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/198 Cotham Rd,3,u,1020000,S,Jellis,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,68 Fitzwilliam St,3,h,1950000,VB,Jellis,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,59 Malmsbury St,4,h,1700000,VB,Nelson,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/100 Mount St,2,u,760000,SP,Caine,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/120 Princess St,1,u,400000,PI,Woodards,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 Second Av,4,h,2000000,PI,Noel,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,117A Willsmere Rd,3,t,1095000,SP,Ray,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Wishart St,3,h,,VB,Fletchers,2/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,29 Keystone Cr,3,h,2200000,VB,Fletchers,2/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,3/34 Strathalbyn St,2,u,660000,S,Nelson,2/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,2 Allawah Cl,4,h,700000,VB,Barry,2/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,37 Kirribilli Av,4,h,,PI,Area,2/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,35 Narellan Dr,3,h,,PI,Barry,2/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,7 Solsbury Cr,4,h,1545000,SP,Zed,2/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,74 Scott Gr,3,h,754000,S,Barry,2/06/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,7 Albion St,3,h,1100000,SP,Jas,2/06/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,73 Chirnside St,3,h,1100000,PI,Jas,2/06/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,59 Peppermint Gr,4,h,1055000,S,Noel,2/06/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,50 Elizabeth Dr,3,h,,PI,Collings,2/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3 Menzies Pde,3,h,525000,S,HAR,2/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,27 Pinetree Cr,3,h,550000,S,HAR,2/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,79 Rosedale Dr,4,h,,PI,HAR,2/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,52 Victoria Rd,6,h,901000,S,FN,2/06/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Maidstone,5/19 Burns St,2,t,610000,SP,Burnham,2/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/34 Dunedin St,2,h,695000,S,hockingstuart,2/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/16 Yardley St,2,t,565000,PI,Biggin,2/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,40 Edsall St,4,h,2400000,VB,Marshall,2/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,18 Plant St,3,h,,S,Marshall,2/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,24/158 Wattletree Rd,2,u,715000,S,Biggin,2/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,4 Broadbridge Pl,3,h,,VB,Jellis,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6 Broadbridge Pl,2,t,867500,S,Jellis,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,108/14 Illowa St,1,u,390000,VB,hockingstuart,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Langville Ct,4,h,2200000,S,Marshall,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,9 Stonehaven Av,3,h,1975000,PI,Jellis,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/5 The Rialto,3,h,,S,Jellis,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,507 Waverley Rd,3,h,,S,Marshall,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1G Wilmot St,3,t,860000,PI,Biggin,2/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,15 Ellenborough Cr,5,h,611000,S,hockingstuart,2/06/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Manor Lakes,36 Firecrest Rd,4,h,,VB,Ray,2/06/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Manor Lakes,14 Murrumbidgee St,3,h,519000,S,Biggin,2/06/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,9/7 Fabian Ct,2,t,576000,S,Biggin,2/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,15 Merlyn St,3,h,1150000,SP,hockingstuart,2/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1 Pridham St,3,h,1150000,PI,hockingstuart,2/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2 Draper St,3,h,,SP,Buxton,2/06/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/6 McKinnon Rd,3,t,1000000,SP,Gary,2/06/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/4 Prince Edward Av,3,t,1150000,VB,Gary,2/06/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,12 Knight Ct,3,h,,SN,FN,2/06/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,51/283 Spring St,2,u,720000,SP,MICM,2/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,106/431 St Kilda Rd,2,u,705000,S,Morleys,2/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,29 Eaton St,3,h,375000,S,Raine,2/06/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,18 Becker Cl,3,h,510000,S,hockingstuart,2/06/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,27 Balcombe Rd,4,h,1250000,PI,Hodges,2/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,26A Naples Rd,2,t,858500,S,Greg,2/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/21 Palermo St,1,u,415000,S,C21,2/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3 Rimmer St,4,h,1100000,VB,Obrien,2/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,78 Venice St,4,h,1800000,VB,hockingstuart,2/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,6 Brendan St,3,h,618000,S,Stockdale,2/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Coliban Dr,4,h,,PI,HAR,2/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Elmore Wy,4,h,650000,S,HAR,2/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,65 Langdon Dr,3,h,,PI,HAR,2/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,37 Skeeter Dr,3,h,,PI,Skad,2/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,2095 Mickleham Rd,7,h,,SN,Exchanged,2/06/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,45 Nimmo St,3,h,,VB,Greg,2/06/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,80 Nimmo St,4,h,5440000,S,Cayzer,2/06/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,8/70 Patterson St,1,u,380000,VB,hockingstuart,2/06/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,26 Charlotte Rd,5,h,835000,S,Barry,2/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,271 Childs Rd,3,h,,PI,HAR,2/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/35 Cuthbert Dr,3,t,590000,S,Ray,2/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Incana Dr,4,h,920000,VB,Raine,2/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Randell Ct,4,h,,PI,Barry,2/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/21 Dudley St,3,h,885000,S,Ray,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/8 Halls Pde,3,u,850000,VB,Noel,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,7 Irene Cr,4,h,1088000,S,Ray,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,29 McGhee Av,3,h,845000,S,Noel,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,7/490 Mitcham Rd,3,t,750000,S,Ray,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/5 Valency Ct,5,t,1160000,S,Noel,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,42 Vernal Av,4,h,,VB,Fletchers,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Walwa St,4,h,1110000,SP,Noel,2/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,5/415 Elgar Rd,2,u,,SA,hockingstuart,2/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,32 Cressy St,3,h,871000,S,Jellis,2/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,28 Graeme Av,3,h,670000,S,Buckingham,2/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,100 Reichelt Av,3,h,690000,PI,Darren,2/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,47 Ormond Rd,3,h,1050000,VB,Nelson,2/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,55 Robinson St,3,h,1150000,S,Nelson,2/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,31 Matilda Rd,4,h,1075000,PI,Buxton,2/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/12 William St,4,t,1100000,VB,Buxton,2/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,135E McDonald St,3,t,760000,S,Buxton,2/06/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/54 White St,3,t,815000,SP,Barry,2/06/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3/24 Adrienne Cr,3,t,592000,S,McGrath,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/10 Avondale Gr,4,t,,PI,Jellis,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Bennett Av,3,h,1340000,PI,Jellis,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Bradstreet Rd,3,h,1220000,S,Barry,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/92 Huntingdale Rd,4,t,1045200,S,RT,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,50 Marianne Wy,3,h,,SN,Harcourts,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,30 Mayfield Dr,3,h,,S,Jellis,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/28 Park La,2,u,745000,S,Ray,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,32 Park Rd,4,h,,SP,Marshall,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/254 Waverley Rd,2,u,592000,S,McGrath,2/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,101 Albany Dr,3,h,832500,SP,Harcourts,2/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,140 Jacksons Rd,4,h,810000,S,Buxton,2/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1/11 Murrumbeena Rd,1,u,270000,VB,Jellis,2/06/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,118 Fountain Dr,3,h,640000,S,Rexhepi,2/06/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,229 Douglas Pde,2,h,1178500,S,Sweeney,2/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,54 Junction St,3,h,1175000,S,Sweeney,2/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/508 Melbourne Rd,2,u,342500,S,Jas,2/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,56 Haldane Rd,3,h,,VB,Nelson,2/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,202/503 Keilor Rd,2,u,370000,VB,Nelson,2/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,13 Stackpoole St,3,h,,PI,Barry,2/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,16 Kipling St,2,h,1250000,S,Jellis,2/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,29 Stawell St,2,h,850000,PI,W.B.,2/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,41 Valias St,3,h,1105000,S,Gardiner,2/06/2018,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,99 Beaconsfield Pde,2,h,1125000,S,Nelson,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,206/8 Breavington Wy,2,u,560000,VB,Buckingham,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Candy St,3,h,1655000,S,Jellis,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/53 Gadd St,2,t,725000,S,Jellis,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Harper St,3,h,,S,Nelson,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6/414 High St,2,u,579000,S,Harcourts,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/10 Langwells Pde,3,t,1020000,PI,McGrath,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,158 Mitchell St,4,h,1506000,S,Nelson,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,29 Tanner Gr,3,h,995000,PI,Woodards,2/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,27 Luckie St,4,h,1455000,S,Noel,2/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,10 Ethel St,5,h,1320000,S,Brad,2/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,9/37 Rhodes Pde,2,u,550000,VB,Nelson,2/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,14 Ridge Rd,3,h,,PI,Brad,2/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/52 Watt Av,3,u,640000,VB,Brad,2/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/45 Xavier St,3,t,807500,S,Eview,2/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,2/25 Grant St,3,u,1000000,S,Buxton,2/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Ormond,26B Walsh St,4,t,1202500,SP,Jellis,2/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,29 Wimmera St,4,h,2112000,S,Gary,2/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/162 Como Pde W,3,t,1075000,S,Hodges,2/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,5 Archibald St,5,h,1400000,VB,Nelson,2/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/70 Bolingbroke St,4,t,,S,Brad,2/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,11 Irma Gr,3,h,985000,S,Brad,2/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,136 Landells Rd,3,h,820000,S,Ray,2/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/4 Plymouth Av,3,t,782500,S,Brad,2/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,65 Orbis Av,3,h,600000,S,YPA,2/06/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,17 Caledonian Wy,3,h,,PN,LJ,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,7 Marshall Tce,4,h,,PI,Ray,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Ribbon Cl,4,h,638500,S,hockingstuart,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Rivulet Dr,4,h,750000,VB,hockingstuart,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,44 Solitude Cr,4,h,,SN,Ray,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,7 Suva St,4,h,,PI,Ray,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,52 Vaucluse Bvd,4,h,1013000,SP,hockingstuart,2/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,5 Bath Pl,2,h,1410000,S,Frank,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,502/65 Beach St,2,u,1325000,S,McGrath,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,177 Farrell St,2,h,1245000,SP,Buxton,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,10 Griffin Cr,3,h,,VB,Buxton,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,382 Ross St,3,h,1625000,S,Marshall,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3/36 Rouse St,4,u,1400000,S,Biggin,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,13 The Cove,3,h,,SP,Jellis,2/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,14 Airlie Av,4,h,,S,Marshall,2/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/60 Chomley St,2,u,545000,S,Jellis,2/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/43 Grandview Gr,1,u,446000,S,Biggin,2/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4 Leila St,4,h,2800000,PI,hockingstuart,2/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,150 Peel St,3,h,1420000,S,Jellis,2/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/21 Wynnstay Rd,3,t,1310000,S,Jellis,2/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1/22 Furzer St,3,t,770000,PI,Barry,2/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33 James St,3,h,810000,S,Love,2/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,84 Regent St,5,h,1475000,S,Nelson,2/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,90 Spring St,3,t,781000,S,Nelson,2/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Townhall Av,3,h,1050000,SP,RW,2/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,38 Ayr St,3,h,,SP,RW,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/116 Boldrewood Pde,2,u,550000,S,hockingstuart,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Crawley St,3,h,1225000,PI,Barry,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/54 Davidson St,3,t,670000,PI,Barry,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Kyneton Av,3,h,630000,PI,Ray,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,49 Locher Av,3,h,700000,S,Stockdale,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Luke St,2,h,830000,S,Stockdale,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Nisbett St,3,h,700000,SP,RW,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/8 Oconnor St,2,u,540000,PI,Barry,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/10 Pershing St,2,t,650000,SP,Nelson,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/72 Purinuan Rd,3,t,650000,S,Woodards,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Wilkinson St,2,h,829000,S,Jellis,2/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,203/1 Barnet Wy,3,u,1150000,VB,Scott,2/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/51 Bendigo St,2,t,900000,S,hockingstuart,2/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,503/9 Griffiths St,3,u,1720000,S,Marshall,2/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/5 Stillman St,3,t,1150000,PI,Biggin,2/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/28 Tanner St,2,u,895000,S,Jellis,2/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,19 Kitson St,3,h,720000,S,Fletchers,2/06/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,9 Marwarra St,3,h,,S,Jellis,2/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,25 Morinda St,3,h,,PI,Philip,2/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,17 Talofa Av,3,h,1135000,SA,Philip,2/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/3 Wenwood St,3,h,735000,SP,Noel,2/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,27 Through Rd,4,h,900000,VB,Hoskins,2/06/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rowville,12 Fernlea Av,3,h,815000,S,Harcourts,2/06/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,13 Donvale Av,3,h,,W,FN,2/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Parnell Ct,4,h,620000,S,Raine,2/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,11 Truscott Av,4,h,570000,VB,Love,2/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,64 Claude St,3,h,621000,S,Munn,2/06/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,96 Alexander St,2,t,765000,SA,Compton,2/06/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,14 Hyde St,2,h,1052000,S,Jas,2/06/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,60 Blackshaws Rd,3,h,1330000,S,Williams,2/06/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,20 Mountain St,3,h,1560000,S,Branon,2/06/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,5 Amber Ct,3,h,570000,S,RW,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,53 Capri Cl,4,h,,SN,Iconek,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7 Foxtail Tce,5,h,695000,S,HAR,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2 Galette Pl,4,h,740000,S,HAR,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,79 Hawkstowe Pde,4,h,,SN,The,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19 Kylemore Dr,3,h,630000,SP,HAR,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7 Raphael Ri,4,h,986000,S,Iconek,2/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,8/10 Affleck St,1,u,,SN,Cocoon,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,25A Albion St,3,h,,SP,Jellis,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/52 Arthur St,2,u,510000,SP,Biggin,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/101 Caroline St,2,u,1320000,S,hockingstuart,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,405/657 Chapel St,2,u,800000,VB,Biggin,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/44 Darling St,2,u,,SP,hockingstuart,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/51 Murphy St,2,u,680000,S,hockingstuart,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/191 Williams Rd,2,u,605000,S,Jellis,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/241 Williams Rd,2,u,650000,VB,Jellis,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1201/18 Yarra St,3,u,1150000,PI,Kay,2/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,173/38 Kavanagh St,2,u,512000,S,MICM,2/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,12 Grace St,3,h,718000,S,Savoy,2/06/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,42 Andrea St,2,u,,W,YPA,2/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,115 Denton Av,3,h,630000,SP,YPA,2/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Jeffrey Cl,3,h,638000,S,Bells,2/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,12 Kodre St,4,h,,W,Barry,2/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Moffat St,3,h,620000,PI,United,2/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,4/56 Acland St,2,u,760000,VB,Buxton,2/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,32/3 Alfred Sq,1,u,560000,S,hockingstuart,2/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,32 Clyde St,2,h,,S,Marshall,2/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,72 Bournian Av,4,h,,PI,Brad,2/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3 Vision St,4,h,1145000,S,Nelson,2/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,2 Augusta Cl,3,h,450000,S,Leeburn,2/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,19 Fingleton Cr,4,h,510000,SP,YPA,2/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,9 Hill Gr,3,h,495000,S,Leeburn,2/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,7 Yewers St,2,h,,PI,HAR,2/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,8 Roussac Ct,3,h,665000,S,Douglas,2/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,3 Fairbairn Rd,5,h,652000,S,RW,2/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,31 Fontana Cl,4,h,955000,SP,Douglas,2/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,8A Gayle Cl,4,t,,PI,Barry,2/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,19 Kosky St,3,h,680000,VB,Bells,2/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2 Nash Ct,3,h,,PI,GL,2/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,145 Ridgeway Pde,3,h,671000,S,Barry,2/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4/12 Essex Rd,2,u,671000,S,Ray,2/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Willcyrus St,4,h,,SN,Fletchers,2/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,64 Stagecoach Cr,3,h,660000,S,Bells,2/06/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,5 Pacific Bvd,4,h,,VB,YPA,2/06/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,18 Redcliffe Tce,4,h,,PI,HAR,2/06/2018,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,12 Colonsay St,3,h,1170000,S,Barry,2/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2 Hermann Ct,5,h,2550000,VB,Jellis,2/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1 Kolor Wy,4,h,1300000,PI,Fletchers,2/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,51 Taparoo Rd,4,h,1600000,VB,Jellis,2/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,4 Totara Ct,4,h,1250000,VB,Fletchers,2/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,2/2 Elm St,2,t,528000,S,HAR,2/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,11 Stewart St,3,h,1110000,S,HAR,2/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,130 Ballantyne St,3,h,1440000,S,McGrath,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/153 Ballantyne St,3,t,885000,S,McGrath,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/58 Clarendon St,2,u,730000,SP,McGrath,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,237 Darebin Rd,3,h,,SN,McGrath,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,10 Hobson St,3,h,,SN,Biggin,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7 Martin St,3,h,1490000,S,Love,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,33 Rossmoyne St,3,h,1180000,S,Jellis,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/30 Strettle St,1,u,393000,S,Nelson,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/40 Swift St,1,u,354500,S,Love,2/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,6/33 Albany Rd,2,t,,S,RT,2/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,42/46 Lansell Rd,2,u,,S,Kay,2/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5 Theodore Ct,5,h,4000000,S,Abercromby's,2/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12/417 Toorak Rd,2,u,,SP,Abercromby's,2/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/256 Williams Rd,2,u,592000,S,hockingstuart,2/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,8 Bushfield Rd,4,h,645000,S,Greg,2/06/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,50 Tennyson Dr,3,h,540000,PI,Barry,2/06/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,2/19 Broadmeadows Rd,3,u,500000,SP,Jason,2/06/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,21 Paramount Ct,4,h,600000,VB,Zed,2/06/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,33 Pioneer Cl,4,h,920000,PI,Hodges,2/06/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,111 Weeden Dr,4,h,1400000,S,Woodards,2/06/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wallan,59 William St,3,h,424000,S,Ruralco,2/06/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,11 Gresford Rd,5,h,1154000,S,Philip,2/06/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1/39 Jessica Cl,3,h,722500,S,Ray,2/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,6 Warrangum Pl,4,h,970000,SP,voglwalpole,2/06/2018,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,33 Black St,3,h,835000,S,Nelson,2/06/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,1/67 Conquest Dr,3,h,456000,SP,Greg,2/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,73 Edwards Rd,4,h,,SP,Barry,2/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Garden Ct,3,h,,PI,YPA,2/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Gerald St,4,h,635000,S,Benlor,2/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Queensbury Wy,3,h,550000,SP,United,2/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,35 Richmond Cr,3,h,490000,S,YPA,2/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,20/132 Rupert St,1,u,,PI,Burnham,2/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,87 Stanhope St,3,h,830000,PI,Jas,2/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,267 Adderley St,4,t,1606000,S,Rendina,2/06/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,5/231 Roden St,2,t,850000,VB,Jellis,2/06/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,80 Erinbank Cr,3,h,556000,S,YPA,2/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,2/28 Fawkner St,2,u,425000,S,O'Brien,2/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,16 Bellara Wy,5,h,,PI,Biggin,2/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Europa Ct,3,h,,PI,Harcourts,2/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,72 Raphael Dr,4,h,,PI,Biggin,2/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,35 Threadbow Cr,4,h,,SN,Biggin,2/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,18 Bates Dr,3,h,,VB,Greg,2/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,95 Cole St,3,h,1600000,S,Sweeney,2/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,116 Stevedore St,4,h,1460000,SP,Williams,2/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,50 Twyford St,5,h,,S,Greg,2/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,35 Hornby St,2,h,1550000,PI,Biggin,2/06/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5/157 Peel St,2,u,680000,S,hockingstuart,2/06/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,5 Florentino St,2,h,,PI,Barry,2/06/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,8 Melody Wy,4,h,685000,PI,Ray,2/06/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,3 Yumbarra Pde,4,h,610000,SP,hockingstuart,2/06/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,7 Penole Wy,4,h,465000,S,Greg,2/06/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,17 Wilton Cl,3,h,515000,S,Barry,2/06/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,69 Castlemaine St,2,h,900000,SP,Williams,2/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,39 Frederick St,2,h,950000,S,hockingstuart,2/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,44 Frederick St,3,h,1150000,S,Jas,2/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5/146 Hyde St,2,u,467500,S,Jas,2/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6 Powell St,3,h,1145000,PI,Jas,2/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Alphington,2/23 Coate Av,2,h,765000,S,Nelson,3/02/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Ardeer,84 McLaughlin St,3,h,630000,SP,Barry,3/02/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ashwood,231 Huntingdale Rd,2,h,,S,Buxton,3/02/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,8 Carpentaria Ct,4,h,1000000,PI,Ray,3/02/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,22 The Crest,4,h,578000,S,Stockdale,3/02/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,18 Westminster Dr,3,h,730000,S,Moonee,3/02/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bentleigh East,38 Hill St,2,h,,S,Buxton,3/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,12 Palmerston St,4,h,,PI,Barry,3/02/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn South,19 Sylvia St,5,h,1225000,VB,Fletchers,3/02/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,7 Damar Av,4,h,780000,S,Noel,3/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Bundoora,145 Cameron Pde,4,h,830000,S,Barry,3/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5/5 Greenhills Rd,2,u,536000,S,Ray,3/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/34 McComas Gr,3,h,,PN,LLC,3/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,1/24 Barry Rd,3,u,825000,S,McGrath,3/02/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Caroline Springs,1 Aberfeldie Wy,5,h,680000,VB,Barry,3/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,9 The Entrance,3,h,450000,S,Prof.,3/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Cheltenham,1/14 Jack Rd,3,t,925000,S,O'Brien,3/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Jells Rd,4,h,1410000,SP,Buxton,3/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Leon St,4,h,1280000,S,O'Brien,3/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,18 Glenmorgan Cl,3,h,770000,S,Harcourts,3/02/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Craigieburn,5 Blairgowrie Dr,4,h,695000,S,Barry,3/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Cockatiel Cct,3,h,560000,SP,LJ,3/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1/76 Gillingham Cr,3,h,360000,S,Stockdale,3/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Spurr St,4,h,511500,S,Raine,3/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Vali Rd,4,h,710500,S,Ray,3/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,79 Diane Cr,4,h,,PI,Philip,3/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,31 Kallay St,3,h,,S,Fletchers,3/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,45 Norris Cct,4,h,1060000,SP,McGrath,3/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,8 Vicki St,3,h,845000,S,McGrath,3/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,4 Eton Ct,3,h,,PI,Hall,3/02/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,32 Longfield Wy,3,h,,PI,RW,3/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,24 Tasman Av,3,h,490000,PI,FN,3/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Doreen,9 Glass Cr,4,h,,SP,HAR,3/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,159 Orchard Rd,3,h,477000,SP,HAR,3/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,27 Power Rd,2,h,,PN,REMAX,3/02/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eltham,90 Livingstone Rd,3,h,875000,SP,Buckingham,3/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Emerald,80 Kilvington Dr,1,h,462000,S,Eview,3/02/2018,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Epping,61 Shields St,3,h,,PI,Stockdale,3/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Fawkner,47 Major Rd,3,h,876000,S,Brad,3/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,11 Beckenham Dr,4,h,845000,S,Schroeder,3/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,5/7 Hillcrest Av,2,u,597000,S,Noel,3/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferny Creek,36 Seabreeze Av,3,h,690000,S,FN,3/02/2018,3786,Eastern Victoria,604,29.5,Yarra Ranges Shire Council +Footscray,36 Raleigh St,2,h,800000,PI,hockingstuart/Sweeney,3/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,79 Husband Rd,3,h,880000,S,Ray,3/02/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,26 Thornhill Dr,4,h,1120000,SP,Harcourts,3/02/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,15 Inglis Av,3,h,697250,S,Ash,3/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,160 Karingal Dr,3,h,561000,S,O'Brien,3/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,37 Summit Rd,4,h,810000,PI,Aquire,3/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,8 Yarla Ct,5,h,580000,S,O'Brien,3/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Glen Waverley,29 Norfolk St,3,h,1130000,PI,Harcourts,3/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,49 Plumpton Av,2,h,685000,S,Eview,3/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,119A View St,3,h,645000,S,RW,3/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greenvale,3 Monteiro Ct,4,h,,PI,LJ,3/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hawthorn East,2/8 Auburn Gr,2,h,575000,S,Harcourts,3/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,189 Canterbury Rd,4,h,1175000,VB,Purplebricks,3/02/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,56 Outhwaite Rd,3,h,865000,S,Ray,3/02/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,22 Lansell Av,3,h,,PI,Ray,3/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,23 Middleton St,3,h,1410000,S,Buxton,3/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,25 Burnham Dr,5,h,,SN,Benlor,3/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Madison Dr,4,h,,PI,Gold,3/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,201 Morris Rd,4,h,680000,S,Benlor,3/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,15 Sheahan Cr,3,h,,SP,Benlor,3/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Kensington,24 Parsons St,3,h,,SP,Rendina,3/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kingsbury,174 Dunne St,4,h,720000,S,Ray,3/02/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,77 Applewood Dr,3,h,,SP,Hill,3/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lilydale,7A Rose Ct,3,h,650000,SP,Max,3/02/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Meadow Heights,120 Shankland Bvd,7,h,786500,S,Raine,3/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1915/250 Elizabeth St,1,u,445000,SP,Harcourts,3/02/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,61 Marina Dr,4,h,413000,S,hockingstuart,3/02/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,14 Bridgeford Cr,4,h,410000,S,hockingstuart,3/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,4 Kurrajong Cr,3,h,417500,S,hockingstuart,3/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,18 Oakfield Ct,3,h,,PI,PRDNationwide,3/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,84 Westmelton Dr,3,h,,PI,Ryder,3/02/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,10 Birch St,3,h,1120000,S,Thomson,3/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1 Walden Rd,3,h,1462000,S,O'Brien,3/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,10 Castello St,5,h,676000,S,Stockdale,3/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,2 Honeysuckle Ct,3,h,592000,S,Ray,3/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Incana Dr,4,h,,PI,HAR,3/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,86 Moorhead Dr,3,h,635000,S,HAR,3/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Moorabbin,6A Barilla Rd,3,h,,PI,Buxton,3/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,3/1 William St,2,u,672000,S,O'Brien,3/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mulgrave,19A Blanton Dr,4,h,,SP,Biggin,3/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,15 Edmonds St,4,h,,PI,Barry,3/02/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,3/3 Jubilee St,1,h,340000,SP,hockingstuart,3/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +North Melbourne,59 Baillie St,2,t,880000,S,Rendina,3/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Oakleigh,22 Heath Av,4,h,1455000,S,Buxton,3/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Parkdale,54 Balmoral Dr,4,h,1451000,S,O'Brien,3/02/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Point Cook,1/8 Ancona Ct,2,t,411000,S,LJ,3/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,21 Atkinson Cl,4,h,,PN,FN,3/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,19 Beveridge Ct,3,h,587500,S,LJ,3/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,48 Ladybird Cr,3,h,750000,S,Point,3/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,63 Lancaster Dr,3,h,675000,S,Reliance,3/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Livorno La,4,h,692000,S,Reliance,3/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Preston,81 Wilcox St,4,h,,PI,Ray,3/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,10/59 St Vigeons Rd,2,u,525500,SP,Ray,3/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Ringwood East,1/64 Mt Dandenong Rd,3,u,656000,S,Ray,3/02/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rowville,30 Westminster Dr,4,h,930000,S,Noel,3/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,9 Corona Pl,3,h,525000,S,Raine,3/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/190 Bay Rd,3,u,870000,VB,Buxton,3/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,10 Holroyd St,3,h,606000,S,O'Brien,3/02/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,182 Pilgrim St,2,h,807500,SP,Sweeney,3/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Morang,20 Serendip Av,4,h,670000,S,Ray,3/02/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +Southbank,191/173 City Rd,3,u,801000,S,MICM,3/02/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,58/88 Southbank Bvd,2,u,530000,S,MICM,3/02/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale South,29 Harold Rd,4,h,,PI,iSell,3/02/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,11 Cox St,3,h,675000,S,hockingstuart,3/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/107 Fox St,2,u,400000,PI,People,3/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +Tarneit,5 Harmony Dr,2,h,,PN,Greg,3/02/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Thornbury,260b Gooch St,2,t,830000,S,Nelson,3/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Vermont South,7 Rutherglen Rd,5,h,,PI,Noel,3/02/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Werribee,2/7 Anglia Ct,3,u,437500,S,hockingstuart,3/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Princes Ct,3,h,900000,SA,Barry,3/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Salisbury St,2,h,,PN,FN,3/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,241 Shaws Rd,3,h,,SP,Benlor,3/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,1B Dianella Ct,2,t,623000,S,hockingstuart,3/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Yarraville,41 Francis St,2,h,755000,S,hockingstuart/Biggin,3/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,28 Regent St,3,h,,SP,Biggin,3/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,22 Beaver St,4,h,,S,Nelson,3/03/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,91a Marshall Rd,3,h,890000,SP,Nelson,3/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/127 McNamara Av,3,h,,PI,Barry,3/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 McNamara Av,3,h,975000,S,Nelson,3/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,38a North St,3,t,891000,S,Nelson,3/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/29 Walters Av,2,u,700000,SP,Barry,3/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,9 Fernhill Ct,3,h,,PI,YPA,3/03/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,103 Ashworth St,3,h,1650000,S,The,3/03/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,510 Heidelberg Rd,4,h,1480000,SP,Jellis,3/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,26 Lucerne Cr,4,h,2420000,PI,Nelson,3/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,84 Queen St,3,h,1815000,S,Williams,3/03/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,2 Lewin Ct,3,h,600000,S,Burnham,3/03/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,146 McIntosh Rd,3,h,700000,SP,hockingstuart,3/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,27 Helene St,4,h,624000,S,Barry,3/03/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,3/7 Fetherston St,2,u,775000,S,hockingstuart,3/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,14/18 Mercer Rd,2,u,,S,hockingstuart,3/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,18 Royal Cr,5,h,,S,Marshall,3/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/40 Wattletree Rd,1,u,561500,S,hockingstuart,3/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/53 Wattletree Rd,1,u,401000,S,hockingstuart,3/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,210/8 Burrowes St,1,u,,VB,Brad,3/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,22 Ormond Rd,3,h,,SP,Rendina,3/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,163 The Parade,3,h,1050000,VB,Nelson,3/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,107A Walter St,3,h,,PI,Hodges,3/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,11 Comas Gr,5,h,2850500,S,Jellis,3/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,379 High St,4,h,1400000,VB,hockingstuart,3/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,6 Orford Rd,4,h,,S,Jellis,3/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/9 Jordan St,3,u,,SN,Woodards,3/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,11B Foam St,3,t,1095000,S,Buxton,3/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,4 June Pl,3,h,1015000,S,Ray,3/03/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,2/12 Doyle St,3,u,,SP,Moonee,3/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,31 Herbert St,3,h,,VB,Harcourts,3/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,2 Raglan St,3,h,904000,S,Moonee,3/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,28 Robson Av,3,h,680000,S,Moonee,3/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,14 Skewes St,3,h,725000,S,Harcourts,3/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,2/4 Weyburn Pl,3,t,,VB,Brad,3/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,3/36 Brighton Rd,2,u,652000,SP,McGrath,3/03/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,14 Jersey St,4,h,,VB,Jellis,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2 Kinsale Cr,5,h,2800000,PI,hockingstuart,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,20 Nungerner St,5,h,2360000,PI,Fletchers,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11A Raynes St,4,h,,VB,Nelson,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2 Threadneedle St,5,h,4000000,PI,Jellis,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,13 Vauxhall Rd,4,h,2140000,S,Jellis,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,401/200 Whitehorse Rd,3,u,1600000,VB,Fletchers,3/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1a Beverley Ct,4,t,1250000,VB,hockingstuart,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Beverley Ct,4,t,1190000,VB,Bekdon,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,337 Doncaster Rd,5,h,1510000,PI,Fletchers,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Hedderwick St,3,h,,SP,Marshall,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Helston St,4,h,2255000,PI,Fletchers,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Hillview Rd,4,h,,PI,RT,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,18 Riverside Av,4,h,1905000,PI,Noel,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,50 Severn St,4,h,,SP,Nelson,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,12 Ventnor St,3,h,,SP,Fletchers,3/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,3/34 Farnham Rd,3,u,,SP,Barry,3/03/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,17 Bodley St,4,t,1820000,SP,Chisholm,3/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,14 Cannes Gr,4,h,1645000,S,Bayside,3/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,61 Cromer Rd,3,h,1674000,S,hockingstuart,3/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,145 Dalgetty Rd,4,h,1550000,S,Buxton,3/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2 Point Av,3,h,3720000,S,Hodges,3/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,180 Tramway Pde,4,h,1880000,S,McGrath,3/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,4 Adam St,4,h,1625000,SP,Janice,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,90 Daley St,4,h,1700000,VB,Buxton,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,42 London St,3,h,1605000,S,Buxton,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15A Loranne St,3,t,1350000,S,Buxton,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33A Marquis Rd,2,t,920000,S,Buxton,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3 Roma St,4,h,1300000,VB,hockingstuart,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,34 Sunnyside Gr,5,h,,S,Jellis,3/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,19a Birdwood St,2,h,871000,S,Jellis,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32a Brian St,4,t,,S,Buxton,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Browns Rd,3,h,1260000,S,Thomson,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2A David St,2,t,883000,S,Buxton,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,42 Edinburgh St,3,h,1155000,S,Jellis,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Highview Rd,4,h,,SN,Hodges,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,105A MacKie Rd,4,t,1282000,S,Jellis,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Rudyard St,3,h,1015000,S,Woodards,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Samuel Ct,3,h,1180000,S,Buxton,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Vine Ct,5,h,1669000,S,Jellis,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,39 Warwick St,3,h,1146000,S,Buxton,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/82 Wingate St,3,t,800000,PI,Buxton,3/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,2/12 Karrakatta St,3,t,950000,VB,Buxton,3/03/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,4 Tandara Ct,4,h,1980000,S,hockingstuart,3/03/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,5 Boongarry Av,5,h,1670000,S,Jellis,3/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,63 Gardenia St,3,h,,S,Jellis,3/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,8 Hillside Cr,4,h,,S,Jellis,3/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,19 Patricia Rd,2,h,,SN,Noel,3/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1/62 Caroline Cr,3,h,750000,PI,hockingstuart,3/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1/4 Gay St,3,h,,PI,Noel,3/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,8 Kent Cl,4,h,1300000,SP,McGrath,3/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,28 Koonung Rd,3,h,,SP,Philip,3/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,7 Kurrajong Wy,3,t,850000,VB,Fletchers,3/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,5 Abercromby Rd,4,h,1400000,VB,Jellis,3/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,267 Blackburn Rd,3,h,870000,VB,Fletchers,3/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,11A Donald St,3,h,,SN,Woodards,3/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/134 Middleborough Rd,3,t,975000,VB,Noel,3/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,36 Ashted Rd,4,h,2128888,S,Buxton,3/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,39 Shepherd St,3,h,801500,S,Bells,3/03/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,9/109 Asling St,3,t,975000,VB,Marshall,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,14 Cross St,3,h,1925000,VB,Marshall,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,112 Dendy St,4,h,3590000,S,Nick,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,42 Ebden St,3,h,1826000,S,Jellis,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,115 Male St,2,h,,S,Marshall,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,123 Male St,2,h,1250000,VB,Marshall,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,136 Male St,4,h,2500000,S,Buxton,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,137 Male St,4,h,2300000,PI,Nick,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,103/32 Warleigh Gr,2,u,970000,SP,hockingstuart,3/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,21 Cheeseman Av,4,h,1840000,S,Marshall,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,680 Hawthorn Rd,4,h,1736000,S,Buxton,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,12 Henry St,3,h,1700000,S,Buxton,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,56 Lucas St,3,h,1850000,VB,Kay,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,61 Marriage Rd,4,h,2500000,S,Hodges,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,43 Regent St,4,h,2070000,PI,Marshall,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Roseberry Av,4,h,1555000,S,Buxton,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,48 Shasta Av,5,h,2500000,VB,Marshall,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,21 Wallen St,4,h,2000000,VB,Marshall,3/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,16 Benambra St,3,h,560000,S,Barry,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Gerbert St,3,h,,PI,YPA,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2 Meredith St,3,h,770000,S,RW,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,20 Ortolan Av,2,h,711000,S,Stockdale,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,12 Osway St,3,h,653000,S,YPA,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,31 Walsh St,3,h,407500,S,YPA,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,83 Waranga Cr,4,h,560000,PI,@Realty,3/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,73 Cypress Av,4,h,,VB,hockingstuart,3/03/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,3 Austral Av,4,h,1500000,VB,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/203 Brunswick Rd,1,u,,SN,Ray,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/10 Charles St,2,u,790000,S,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,77 Davies St,3,h,1100000,S,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30 Fourth Av,4,h,1325000,S,Jellis,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Latrobe St,2,h,1126000,S,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,65 Laura St,2,h,1355000,S,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Leithead St,2,h,900000,SP,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 MacFarland St,3,h,915000,SP,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/27 Mitchell St,2,u,570000,PI,Walshe,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,112 Moreland Rd,4,h,,PI,Noel,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Saxon St,3,h,1160000,PI,Jellis,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Sheffield St,4,h,1661000,S,Nelson,3/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,1 Alsace St,3,h,,SN,Ray,3/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,616/22 Barkly St,3,u,925000,S,Jellis,3/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/20 Lyndhurst Cr,2,h,530000,VB,Nelson,3/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,549 Albion St,3,h,950000,VB,Brad,3/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,15 Burnell St,3,h,1326000,S,Nelson,3/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6 Burnell St,3,h,1250000,S,Alexkarbon,3/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10 Foden St,4,h,1440200,S,Barry,3/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,14 James St,3,h,1345000,S,Nelson,3/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,18 Allen St,3,h,,PI,Jellis,3/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,43 Dale St,4,h,1337000,S,Jellis,3/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,22 Derreck Av,4,h,1310000,VB,Jellis,3/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,11 Jones Ct,3,h,,PI,Barry,3/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,15 Milton Pde,3,h,,PI,Ray,3/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Wallara Cr,3,h,785000,S,Barry,3/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/13 Edwards St,4,t,1217500,S,Fletchers,3/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,8 Inverness Av,3,h,1308000,SP,Buxton,3/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,21 Iris St,3,h,1461000,S,Buxton,3/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,11 Stephens St,3,h,1388000,SP,Buxton,3/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,11 Allambie Pl,3,h,980000,VB,RT,3/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,24 Carver St,4,h,1177000,S,hockingstuart,3/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,32 Jade Cct,4,h,1290000,S,Noel,3/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,3 Pickford St,3,h,1140000,S,Buxton,3/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,28 Robert St,3,h,1177000,S,hockingstuart,3/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,18 Bethela St,4,h,2175000,VB,Jellis,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,516 Burke Rd,5,h,,S,Marshall,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,32a Cornell St,3,t,,S,Jellis,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,11 Gleeson Av,7,h,1700000,VB,Fletchers,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/251 Highfield Rd,2,u,730000,S,Noel,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,15 Laxdale Rd,5,h,,SP,Marshall,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 Lesley St,4,h,2200000,PI,Noel,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Maple Cr,4,h,2175000,S,Marshall,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/634 Riversdale Rd,3,u,1150000,PI,Jellis,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Royal Cr,4,h,,S,Marshall,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1a Thomas St,4,t,1650000,VB,Fletchers,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8 Thomas St,4,h,,VB,Buxton,3/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,1/63 Mont Albert Dr,3,h,430000,S,Raine,3/03/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,2/63 Mont Albert Dr,2,t,350000,PI,Raine,3/03/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,94 Highfield Rd,3,h,,SN,Woodards,3/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,5/67 Wattle Valley Rd,2,u,,SP,Jellis,3/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,21/34 Neill St,1,u,412000,S,Whiting,3/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,10/1072 Lygon St,2,u,665000,S,Harrington,3/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,17 Shakespeare St,2,h,1065000,S,Woodards,3/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,9/1264 Glen Huntly Rd,1,u,333000,S,Gary,3/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/70 Woornack Rd,3,u,920000,S,Gary,3/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,3A Church Rd,5,t,,S,Buxton,3/03/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,1/21 Stanley St,3,t,870000,PI,Buxton,3/03/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,2/32 Valetta St,3,h,788000,S,Ray,3/03/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,21 Hellenic Ct,4,h,562500,S,Harcourts,3/03/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,6 Paras Dr,3,h,510000,SA,Munn,3/03/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,29 Protea St,3,h,,SP,McLennan,3/03/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,13 Rundle Dr,3,h,550000,S,Harcourts,3/03/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,17 Arthur St,4,h,1545000,S,Gary,3/03/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,14 Jupiter St,3,h,1530000,S,Gary,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,522 Kooyong Rd,2,h,,PI,Purplebricks,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,41 Moore St,3,h,1425000,PI,Gary,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,17 Sheffield St,2,h,1101000,S,Gary,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,40 Spring Rd,3,h,2000000,PI,Gary,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,8 Steele St,3,h,,SN,Gary,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,3 Sycamore St,4,h,,S,hockingstuart,3/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,9 Binalong Av,3,h,1300000,S,McGrath,3/03/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,4 Glenora St,3,h,960000,PI,Barry,3/03/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,5 Baringhup St,5,h,,SN,Hodges,3/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,25 Monterey Dr,3,t,875000,VB,Buxton,3/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Stuart Av,3,h,1305000,S,Marshall,3/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,22 Kingswood Dr,3,h,,PI,Ray,3/03/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,11 Christopher Ct,5,h,1425000,S,Buxton,3/03/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,8 Jordan St,3,h,1020000,S,Buxton,3/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/43 Rosebank Av,4,u,665500,S,Hodges,3/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,2 Barries Pl,3,h,935000,S,Miles,3/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,9/2 Groom St,3,t,900000,VB,Jellis,3/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,4/28 Groom St,3,u,,PI,Nelson,3/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,4/165 Noone St,2,u,580000,S,Domain,3/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,1 Peckville St,2,h,1010000,PI,Jellis,3/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,3/23 Baxter St,2,u,472500,S,Woodards,3/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Lever St,3,u,881000,SP,Brad,3/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,26 McKay St,2,h,857000,S,Barry,3/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7/345 Moreland Rd,1,u,295000,S,Walshe,3/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5 Shackell St,3,h,1000000,PI,McGrath,3/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6/7 Wardens Wk,4,t,1025000,S,Barry,3/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,5 Anzac Av,3,h,,SN,Ray,3/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,10 Marama St,4,h,1115000,S,Barry,3/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,802/55 Islington St,2,u,1110000,PI,Kay,3/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,60 Keele St,3,h,2330000,S,Woodards,3/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,6 Edi Ct,4,h,550000,PI,Barry,3/03/2018,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,46 Claremont St,4,h,750000,S,Barry,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Cropton Ri,4,h,730000,PI,Brad,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Dashing Rd,3,h,530000,VB,Barry,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,57 Dorchester St,3,h,540000,SP,Stockdale,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Evergreen Cr,4,h,619500,S,Barry,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,62 Gateshead St,3,h,592500,S,Ray,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Milswyn St,4,h,696000,S,Ray,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Riverway Vw,3,h,500000,VB,Barry,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,86A Royal Tce,3,t,430000,VB,LITTLE,3/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,52 Chestnut St,2,h,1410000,S,Biggin,3/03/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,9a Arundel St,4,t,,PN,McGrath,3/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,19 Elmore Av,4,h,1220000,PI,McGrath,3/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,12 Kalinda Rd,3,h,676000,S,hockingstuart,3/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/7 Morris Rd,3,h,691000,S,Philip,3/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Oakwood Ri,5,h,,S,Noel,3/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,46a Vernon St,3,h,760000,VB,McGrath,3/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,10 Federation Gln,5,h,970000,VB,Noel,3/03/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Dallas,4 Ouyen Ct,3,h,434000,S,hockingstuart,3/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,65 Benga Av,3,h,611000,S,O'Brien,3/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/1 Vizard St,3,u,,SP,McLennan,3/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,13 Finsbury Ct,3,h,690000,S,Harcourts,3/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,93 Hennessy Wy,4,h,850000,PI,Ray,3/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,78 Loch Rd,4,h,,PI,Hall,3/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,4 Sherwood Cr,5,h,,PI,Stockdale,3/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,3 Suffolk Rd,3,h,,PI,Barry,3/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,2/11 Peverill St,3,u,862500,S,Garvey,3/03/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,30 Edmondshaw Dr,4,h,,VB,R,3/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,36 Jonah Pde,4,h,545000,S,Stockdale,3/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,14 Currawong Ct,4,h,1100000,PI,Morrison,3/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diggers Rest,4 Miners Ct,3,h,485000,SP,Raine,3/03/2018,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,17 Colin Ct,3,h,1130000,S,Buxton,3/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,17 Jannali Dr,4,h,883500,SP,Buxton,3/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Kathrin Av,3,h,900000,PI,Ray,3/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2 Lackenheath Ct,4,h,,VB,Buxton,3/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,22 Pickworth Dr,3,h,870000,S,Buxton,3/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,28 Shelford Gr,3,h,880000,PI,Buxton,3/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster East,5 Boronia Gr,4,h,1200000,S,Jellis,3/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Dilkara Ct,4,h,1240000,PI,The,3/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Dryden St,3,h,1610000,PI,Jellis,3/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/4 Koala Ct,3,t,1015000,SP,Barry,3/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Silvana Ct,4,h,1200000,VB,Jellis,3/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14 Thea Gr,6,h,,SP,Jellis,3/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,2/7 Allara Ct,3,t,1136000,S,Barry,3/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,18 Pine Rdg,4,h,1660000,S,Fletchers,3/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,7 Clancy Wy,3,h,537000,SP,Barry,3/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,37 Fortress Rd,3,h,530000,S,Barry,3/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,54 Merredin Cct,6,h,970000,SP,Ray,3/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,5 Windermere Pde,3,h,490000,S,YPA,3/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,17 Durham St,3,h,,PI,Philip,3/03/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,2/11 Silverdale Rd,2,u,704000,S,Nelson,3/03/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,34A Waldemar Rd,4,h,1950000,SP,Miles,3/03/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,203/1 Powlett St,2,u,,SP,Whiting,3/03/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,32A Berry Av,3,t,1157000,S,Buxton,3/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,3/77 Northcliffe Rd,3,u,872000,S,O'Brien,3/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/237 Station St,2,t,522000,S,Area,3/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,8 Buxton St,5,h,2245000,S,Gary,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,25 Park St,4,h,2200000,VB,Gary,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8 Prentice St,3,h,2100000,VB,Biggin,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,410/28 Riddell Pde,2,u,560000,PI,Biggin,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,78 Riddell Pde,3,h,2235000,S,Biggin,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3/31 St Georges Rd,2,u,670000,S,hockingstuart,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,14/20 Victoria St,2,u,635000,S,Biggin,3/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,24 Jayson Av,3,h,1165000,S,Jellis,3/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,37 Kalbar Rd,4,h,1135000,S,Buckingham,3/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,7/28 Livingstone Rd,2,t,664000,S,Barry,3/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/33 Luck St,2,u,728500,S,Barry,3/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1248 Main Rd,3,h,1250000,S,Jellis,3/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,205 Progress Rd,3,h,800000,SP,Morrison,3/03/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,11 Addison St,5,h,,SN,McGrath,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/95 Addison St,2,u,723000,S,Chisholm,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,8/131 Brighton Rd,1,u,,PI,McGrath,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10 Kingsley St,4,h,,SN,Chisholm,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,127 Tennyson St,4,h,1920000,VB,Marshall,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/130 Tennyson St,2,t,1078000,S,hockingstuart,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/210 Tennyson St,3,t,1300000,PI,Wilson,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/33 Tennyson St,3,t,,SP,Cayzer,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,42 Wave St,3,h,2450000,VB,Chisholm,3/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,7 Ambrosia Ct,4,h,1090000,SP,REMAX,3/03/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,37 Bacchus Dr,4,h,,VB,Love,3/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,28 Bail St,3,h,600000,S,hockingstuart,3/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,861 Edgars Rd,4,h,,PI,HAR,3/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/12 Grimwade Ct,2,u,452000,SP,Love,3/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18 Keith Av,3,h,600000,S,HAR,3/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,19 Maserati Dr,5,h,670000,S,HAR,3/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,9 Alfred Rd,3,h,1725000,S,Nelson,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/19 Ballater St,2,u,468000,S,Nelson,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6 Cudmore St,3,h,1570000,S,Nelson,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,60 Forrester St,4,h,1955000,S,Nelson,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,102 Hoffmans Rd,4,h,1500000,SP,Brad,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/37 Miller St,3,t,672500,S,Nelson,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2a Nimmo St,3,u,818000,S,Brad,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,58a Nimmo St,5,h,1556000,S,Nelson,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,12/82 Raleigh St,2,u,650000,SP,Frank,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7/6 Sturt St,2,u,615000,SP,Frank,3/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,4/432 Buckley St,2,h,,PI,Barry,3/03/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,263 Gillies St,3,h,,SN,Jellis,3/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,25/262 Heidelberg Rd,1,u,360000,VB,Nelson,3/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,18 Hood Cr,3,h,750000,S,Jellis,3/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,139 McBryde St,3,h,750000,S,Brad,3/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,4 Selola Ct,3,h,740000,PI,Harcourts,3/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,21 Twyford St,3,h,865000,S,Barry,3/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,32 Tyrrell Cr,3,h,600000,VB,Brad,3/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,502/176 Argyle St,2,u,785000,S,Woodards,3/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,6/192 Argyle St,3,u,,PI,Philip,3/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,194 Moor St,2,h,,SP,Jellis,3/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,348 Napier St,3,h,1595000,S,Nelson,3/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,207 Young St,3,h,2625000,S,Nelson,3/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,25 Ivan St,1,h,,S,Collins,3/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,25 Liverpool St,4,h,1780000,S,Jellis,3/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,55 McKean St,2,h,2002000,S,Jellis,3/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,450 Queens Pde,4,h,1850000,S,Nelson,3/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,16 Taplin St,2,h,992000,S,Nelson,3/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,34 Taplin St,3,h,1125000,S,Ray,3/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,10/37 Bignell St,1,u,371000,SP,Nelson,3/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,34 Bryant St,2,h,,SP,Nelson,3/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,1/4 Eldridge St,2,u,408000,S,Jas,3/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,23 Gallant St,2,h,900000,S,RT,3/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5/38 Lynch St,1,u,,SP,Jas,3/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/38 Lynch St,1,u,343000,SP,McGrath,3/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,24 Heathcote Dr,2,h,705000,PI,Woodards,3/03/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,540 Springvale Rd,3,h,880000,S,Philip,3/03/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,27 Foot St,3,h,,PI,Ash,3/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Royle St,3,h,654000,S,hockingstuart,3/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,4 Neil St,3,h,980000,S,hockingstuart,3/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,2/4 Francis Cr,3,h,513500,S,Raine,3/03/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,47 Goode St,4,h,940000,SP,RT,3/03/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,7 Rodwell Pl,4,h,615000,SP,Raine,3/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,2/33 MacGowan Av,3,t,935000,S,Gary,3/03/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1A Britten St,3,t,2225000,S,Marshall,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/66 Edgar St N,2,u,480000,VB,Jellis,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,166 Finch St,4,h,3845000,S,Marshall,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,19 Hope St,3,h,,S,Marshall,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2a Howard St,3,h,1640000,S,hockingstuart,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Nepean St,4,h,,S,Marshall,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Netherlee St,4,h,,SN,Thomson,3/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/11 Evelyn St,4,t,2435000,SP,Harcourts,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/48 Fairhills Pde,3,h,,PI,Harcourts,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Glenwood Av,4,h,1260000,SP,Stockdale,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5/673 High Street Rd,3,u,740000,S,Harcourts,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/1 Landridge St,3,u,,PI,Harcourts,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4A Martin Pl,3,t,,PI,hockingstuart,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/4 Myers Av,3,u,1450000,S,Barry,3/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2 Ash Ct,2,h,725000,S,YPA,3/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,191 Daley St,2,h,,PI,Barry,3/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10 Glenroy Rd,4,h,772000,S,Stockdale,3/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,56 Corowa Cr,4,h,950000,SP,Morrison,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,11 Duncan Av,3,h,810000,S,Darren,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,486 Greensborough Rd,4,h,,PI,Barry,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5/20 Hobson St,3,u,850000,SP,Nelson,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/5 Moodie St,2,u,,VB,Darren,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/71 Nell St,2,u,720000,SP,Jellis,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,223 Nepean St,4,h,890000,S,Jellis,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,36 Wahroonga Cr,6,h,968000,S,Morrison,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,40 Warralong Av,3,h,755000,S,Nelson,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,29 William St,3,h,805000,S,Buckingham,3/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,12 Dorrington St,3,t,516000,S,HAR,3/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Edinburgh Ct,4,h,818000,S,Barry,3/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,97 Frontier Av,4,h,640000,S,Barry,3/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,64 Horizon Bvd,4,h,720000,S,YPA,3/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,15 Curtin Av,4,h,787000,S,Stockdale,3/03/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,24 David St,3,h,1060000,S,Eview,3/03/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,33 David St,4,h,1825000,PI,G&H,3/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9 Fewster Rd,3,h,,PI,Jellis,3/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,27 Grenville St,4,h,2450000,VB,Upside,3/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,28A Kendall St,2,t,700000,VB,Jellis,3/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,23 Katoomba St,4,h,,S,Jellis,3/03/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,42 Berkeley St,6,h,,S,Marshall,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/18 Connell St,2,u,,S,Jellis,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/30 Elm St,2,u,560000,VB,Jellis,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/574 Glenferrie Rd,2,u,,S,Marshall,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,219/2 Golding St,2,u,,S,Marshall,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/2 Grattan St,2,u,,S,Jellis,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,20 Henry St,3,h,1500000,S,Tim,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,66 Illawarra Rd,5,h,,S,Marshall,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,32 Lisson Gr,5,h,5700000,VB,Kay,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17 Power St,4,h,2350000,VB,Jellis,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/179 Power St,2,u,,SA,Marshall,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/11 Reserve Rd,1,u,600000,VB,Jellis,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Salisbury Gr,4,h,,S,Jellis,3/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,29 Lingwell Rd,4,h,,PI,Biggin,3/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,13 Miami St,2,h,1570000,S,Jellis,3/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7/29 Rathmines Rd,2,t,679000,PI,Marshall,3/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,4 Maureen Ct,3,h,790000,VB,Thomson,3/03/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,41 Barrow Dr,4,h,1540000,S,Barry,3/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,172 Bedford Rd,4,h,,PI,Philip,3/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,81 Campbell St,2,h,910000,S,Barry,3/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,9 Headline Ct,3,h,1160000,S,Barry,3/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,13A Almay Gr,4,h,,SN,Miles,3/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/9 Clyde Ct,2,u,710000,SP,Miles,3/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,9 Burns Ct,2,h,,SP,Miles,3/03/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,10 Ceramics La,3,t,905000,PI,Buxton,3/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Marchant St,4,t,1550000,PI,Charlton,3/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,44 Miller St,4,t,1480000,S,Charlton,3/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,1/71 Allenby Rd,3,u,540000,S,Prof.,3/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,83 Royal Cr,5,h,740000,S,Prof.,3/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,111 Bethany Rd,3,h,620000,SP,Commercial,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Crowe St,4,h,570000,S,Triwest,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,25 Hampstead Dr,3,h,691000,S,Ray,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Morell Pl,3,h,538000,S,Barry,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,311 Morris Rd,5,h,645000,S,Ray,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Roseland Cr,3,h,,PI,Barry,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,49 Strathmore Cr,3,h,630000,PI,Greg,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Warringa Cr,3,h,531000,SP,PSP,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,35 Woolpack St,4,h,600500,S,hockingstuart,3/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,73 Bond St,3,h,1262000,S,Miles,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9 Ford St,4,h,1950000,S,Miles,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/110 Hawker St,3,t,,SN,Miles,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,114 Ivanhoe Pde,4,h,,SP,Nelson,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/28 Myrtle St,3,h,815000,SP,Nelson,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/64 St Elmo Rd,3,t,1160000,VB,Miles,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,103 The Boulevard,4,h,2579500,S,Nelson,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,14 Toora St,2,h,,SN,Miles,3/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,2/33 Carmichael St,2,u,572000,S,Nelson,3/03/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,28 Otterington Gr,2,h,1490000,VB,Miles,3/03/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,170 The Boulevard,4,h,1930000,VB,Miles,3/03/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,27 Hendricks Cr,4,h,600000,S,Stockdale,3/03/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,46 Bundeena Av,4,h,800000,SP,Brad,3/03/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,46 Campaspe Cr,6,h,889000,S,Brad,3/03/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,16 Grant Gr,3,h,1011000,S,Nelson,3/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1 Maurice Ct,5,h,,PI,Barry,3/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3/20 Neville St,2,u,550000,VB,Moonee,3/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,184 Rachelle Rd,4,h,1070000,S,Nelson,3/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,58 The Crossway,3,h,780000,S,Nelson,3/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,13 Albermarle St,3,h,1390000,S,Nelson,3/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,302/108 Altona St,2,u,502000,SP,hockingstuart,3/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,220 Cotham Rd,4,h,2280000,PI,Marshall,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Duke St,5,h,,S,Marshall,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,158 Eglinton St,4,h,2325000,S,Marshall,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Gellibrand St,4,h,,S,Jellis,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Marshall Av,5,h,,PI,Marshall,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13/62 Mary St,2,u,617000,S,Domain,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/32 Ridgeway Av,2,t,1135000,SP,Noel,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,157 Wellington St,4,h,2695000,S,Marshall,3/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,6 Kitchener St,4,h,2120000,S,Jellis,3/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsbury,8 Burns Gr,3,h,725000,S,Barry,3/03/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,35 Green Av,3,h,,SN,Ray,3/03/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,5/20 Bishop St,1,u,312000,SP,Biggin,3/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,107 Wales St,2,h,930000,SP,McGrath,3/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,4 Strawberry Rd,4,h,565000,SP,FN,3/03/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,5 Andes Ct,3,h,,SP,Love,3/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,12 Cranhaven Rd,5,h,690000,VB,O'Brien,3/03/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,68 Maher Rd,3,h,540000,VB,Greg,3/03/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Laverton,27 Tyquin St,3,h,450000,VB,Greg,3/03/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,20 Lincoln Dr,3,h,857500,S,Morrison,3/03/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,20A Lincoln Dr,1,t,530000,SP,Morrison,3/03/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,7/15 Cooley Av,2,u,615500,SP,Flannagan,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,18 Cooley Av,4,h,856000,PI,Jellis,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,28 Dunvegan Cr,3,h,730000,VB,Jellis,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,8 Hinkler Av,3,h,,S,Nelson,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,25 May St,3,h,800000,VB,Miles,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,69 Torbay St,5,h,1100000,S,Darren,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/88 Torbay St,2,u,677000,S,Miles,3/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,4/28 Thomson St,2,t,622000,PI,Sweeney,3/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,4 Wallace St,3,h,818888,SP,Biggin,3/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,204/36 Bonview Rd,1,u,438000,S,hockingstuart,3/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7/14 Elizabeth St,2,u,,VB,Marshall,3/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,41 Thanet St,4,h,3800000,VB,Marshall,3/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,15/5 Warner St,2,u,670000,PI,Jellis,3/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,100A Argyll St,4,t,1400000,VB,Jellis,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,34 Boston Av,5,h,2260000,S,RT,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,53a Bowen St,4,h,1575000,S,Jellis,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Deakin St,2,h,1455000,S,Marshall,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,13 Emo Rd,4,h,3680000,S,Marshall,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1794 Malvern Rd,4,h,,SP,Marshall,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/17 Moama Rd,2,u,,S,Hodges,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Serrell St,4,h,2325000,S,Jellis,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/9 Tollington Av,2,h,1151000,S,Marshall,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,24 Turner St,6,h,4700000,S,RT,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 Vickery St,2,t,700000,VB,Jellis,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,256 Waverley Rd,4,h,2100000,VB,Abercromby's,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,31 Webster St,3,h,1700000,PI,Buxton,3/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,8A Warrs Rd,4,h,1275000,PI,Nelson,3/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,16 Inverleigh Ct,3,h,490000,PI,YPA,3/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,2/7 McNicol Cl,3,u,,PI,YPA,3/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,14 Yandoit Ct,3,h,,PI,HAR,3/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,98/33 La Trobe St,3,u,888000,S,MICM,3/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,201/118 Russell St,2,u,640000,S,hockingstuart,3/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1801/469 St Kilda Rd,3,u,,SN,Kay,3/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,133/539 St Kilda Rd,1,u,,SP,Biggin,3/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton West,1 Hilton Wy,3,h,,PI,FN,3/03/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,11 Bourke St,4,h,1270000,SP,Maitland,3/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,13 Balfour Dr,3,h,606000,S,Stockdale,3/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,36 Jackaroo St,3,h,540000,SP,HAR,3/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,7 Oatmeal Wy,3,h,641000,S,Stockdale,3/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,23 Ellscott Bvd,5,h,,SN,Ray,3/03/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,308 Richardson St,4,h,3150000,VB,Marshall,3/03/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,386 Richardson St,3,h,,SP,Marshall,3/03/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,6 Bean Ct,3,h,530500,S,HAR,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Dorrington Ct,4,h,775000,SP,Ray,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Fenech Cl,3,h,722000,S,HAR,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/62 Golf Links Dr,2,u,535500,S,HAR,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,27 Jacaranda Dr,3,h,615000,S,Ray,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,23 Kellaway Cr,3,h,,PI,Barry,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,14 Melia Ct,4,h,800000,S,Ray,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Olsen Wk,2,t,458000,S,Ray,3/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mont Albert,11 Marlborough St,3,h,2320000,S,Fletchers,3/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,17 Proudfoot St,4,h,2550000,SP,Sotheby's,3/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,11A Rostrevor Pde,3,h,,VB,Fletchers,3/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,4/3 Rowland St,2,u,776000,S,Ham,3/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,203/766 Whitehorse Rd,1,u,475000,SP,hockingstuart,3/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,1/14 Wilson St,4,t,1760000,PI,Kay,3/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/12 Davey Rd,3,h,700000,VB,Jellis,3/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/193 Rattray Rd,4,h,926000,S,Jellis,3/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/70 Sackville St,3,h,620000,PI,Jellis,3/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,11 Bloom St,3,h,1210000,S,Nelson,3/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,13/53 Buckley St,2,u,,SN,Barry,3/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,11 Holberg St,4,h,2025000,PI,Jellis,3/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6 Newton Pde,3,h,970000,VB,Hodges,3/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,22 Norfolk St,3,h,1250000,VB,Nelson,3/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1/36 Clay St,3,t,742500,S,Buxton,3/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,26 Diane Cr,3,u,,VB,Noel,3/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Numeralla St,3,h,620000,S,Fletchers,3/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,4/66 Barkly St,2,u,570000,S,Barry,3/03/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,52 Scarlet St,5,h,1300000,S,Buxton,3/03/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,58 Carrol Gr,3,h,1050000,VB,Roger,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/9 Charlton St,3,u,1110000,S,Barry,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Headingley Rd,3,h,1330000,S,Fletchers,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/336 Huntingdale Rd,3,t,,PI,McGrath,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/2 Lynden Gr,4,t,1300000,VB,Buxton,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Madison Ct,3,h,,S,Jellis,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Meredith St,5,h,,VB,Jellis,3/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2/12 Knell St,4,t,,PI,Ray,3/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Merrill St,3,h,1280000,S,Barry,3/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Roberts Av,3,h,,SN,Thomson,3/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,51 Tiverton Dr,3,h,880000,SP,Win,3/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,13 Doris St,3,h,1405000,S,Buxton,3/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/19 Dunoon St,3,t,885000,S,Woodards,3/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/1 Kitmont St,1,u,,PN,Geoff,3/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/33 Railway Pde,3,h,793000,S,Jellis,3/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,46 Alma Tce,2,h,1110000,S,Jas,3/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,45 Elizabeth St,4,h,1465000,S,Sweeney,3/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,61 Home Rd,4,h,1500000,PI,Greg,3/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,101 River St,3,h,,SP,Raine,3/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,78 Woods St,4,h,1420000,VB,Williams,3/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,41a Haldane Rd,4,h,,SN,Barry,3/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/66 Hotham Rd,2,u,665000,S,Stockdale,3/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3/503 Keilor Rd,1,u,,PI,Barry,3/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,45 Shaw St,2,h,1275000,SP,Barry,3/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,5/31 Dunblane Rd,2,u,535000,SP,C21,3/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/42 Liege Av,3,t,630000,S,Area,3/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,42 Curzon St,2,h,,SP,Alexkarbon,3/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,319/68 Leveson St,2,u,691000,S,Alexkarbon,3/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,112/150 Peel St,2,u,620000,SP,Jellis,3/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,101/4 Beavers Rd,2,u,560000,S,McGrath,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,69 Bridge St,4,h,2450000,S,Nelson,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16 Candy St,3,h,1680000,S,Nelson,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,271 Heidelberg Rd,2,h,1235000,SP,Nelson,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/341 Heidelberg Rd,2,u,,PI,Jellis,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Henderson St,4,h,,VB,Jellis,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,19 Osborne St,3,h,,SP,Biggin,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,506/17 Robbs Pde,2,u,682000,S,C21,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/20 Westgarth St,2,u,640000,S,Nelson,3/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1/134 Junction Rd,3,h,767500,S,Fletchers,3/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3/31 Mount Pleasant Rd,2,u,620500,S,Stockdale,3/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,401 Springfield Rd,3,h,836000,S,Barry,3/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,2 William St,4,h,1546000,S,Buxton,3/03/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,5 Elysium Cr,3,h,1775000,PI,Barry,3/03/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2 Howden St,4,h,1325000,PI,Ray,3/03/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/57 MacRina St,3,t,,SP,Ray,3/03/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,6/249 Grange Rd,3,t,908000,S,Noel,3/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,31 Lillimur Rd,3,h,2560000,S,Gary,3/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,11/34 Lillimur Rd,1,u,280000,PI,Hodges,3/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,9/498 North Rd,2,u,535000,S,Buxton,3/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,27 Thompson St,4,h,1900000,S,Hodges,3/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,10 Scordia Pl,4,h,,SP,Barry,3/03/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,4/17 Bay St,3,t,,PN,Hodges,3/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,23 Davey St,3,h,1370000,S,Hodges,3/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,20A Victoria St,3,t,1180000,PI,Buxton,3/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,20/238 The Avenue,3,u,1660000,S,Nelson,3/03/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2C Heath St,4,t,810000,VB,Nelson,3/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/6 Marks St,3,t,770000,S,McDonald,3/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/10 Oak St,3,t,755000,PI,Barry,3/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,20 Prospect St,3,h,850000,VB,Brad,3/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,27 View St,3,h,1180000,S,Brad,3/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Zenith St,3,h,1170000,S,McGrath,3/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,3 Galveston Av,4,h,660000,PI,Barry,3/03/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Plumpton,26 Goulding Dr,4,h,677500,SP,YPA,3/03/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,20 Airlie Av,3,h,,PI,S&L,3/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,17 Arbour Av,4,h,,PI,Barry,3/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Bliss St,4,h,,S,hockingstuart,3/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3 Durack Ct,4,h,839000,S,hockingstuart,3/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,9 Marlin Cr,4,h,715000,S,Point,3/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Tropic Cct,3,h,656500,S,Ray,3/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,25 Barak Rd,3,h,1955000,S,Barry,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,704/65 Beach St,2,u,2030000,S,RT,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,4 Hygeia St,4,h,,VB,Marshall,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5/33 Johnston St,2,u,691000,S,RT,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,8/50 Johnston St,2,u,830000,S,Marshall,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,420/70 Nott St,2,u,,SP,Kay,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,58 Ross St,3,h,,VB,hockingstuart,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,406/2 Rouse St,1,u,560000,PI,Marshall,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2 Swallow St,4,h,,S,Marshall,3/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,51 Chomley St,3,h,,S,Jellis,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,21/43 Grandview Gr,1,u,,S,hockingstuart/Cayzer,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,576 High St,3,h,1646000,S,hockingstuart,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,53 Highbury Gr,3,h,,VB,Marshall,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/25 Irving Av,1,u,445000,S,Biggin,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/7 Lewisham Rd,2,u,890000,S,Jellis,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,44 Wrights Tce,3,h,2610000,SP,Jellis,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,67 York St,2,h,,SP,Jellis,3/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,13 Adeline St,3,h,1265000,S,Nelson,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/31 Bailey Av,2,u,753000,S,Nelson,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Bellarine St,3,h,,SN,Barry,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,31A Benambra St,3,h,933000,S,RW,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/94 Bruce St,3,u,770000,S,Nelson,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Clara St,3,h,1060000,S,Nelson,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1 Emerald St,2,h,650000,VB,Barry,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,23 Etnam St,2,h,1150000,S,Jellis,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/8 Furzer St,2,u,610000,VB,Nelson,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34A Grange St,3,t,860000,SP,Jellis,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Murphy St,3,h,750000,VB,Stockdale,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Olver St,3,h,950000,PI,Barry,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,31 Scotia St,3,h,1015000,PI,Barry,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,38 Sheila St,2,h,850000,SP,Ray,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,42 William St,3,h,950000,VB,RW,3/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,103 Paterson St,3,h,,S,Nelson,3/03/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,5/24 Ashley St,2,u,495000,S,Love,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Boldrewood Pde,3,h,980000,PI,Nelson,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Clingin St,3,h,840000,SP,Love,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/59 Clingin St,2,t,480000,VB,RW,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/50 Darebin Bvd,2,u,480000,VB,Nelson,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53a Dundee St,3,u,590000,VB,RW,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Excelsior St,3,h,990000,S,Woodards,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,47 Henty St,3,h,795000,S,Ray,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/18 Hobbs Cr,2,h,555000,SP,Jellis,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/75 North Rd,2,u,580000,PI,Ray,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,100 Oconnor Ct,3,h,834000,S,Flannagan,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/25 Oconnor St,2,t,655000,S,Ray,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Odonnell St,4,h,850000,PI,Stockdale,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/59 Pickett St,2,t,610000,S,RW,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Rubicon St,2,h,1070000,S,Woodards,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,67 Seston St,3,h,610000,VB,Love,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/81 St Vigeons Rd,3,u,695000,SP,Barry,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,85 Summerhill Rd,2,h,,PI,Ray,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/91 Thackeray Rd,3,h,660000,VB,Jellis,3/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,13 Barkly Av,3,h,1405000,S,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,506/32 Bosisto St,2,u,520000,PI,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,64 Buckingham St,3,h,1850000,VB,Jellis,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,104/18 Coppin St,2,u,600000,VB,Jellis,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,69 Erin St,3,h,,PI,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14A Manton St,3,h,1180000,S,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/203 Punt Rd,2,u,570000,S,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35/69 River St,3,u,850000,SP,Jellis,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/5 Stillman St,2,h,1010000,S,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/408 Victoria St,2,u,700000,PI,Biggin,3/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,5 Sutherlands Rd,3,h,625000,S,Leading,3/03/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,5 Lade Ct,4,h,1421000,S,Fletchers,3/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/12 Lena Gr,3,t,815000,S,RW,3/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/3 Margaret St,3,t,,S,Noel,3/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5/4 Nelson St,2,u,513000,PI,Jellis,3/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,5 Hunter Ct,3,h,902000,S,Real,3/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,50 Kemps St,4,h,,PI,Barry,3/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,17 Talofa Av,4,h,,PI,OBrien,3/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,17 Debbie Pl,4,h,980000,S,Fletchers,3/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,10 Suzanne Ct,4,h,,PI,Fletchers,3/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,140 Bellevue Av,3,h,1040000,VB,Miles,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,68 Bellevue Av,4,h,,SN,Miles,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,49 Davies St,3,h,1000000,VB,Jellis,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,111 Hodgson St,5,h,,S,Jellis,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,9 Hylton Cr,3,h,1000000,PI,Nelson,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6 Kathleen St,3,h,1001000,S,Miles,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/37 Millicent St,2,u,740500,S,Nelson,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5 Rowell St,4,h,1400000,S,Miles,3/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,1 Ideal Ct,5,h,933000,S,Harcourts,3/03/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,154 Taylors La,3,h,711000,S,Jellis,3/03/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,67 Lockwood Dr,4,h,600000,S,Ray,3/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,7 Shearer Pl,4,h,,PN,FN,3/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,24 Codrington St,4,h,,PI,hockingstuart,3/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,27 Nelson St,3,h,1755000,S,Charlton,3/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3A Raith Av,3,h,,S,Hodges,3/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,35 Zarro St,4,h,952000,S,Stockdale,3/03/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,36 Zarro St,3,h,,PI,Ray,3/03/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,19 Raymond Rd,3,h,,W,Ash,3/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,5/13 Wisewould Av,2,h,510000,SP,LJH,3/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,82 Albert St,2,h,1067000,S,Sweeney,3/03/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,1/45 Paxton St,3,t,,SP,Greg,3/03/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,53 Eastern Rd,3,h,1365000,SA,Greg,3/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,46 Glover St,2,h,1450000,S,Greg,3/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,44 Raglan St,4,h,1880000,S,Marshall,3/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,8 Arrowgrass St,4,h,710000,SP,Buckingham,3/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,26 Kingfisher Pl,4,h,730000,S,HAR,3/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,184 Meridian Dr,5,h,920000,S,HAR,3/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,11 Bunalbo Av,3,h,,SN,Kay,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,604/800 Chapel St,1,u,635000,SP,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,24 Clara St,4,h,2910000,PI,Kay,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/29 Coolullah Av,2,u,,PI,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/57 Darling St,2,u,572500,S,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/13 Hawksburn Rd,2,u,,VB,Biggin,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/25 Rockley Rd,2,u,940000,S,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,505/200 Toorak Rd,1,u,436000,S,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,21/384 Toorak Rd,2,u,820000,S,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,25 Tyrone St,3,h,1595000,S,hockingstuart,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/19 Yarra St,1,u,1317500,S,Jellis,3/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,3/106 Southbank Bvd,2,u,717000,S,RT,3/03/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,2/1 Lee Av,3,t,685000,S,Le,3/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,35 Austin St,3,h,808000,S,Barry,3/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/73 McArthur Av,3,u,500000,PI,Nguyen,3/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Nadur Ct,3,h,580000,S,YPA,3/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,15 Stradbroke Dr,3,h,,PI,Barry,3/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,44 Tamboon Dr,4,h,933000,SP,Darren,3/03/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,11/287 Barkly St,2,u,557000,S,hockingstuart,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/57 Chapel St,1,u,340000,VB,hockingstuart,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,21/64 Fitzroy St,2,u,470000,SP,Buxton,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/46 Greeves St,2,u,462000,S,McGrath,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/58 Grey St,2,u,560000,PI,Rodney,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9 Irymple Av,3,h,,S,hockingstuart,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,26/23 Mitford St,2,u,700000,PI,Wilson,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/340 St Kilda Rd,2,u,640000,S,Upside,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/36 Waterloo Cr,1,u,275000,S,hockingstuart,3/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,46 Hayes Rd,2,h,1550000,S,Brad,3/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,39 Henshall Rd,3,h,1500000,S,McDonald,3/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,57 Strathnaver Av,4,h,1200000,S,Considine,3/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,23 Wendora St,3,h,1550000,S,Brad,3/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,52 Backhaus Av,3,h,475000,SP,Rounds,3/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,42 Burke Rd,3,h,469000,S,Raine,3/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,310 Elizabeth Dr,3,h,391000,PI,YPA,3/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Forrest St,4,h,456000,S,Raine,3/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,46 Rosenthal Bvd,4,h,534000,S,Brad,3/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Starflower Wy,4,h,725000,SP,YPA,3/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,157 Cornwall Rd,4,h,950000,S,Barry,3/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1 Farnsworth St,3,h,850000,S,Bells,3/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,25 Hertford Rd,3,h,1050000,VB,GL,3/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,22 High St,3,h,750000,VB,GL,3/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,11 Robinson St,3,h,856000,S,Douglas,3/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,19A Rosdale Pl,3,t,670000,VB,Barry,3/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,374 Ballarat Rd,3,h,821000,S,Douglas,3/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,20 Coronation St,4,h,786000,S,Jas,3/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,37 Westmoreland Rd,3,h,870500,S,Douglas,3/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,96 Westmoreland Rd,3,h,,SN,YPA,3/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,8 Apollo Pl,3,h,600000,PI,Bells,3/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,13 Callaway Bvd,4,t,,PN,FN,3/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,53 Dalton St,3,h,690000,VB,Jas,3/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,30 Dresden Wy,3,h,770000,SP,Barry,3/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,9 Beech St,4,h,,SP,Jellis,3/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/314 Canterbury Rd,2,u,755500,S,Noel,3/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,9/19 Elm St,2,u,855000,S,Marshall,3/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Graham St,3,h,,SP,Marshall,3/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Junction Rd,5,h,2600000,S,Kay,3/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,4 Hay Av,3,h,,PI,YPA,3/03/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,60 Corryong Cr,4,h,742000,S,Barry,3/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,12 Nolan Pl,4,h,1136000,SP,Brad,3/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,303 Church Rd,5,h,2008000,S,Jellis,3/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Durkin Ct,4,h,1050000,SP,Barry,3/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,23 Jenkins Dr,4,h,1510000,S,Jellis,3/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,25 Matisse Dr,4,h,1255000,S,Barry,3/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,8 Strand Ct,4,h,1475000,SP,Barry,3/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Wensley Ct,5,h,2102000,S,Jellis,3/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,291 High St,4,h,1250000,VB,Barry,3/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4 Hodgson St,3,h,1300000,PI,Noel,3/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,65 Lowan Av,3,h,1155000,S,Barry,3/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,163 Swanston St,3,h,1080000,S,Philip,3/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,10 Tasker St,4,h,1265000,S,Barry,3/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,2 Glebe Pl,4,h,,PI,HAR,3/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4/56 Heyington Av,2,u,385000,S,HAR,3/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/6 Heyington Av,2,u,410000,S,HAR,3/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,121 Spring St,3,h,640500,S,Barry,3/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,2/100 Collins St,1,u,370000,S,Nelson,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/53 Collins St,2,h,970000,S,Jellis,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,12/74 Dundas St,1,u,305000,S,Love,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,69 Flinders St,3,h,,SP,Biggin,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,92 Flinders St,2,h,1080000,PI,Woodards,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,260a Gooch St,2,t,,PI,Nelson,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,211 Mansfield St,3,h,1430000,S,Nelson,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,63 Miller St,3,h,990000,S,McGrath,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,213 Raleigh St,3,h,1140000,S,McGrath,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,244B Rossmoyne St,3,h,1405000,PI,McGrath,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,335 Rossmoyne St,3,h,1192000,S,McGrath,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,388a Station St,2,t,,PI,McGrath,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,388b Station St,2,t,925000,SP,McGrath,3/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,15 Fairbairn Rd,4,h,,SN,Kay,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/761 Malvern Rd,3,t,,PN,RT,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9/24 Mathoura Rd,2,u,,SP,Biggin,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,65 Mathoura Rd,2,h,,SP,Kay,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/66 Mathoura Rd,2,u,,VB,Jellis,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/74 Mathoura Rd,2,u,,S,Greg,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/3 Tahara Rd,2,u,700000,VB,Greg,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/18 Tintern Av,1,u,560000,S,hockingstuart,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/20 Tintern Av,2,u,,SN,RT,3/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont South,34 Cascade Dr,5,h,1180000,S,Philip,3/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2 Jennifer Ct,4,h,1305000,S,Barry,3/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2 Lyrebird Ct,3,h,,VB,Noel,3/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,5 Moray Gr,4,h,,PI,Woodards,3/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wandin North,237 Warburton Hwy,4,h,1150000,PI,Max,3/03/2018,3139,Eastern Victoria,1130,35.2,Yarra Ranges Shire Council +Wantirna,40 Brentwood Dr,5,h,880000,SP,Harcourts,3/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,30 Gresford Rd,4,h,1008000,SP,LLC,3/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,6 Grove Wy,3,t,735000,SP,Harcourts,3/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,18 Pound Rd,4,h,1231000,SP,Barry,3/03/2018,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,11 Barry St,4,h,750000,S,Barry,3/03/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,41 Yerrawa Dr,2,h,740000,S,Barry,3/03/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,78 Sellars St,4,h,952000,S,Jellis,3/03/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,22 Albany Ct,3,h,500000,SP,Barry,3/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Broken Ct,3,h,470000,PI,Barry,3/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,40 Duncans Rd,3,h,595000,S,hockingstuart,3/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,20 Goegan St,3,h,545000,S,YPA,3/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,90 Kookaburra Av,3,h,454000,SP,Greg,3/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,54 Torrens St,3,h,470000,S,Benlor,3/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,532 Barkly St,2,h,1000000,SP,Burnham,3/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,342 Geelong Rd,3,h,910000,PI,Unity,3/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,9/21 Hampton Pde,1,u,260000,SP,Jas,3/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,123 Suffolk St,3,h,1020000,PI,Village,3/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,32 Shadforth St,4,h,1100000,S,Jason,3/03/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,31 Alex Av,5,h,2100000,PI,Barry,3/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,29 Bramley Cr,3,h,,PI,Barry,3/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,41 Heatherlea Dr,5,h,,PI,Harcourts,3/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,319 Lum Rd,3,h,850000,PI,Roger,3/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Threadbow Cr,4,h,1200000,PI,Barry,3/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,18 Charles St,3,h,1290000,SP,Williams,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,16 Hannan St,5,h,2720000,S,Jas,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 Melbourne Rd,3,h,1295000,PI,Greg,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,193 Melbourne Rd,2,h,980000,PI,Sweeney,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,38 Perry St,3,h,1075000,SP,Sweeney,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,39 Sandpiper Pl,4,h,2400000,SP,Greg,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,95 Verdon St,5,h,,SN,Greg,3/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,1/237 Dandenong Rd,2,u,825000,S,hockingstuart,3/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1/3 Ellesmere Rd,2,u,,PI,Marshall,3/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,3 Lewisham La,4,h,1350000,VB,Gary,3/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,3/11 Lincoln Pl,2,t,1700000,VB,RT,3/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,22 Normanby Pl,2,h,,SN,Jellis,3/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,4/113 Punt Rd,2,u,,S,Hodges,3/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,101 Eaststone Av,4,h,745000,SP,hockingstuart,3/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,10 Empress Av,4,h,850000,S,hockingstuart,3/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,136 Highpark Dr,4,h,600000,S,hockingstuart,3/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,18 Bolton Rd,3,h,455000,S,hockingstuart,3/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,3 Brett Pl,4,h,550000,S,YPA,3/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,24 Coleen St,4,h,816000,S,Buckingham,3/03/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,8 Corris St,4,h,2185000,PI,Jas,3/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,170 Stephen St,4,h,1850000,PI,Village,3/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,12 Stewart St,3,h,890000,PI,Jas,3/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,5/257 Buckley St,2,u,507000,S,Barry,3/06/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,65 Clydesdale Rd,3,h,845000,S,Barry,3/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,72 Clydesdale Rd,3,h,1250000,S,Barry,3/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,28 Creswell Av,3,u,905000,S,Barry,3/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Kittyhawk St,4,h,1026000,S,Brad,3/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2b Roberts Rd,3,u,850000,S,Barry,3/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,2 Boyd St,2,h,2905000,S,RT,3/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,172 Danks St,2,h,1380000,S,Abercromby's,3/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,21 Greig St,3,h,2500000,VB,Greg,3/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,48 Kerferd Rd,3,h,2120000,S,Cayzer,3/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,28 Moubray St,2,h,2015000,S,Marshall,3/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3 Clairmont St,3,h,787000,S,hockingstuart,3/06/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,14 Bennett St,4,h,,PI,Nelson,3/06/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,5 Ross St,4,h,2220000,S,Kay,3/06/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,2/18 Hancock St,2,u,540000,SP,hockingstuart,3/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,1/47 Tatman Dr,2,u,415000,S,Barlow,3/06/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,3 Ginifer Av,3,h,826000,S,Sweeney,3/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,150 Millers Rd,3,h,585000,S,Biggin,3/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,4/42 Adelaide St,2,u,700500,S,hockingstuart,3/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,20 Cambridge St,3,h,2385000,S,Marshall,3/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,15 Gladstone Av,4,h,4100000,S,Marshall,3/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6 Royal Cr,4,h,,SN,Kay,3/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,27 Hurtle St,3,h,1500000,PI,Biggin,3/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,93A Ashburn Gr,4,t,1655000,S,hockingstuart,3/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,43 Fakenham Rd,4,h,1800000,S,J,3/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,65 Fakenham Rd,2,h,1880000,SP,Buxton,3/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,20 Ward St,4,h,2405000,S,Jellis,3/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,4 Wilgra Av,3,h,1850000,PI,Harcourts,3/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/23 Yertchuk Av,3,u,880000,SP,Buxton,3/06/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,19 Third Av,5,h,1385000,S,Barry,3/06/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,12 Brentwood Dr,3,h,1000000,SP,Barry,3/06/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,13 Wood St,5,h,945000,S,Moonee,3/06/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,6/18 Orange Gr,1,u,290000,S,Jellis,3/06/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,5 Collins Ct,3,t,1810000,S,Noel,3/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9 Kenilworth St,5,h,,PI,Fletchers,3/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/339 Union Rd,3,t,950000,PI,Jellis,3/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,23 Wills St,3,h,,S,Abercromby's,3/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,37 Yerrin St,4,h,,SN,RT,3/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,28 Carron St,4,h,1593000,S,Fletchers,3/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,20 Hedderwick St,5,h,3100000,PI,hockingstuart,3/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Jocelyn Av,3,h,1270000,VB,hockingstuart,3/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,44 Severn St,3,h,,PI,Marshall,3/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,20 Trentwood Av,3,h,1310000,S,Noel,3/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,32 Kumala Rd,5,h,930000,S,Noel,3/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,17 Orange Gr,3,h,700000,S,Biggin,3/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,12 Pindari Dr,4,t,860000,S,Ray,3/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,16 Wiltshire Av,4,h,640000,VB,iTRAK,3/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,302 Colchester Rd,4,h,,SN,Philip,3/06/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,71 Oak St,2,h,1470000,S,Hodges,3/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9A Ozone Av,3,t,850000,PI,Hodges,3/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,33 Reserve Rd,6,h,1660000,PI,C21,3/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,1/74 Bendigo Av,2,u,375000,PI,Woodards,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,109 Brewer Rd,2,h,,SP,C21,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,56 Brewer Rd,4,h,1600000,PI,hockingstuart,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,39A McArthur St,4,t,1200000,PI,Buxton,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16A Mortimore St,4,h,,PI,Buxton,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2 Porter Rd,3,h,930000,S,Buxton,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,25 South Av,4,h,1500000,S,Buxton,3/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,20 Abbin Av,3,h,1450000,SP,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,58 Barrani St,3,h,,SP,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,872 Centre Rd,3,h,1185000,PI,McGrath,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Curtin St,4,h,1460000,SP,Gary,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17 Dromana Av,4,h,1580000,S,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Duckmanton Ct,4,h,,W,McGrath,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Kaniva Ct,6,h,,S,hockingstuart,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,60A Kennedy St,3,t,935000,S,hockingstuart,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Kurrajong St,3,h,,S,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Malane St,4,h,1620000,S,hockingstuart,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Manuka St,4,h,1580000,S,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Northam Rd,3,h,1315000,S,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Stockdale Av,5,h,1590000,S,Buxton,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,53 Tudor St,3,h,,PI,McGrath,3/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,1/565 Balcombe Rd,2,u,767000,SP,Chisholm,3/06/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,9 Munro St,4,h,,PI,Buxton,3/06/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,31 Third St,5,h,2520000,S,Charlton,3/06/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,48 Elder St,4,h,1695000,S,Jellis,3/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,27 Tyrrell Av,3,h,1581000,S,McGrath,3/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,33 Charlton St,4,t,990000,SP,Noel,3/06/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,9 Lantana St,4,h,1200000,VB,Noel,3/06/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,22 Craig St,3,h,,SN,Woodards,3/06/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,1/23 Bondi Rd,3,h,836000,S,Ray,3/06/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,12 Briar St,4,h,780000,SP,Appleby,3/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,27 Helene Ct,4,h,783000,SP,Barry,3/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,15A Owen St,3,h,,SP,LJ,3/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,271 Scoresby Rd,5,h,2020000,PI,Prof.,3/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,10 Weyburn Rd,3,h,706500,SP,iTRAK,3/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,5 Bedford St,5,h,,SN,Noel,3/06/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/21 Lawn Cr,3,t,,PI,Barry,3/06/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1/3 Campbell Rd,2,u,637000,S,Morrison,3/06/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,2/149 Carpenter St,3,u,1336000,S,hockingstuart,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,67 Cole St,5,h,,S,Marshall,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,18/4 Dudley St,2,u,1400000,PI,Hodges,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,65A Durrant St,3,h,1175000,PI,Biggin,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 Edmanson Av,3,h,,PI,hockingstuart,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,13 Hamilton St,3,h,,PI,Marshall,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/12 Laburnum St,2,u,930000,PI,Biggin,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,101 Male St,3,h,1935000,S,RT,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,125 Roslyn St,3,h,1950000,SA,Biggin,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Vaucluse St,4,h,2250000,S,Hodges,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,65 Well St,4,h,,SP,Hodges,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/76 Whyte St,3,u,897000,S,Buxton,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Wolseley Gr,4,h,,PI,Buxton,3/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,3 Bown Ct,5,h,2000000,PI,Hodges,3/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,27 Creswick St,3,h,,SN,Nick,3/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,29 Edro Av,4,h,,PN,Follett,3/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Hope St,3,h,,PI,Marshall,3/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Northern Av,3,h,,S,Buxton,3/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brooklyn,3/18 Cypress Av,1,h,370000,SP,Greg,3/06/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,32 Amelia St,3,t,890000,S,Jellis,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15 Ashmore St,3,h,1590000,SP,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,326 Barkly St,3,h,1435000,SP,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,369 Barkly St,2,h,1315000,S,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/37 Blyth St,2,h,730000,S,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Boase St,2,h,700000,PI,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/305 Brunswick Rd,1,u,300000,S,Village,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15 Cooraminta St,3,h,1900000,PI,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,34A Downs St,2,h,920000,S,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Jones St,2,t,765000,SP,Jellis,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,102 Mitchell St,4,h,1400000,PI,Woodards,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,24 Rosser St,2,h,740000,PI,Nelson,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Warne St,2,t,,SP,Jellis,3/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,7/2 Albion St,2,u,570000,S,McGrath,3/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,21 Balmoral Av,2,t,1010000,S,Nelson,3/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,5 Dianella Wky,2,t,675000,SP,Miles,3/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,271 Edward St,2,h,1105000,S,Nelson,3/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,408 Moreland Rd,3,h,1200000,SP,Woodards,3/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/432 Moreland Rd,3,t,,SP,hockingstuart,3/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/556 Moreland Rd,1,u,,PI,Ray,3/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9 Pearson St,3,h,,SN,Ray,3/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,60 Shamrock St,4,h,1325000,S,Jellis,3/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,41 Lilian St,3,h,1160000,S,Barry,3/06/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,12 Westwood Dr,3,h,1320000,S,Jellis,3/06/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,9 Luton Wy,5,h,750000,S,Barry,3/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,44 Milton Pde,3,h,780000,S,Barry,3/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Patricia Av,3,h,620000,S,Barry,3/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,26 Cunningham Ch,3,h,,PN,Prof.,3/06/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,2/65 Arthur St,4,t,,PI,Buxton,3/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,40 Gillard St,4,h,,S,Fletchers,3/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,5/19 Hughes St,4,t,845000,PI,hockingstuart,3/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,8 Scott Gr,3,h,,SA,Buxton,3/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/107 Station St,2,u,700000,S,Buxton,3/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,18 Hale Ct,4,h,1032000,S,Barry,3/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,2 Woodsdale Ct,4,h,821000,PI,Sweeney,3/06/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1/25 Doonkuna Av,3,h,1041000,S,Jellis,3/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4 Fairfield Av,4,h,2960000,S,Marshall,3/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,64 Glyndon Rd,4,h,3050000,S,Jellis,3/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8/101 Wattle Valley Rd,3,t,1171000,S,Marshall,3/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,15 Compton St,3,h,2050000,PI,Noel,3/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/42 Faversham Rd,2,u,850000,PI,Fletchers,3/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,535 Station St,2,h,1501000,S,Nelson,3/06/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,135 Leila Rd,3,h,1570000,S,hockingstuart,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/52 Leila Rd,3,u,1275000,S,Woodards,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/13 Madden Av,3,u,1181000,S,Woodards,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,163 Oakleigh Rd,3,h,1435000,S,Gary,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10 Parton Ct,4,h,1455000,SP,Woodards,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/25 Shepparson Av,1,u,340000,SA,Woodards,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,301/16 Tranmere Av,3,u,783000,SP,Steller,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/31 Tranmere Av,1,u,350000,S,Ray,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/91 Truganini Rd,2,u,620000,PI,Ray,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,69A Woornack Rd,3,t,,SP,Woodards,3/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,6 Alma La,3,h,600000,S,Barry,3/06/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,18 Church Rd,4,h,965000,SP,Buxton,3/06/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,14 Parkside Bvd,2,u,529000,S,Buxton,3/06/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,5 Rigby St,3,h,881000,S,Ray,3/06/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,3 Walkers Rd,4,h,845000,PI,Buxton,3/06/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield,2/218 Kambrook Rd,2,u,650000,VB,McGrath,3/06/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield East,5/33 Grange Rd,2,u,350000,SP,Gary,3/06/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,15/400 Dandenong Rd,2,u,,SP,Biggin,3/06/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,3/19 Hawthorn Rd,1,u,350000,PI,hockingstuart,3/06/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,13/8 Hudson St,2,u,,PI,hockingstuart,3/06/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,1/41 Narong Rd,2,u,665000,S,Woodards,3/06/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,45 Ludbrook Av,2,h,,PN,Gary,3/06/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,8 Bosco St,3,h,1080000,PI,McGrath,3/06/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/3 Inga Ct,2,h,674000,S,Buxton,3/06/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,116 Waverley Rd,4,h,,SN,Biggin,3/06/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,5/11 Bath St,2,u,525000,PI,hockingstuart,3/06/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,30 Mulkarra Dr,3,h,840000,S,Ray,3/06/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/52 Thames Prm,2,u,598000,S,hockingstuart,3/06/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,1/31 Cavanagh St,2,t,745000,S,Ray,3/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Glenden Rt,3,h,740000,S,Ray,3/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,25 Munro Av,3,h,1480000,S,Buxton,3/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19 Shipston Rd,3,h,1240000,S,O'Brien,3/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/59 Wilson St,2,u,850000,S,C21,3/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,18 Renver Rd,3,h,1300000,SA,Buxton,3/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,13 Barringun Cr,3,h,840000,S,C21,3/06/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,20 Lanark St,5,h,,SP,Buxton,3/06/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,10 Kiewa St,2,h,,SP,Nelson,3/06/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,12 Stan St,2,h,700000,PI,hockingstuart,3/06/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,24 Yambla St,3,h,,S,Nelson,3/06/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,40A Gladstone St,3,h,880000,S,Jellis,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Lobb St,4,h,1525000,S,Brad,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,105 Moreland Rd,3,h,,PI,Purplebricks,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/185 Moreland Rd,3,t,690000,SP,Nelson,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Rolls St,2,h,960000,S,Woodards,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,44 Saunders St,3,h,1600000,S,Raine,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,61 Soudan St,3,h,1157000,SP,Nelson,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7 Wellington St,2,h,867000,S,Nelson,3/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,4 Blanche Ct,3,h,690000,S,Brad,3/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,20 Convent Ct,3,h,,SN,Barry,3/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,7 Danthonia St,4,h,850000,PI,Nelson,3/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,19 Golf Rd,2,h,700000,PI,Nelson,3/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,226/3 Hoddle St,2,u,561000,S,Raine,3/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,2/157 Hotham St,3,t,,SP,Jellis,3/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,24 Mater St,2,h,1025000,SP,Jellis,3/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,2 Benston St,4,h,725000,S,@Realty,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Birdswood Cr,4,h,,SP,FN,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Featherpark Wy,4,h,675500,S,Ray,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Fermont Av,3,h,465000,S,Ray,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Gippsland Wy,3,h,,SP,LJ,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,76 Huntington Dr,4,h,,SN,Barry,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,195 Newbury Bvd,4,h,667000,S,Ray,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,39 Newlyn Dr,3,h,,SN,Barry,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Waterford Av,4,h,622000,PI,YPA,3/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,32 Allendale Rd,3,h,877500,S,Philip,3/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4 Forest Ct,4,h,,PI,Stockdale,3/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,153 Maroondah Hwy,3,h,,SN,Barry,3/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,32A Pascoe Av,3,h,730000,S,Philip,3/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,9 Borola Ct,3,h,,S,RT,3/06/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,46 Exeter Rd,3,h,,SN,Barry,3/06/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,49 Millewa Cr,4,h,535000,S,YPA,3/06/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,8 Trende St,3,h,678000,S,Ray,3/06/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,7 Fletcher Rd,3,h,595000,S,C21,3/06/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1/4 Rhoden Ct,2,u,305000,SP,Barry,3/06/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,227 Stud Rd,3,h,,SN,Barry,3/06/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Delahey,18 Bluestone Wk,4,h,505000,SP,YPA,3/06/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,138 Howard Rd,3,h,816000,S,Buxton,3/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,158 Lorimer St,4,h,,PI,Marshall,3/06/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,33 Clay Dr,4,h,2600000,SP,Barry,3/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,192 George St,3,h,1285000,SA,Ray,3/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,21 Hampshire Rd,3,h,1360000,SP,Woodards,3/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,34 Henry St,5,h,1600000,PI,Barry,3/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,128 High St,5,h,1370000,S,Jellis,3/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/41 Queens Av,3,t,882000,S,Jellis,3/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,7 Daphne St,4,h,1760000,S,Jellis,3/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Huntingfield Dr,4,h,1662000,S,Jellis,3/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,26 Newlands Cr,4,h,,PN,Woodards,3/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/60 Worthing Av,3,u,955000,PI,Barry,3/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,17 Midland Rd,3,h,,PI,Harcourts,3/06/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,24 Betula St,3,h,545000,SP,O'Brien,3/06/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,2/12 Ashby Gr,2,u,750000,PI,Nelson,3/06/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,101/166 Wellington Pde,2,u,,PI,Biggin,3/06/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,16 French Av,3,h,,PI,Buxton,3/06/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,28 Keith Av,4,h,,SP,hockingstuart,3/06/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/26 Munro Av,3,t,,W,O'Brien,3/06/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,5/30 College St,2,h,716000,S,hockingstuart,3/06/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,6/26 Parkside St,2,u,975000,SP,Gary,3/06/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,6 Grove St,4,h,975000,S,Morrison,3/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,87 Silver St,3,h,842000,S,Morrison,3/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,4 Angela Cl,5,h,,SP,Ray,3/06/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,27A Austin Av,2,h,975000,VB,Chisholm,3/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/193 Brighton Rd,2,u,480000,S,McGrath,3/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/229 Brighton Rd,2,u,696750,S,Chisholm,3/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,108/35 Ormond Rd,1,u,420000,VB,Chisholm,3/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/69 Tennyson St,2,u,,PI,Purplebricks,3/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/44 Wave St,2,u,695500,SP,Chisholm,3/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,18 Dryandra Av,3,h,652500,S,hockingstuart,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Grimwade Ct,3,h,540000,S,R&H,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Lapis Ch,3,h,555000,S,Love,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Letchworth Pl,3,h,620000,S,Harcourts,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Miro Pl,4,h,,PI,Harcourts,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,124 Northumberland Dr,4,h,598000,S,Harcourts,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Pommel Cr,3,h,556000,S,RW,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,52 Shields St,4,h,650000,S,Harcourts,3/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/143 Bradshaw St,2,u,762000,S,Brad,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24 Butler St,3,h,1025000,S,Nelson,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1 Daisy St,4,h,1360000,S,Jellis,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,48 Fitzgerald Rd,3,h,900000,PI,Nelson,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,21 Lyon St,2,h,,SP,Nelson,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,27 Miller St,3,h,1320000,S,Rendina,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,29 Nimmo St,3,h,,S,Barry,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/10 Schofield St,3,u,786000,S,Nelson,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,35 Washington St,5,h,2210000,S,Brad,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9 Washington St,3,h,1520000,S,Brad,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,32a Waverley St,3,t,806000,S,Frank,3/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,13 Darling St,3,h,1200000,S,Nelson,3/06/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,108 Argyle St,3,h,700000,S,Nelson,3/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,42 Denys St,3,h,712000,S,Ray,3/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,16 Lynch Rd,3,h,775000,S,hockingstuart,3/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,66 Queens Pde,4,h,821000,S,Brad,3/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,32 Elton Rd,3,h,663500,S,Harcourts,3/06/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,41 Trafalgar St,3,h,805000,S,Harcourts,3/06/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,259 Fitzroy St,3,h,,PI,Nelson,3/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,43 Gore St,3,h,,S,Kay,3/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,138 Napier St,3,h,,S,Nelson,3/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,42 Jamieson St,3,h,,S,Collins,3/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,64 Princes St,3,h,,SP,Nelson,3/06/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,23 Waltham St,4,h,1290000,S,hockingstuart,3/06/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,36 Wellington St,4,h,2268000,S,Nelson,3/06/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,10/17 Gordon St,2,u,270000,PI,Burnham,3/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1 Swallow La,3,u,605000,S,Rendina,3/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,4 Kira Ct,3,u,,SN,Woodards,3/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,42 Sandon Cct,3,u,764000,S,McGrath,3/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Darius Av,5,h,650000,S,Ash,3/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,25 Gretana Cr,3,h,495000,S,hockingstuart,3/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,24 Victoria Pde,3,h,700000,S,O'Brien,3/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,1 Monterey Bvd,3,h,452000,SP,Ray,3/06/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Glen Iris,2 Hazeldine Rd,4,h,,S,Marshall,3/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,37 Hortense St,4,h,,S,Kay,3/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,9 Summerhill Rd,3,h,1890000,S,J,3/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,28 Brentwood Dr,5,h,,PI,Ray,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/70 Leicester Av,3,t,,SP,LLC,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,38 Margate Cr,3,h,,SN,Woodards,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,91 Orchard St,4,h,1750000,S,Harcourts,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/8 Short St,2,u,1100000,S,Ray,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,20 The Rise,4,h,,S,Jellis,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6/22 Tulloch Gr,3,t,,PN,Harcourts,3/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,92 Glenroy Rd,4,h,750000,PI,Barry,3/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,16 Heather Ct,3,h,695000,S,Purplebricks,3/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,59 Isla Av,3,h,,SP,Barry,3/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/62 Widford St,2,t,,SP,Stockdale,3/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,5 Cam St,3,h,817000,S,Ray,3/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,178 Henry St,3,h,760000,S,Barry,3/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,1 Chester Cl,3,h,680000,S,Barry,3/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,7 Murray Ct,5,h,1170000,S,Barry,3/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,14 Rudstone Bnd,4,h,625000,SP,Barry,3/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,23 Wallace Dr,5,h,830000,SP,RW,3/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,117 East St,3,h,731000,S,Nelson,3/06/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,20 Lockley St,3,h,827000,S,Brad,3/06/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,2/126 Middle St,3,t,627000,S,Stockdale,3/06/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,19 Tassell St,3,h,,PI,Barry,3/06/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,196 Princes Hwy,3,h,680000,S,Jim,3/06/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,68/15 Beach Rd,3,u,,SP,Buxton,3/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,33 Grout St,3,h,,PI,Marshall,3/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,3/150 Barkers Rd,3,u,690000,S,Peter,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/9 Coppin Gr,2,u,1022000,S,Jellis,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17 Fairview St,5,h,5510000,S,RT,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,49 Grove Rd,4,h,3335000,S,Kay,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/31 Kinkora Rd,1,u,,PI,Fletchers,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14/36 Lisson Gr,1,u,560000,S,Kay,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,202/7 Riversdale Rd,2,u,,PI,Fletchers,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1g Robinson Rd,3,u,970000,S,Marshall,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2 Scott St,2,h,1790000,S,Marshall,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/15 Shakespeare Gr,2,u,805000,S,Jellis,3/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,101/729 Burwood Rd,2,u,780000,VB,Jellis,3/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,22 Caroline St,3,h,1875000,S,Jellis,3/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Fairmount Rd,4,h,2320000,S,RT,3/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9A Kaikoura Av,3,h,1237000,S,Jellis,3/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/859 Toorak Rd,3,t,1465000,S,Jellis,3/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,14/270 Canterbury Rd,3,t,701000,SP,Philip,3/06/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,7 Christine Ct,3,h,850000,S,Fletchers,3/06/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,2 Pett Ct,4,h,,SN,Barry,3/06/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1 View Ct,4,h,,PI,Philip,3/06/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,79 Bamfield Rd,3,h,885000,VB,Miles,3/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,40 Haig St,3,t,710000,PI,Ray,3/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,23A Cloyne St,4,h,,PI,Buxton,3/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 The Crescent,3,h,1190000,SA,Buxton,3/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,4 Whitmore Pl,3,h,485000,SP,Brad,3/06/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,4 Banksia Cr,4,h,,SP,Ray,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,151 Bellbridge Dr,3,h,,SN,Barry,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,50 Canberra Av,3,h,520000,S,YPA,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,23 Cleveland Dr,3,h,530000,S,hockingstuart,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Dawe Ct,3,h,515000,S,hockingstuart,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,23 Harkaway Av,3,h,370000,SP,Ray,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,533 Sayers Rd,4,h,1305000,S,Ray,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Strang St,3,h,555500,S,hockingstuart,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Tallong Ct,3,h,,SN,Barry,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Wiltonvale Av,3,h,460000,S,hockingstuart,3/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/3 Canterbury St,2,u,,S,Woodards,3/06/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1/17 Moorookyle Av,3,h,770000,S,Woodards,3/06/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,2/17 Moorookyle Av,4,h,1000000,S,Woodards,3/06/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,8 Kingsley St,2,h,,SP,Miles,3/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,29 Livingstone St,4,h,1350000,PI,Nelson,3/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/40 Magnolia Rd,3,u,910000,S,Miles,3/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/12 Thoresby Gr,3,h,1300000,PI,Nelson,3/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,6 Oakdene Pl,3,h,2525000,VB,Miles,3/06/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,2/3 Rotherwood Rd,2,u,535000,S,Nelson,3/06/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor Downs,58 Tarella Dr,3,h,580000,SP,Ace,3/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Park,610 Fullarton Rd,3,h,670000,SA,Nelson,3/06/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,9/80 Hobsons Rd,3,t,855000,S,Nelson,3/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,53 Rankins Rd,2,h,990000,SP,Nelson,3/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,5 Annadale St,4,h,,S,Marshall,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/234 Cotham Rd,2,u,630000,S,Lindellas,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/26 Edgevale Rd,2,t,942000,S,hockingstuart,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,139 Eglinton St,2,h,912500,S,Domain,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/321 High St,1,u,515000,S,Marshall,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Linnaker Pl,4,h,,PI,Fletchers,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/29 Mary St,2,u,672000,S,Nelson,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Valentine Av,4,h,,S,RT,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Vaughan Cr,3,h,1280000,S,Marshall,3/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,11 Arden Ct,4,h,2162000,S,Jellis,3/06/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/196 Kilby Rd,3,t,,S,Noel,3/06/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,7 Riverside Dr,3,h,2260000,S,Jellis,3/06/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,2 Eildon Dr,4,h,745000,S,C21,3/06/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,9 Sandra St,3,h,,SN,Barry,3/06/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,101 The Fairway,4,h,800001,SP,Purplebricks,3/06/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,69 Chirnside St,3,h,1180000,VB,Jas,3/06/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,4 Casey Dr,3,h,521000,S,Ray,3/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,16 Jacka St,3,h,1081000,S,Miles,3/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/62 May St,3,h,795000,S,Ray,3/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,15 Melrose Av,3,h,945000,SP,Ray,3/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,17 Pavey Ct,3,h,740000,S,Barry,3/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,7 Bosquet St,3,t,,SP,Nelson,3/06/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,1/16 Finlayson St,2,t,910000,S,Marshall,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8 Grace St,3,h,,S,Jellis,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,14 Irving St,3,h,4900000,VB,Kay,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6/36 Johnstone St,2,u,592000,S,Gary,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,32A Milton Pde,4,h,,SP,Marshall,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,18 Robinson St,4,h,,S,Marshall,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,11/37 Wheatland Rd,1,u,455000,S,Biggin,3/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1B Glenbrook Av,3,h,2355000,S,Jellis,3/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,10 Nott St,4,h,,S,Marshall,3/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7 Nyora St,3,h,2265000,S,Marshall,3/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/2 Oravel Av,3,h,,S,Jellis,3/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,51 Tooronga Rd,3,h,1780000,S,Marshall,3/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6/59 Tooronga Rd,2,u,,PI,Thomson,3/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,2/6 Horizon Dr,2,u,585000,S,Brad,3/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,46 Magazine Wy,4,h,940000,S,Edward,3/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,11 Maireana St,4,h,1085000,SP,Biggin,3/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,6 Woodruff Av,4,h,1125000,PI,Nelson,3/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,34 Clee St,4,h,1680000,PI,hockingstuart,3/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,406/422 Collins St,2,u,,PI,Lucas,3/06/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,56/449 St Kilda Rd,2,u,850000,VB,Jellis,3/06/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,95 Barries Rd,3,h,,SN,Barry,3/06/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,1 Irving Rd,4,h,400000,S,YPA,3/06/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,31 Plover St,3,h,,PN,YPA,3/06/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,19 Kingsford Av,3,h,315000,SP,Ray,3/06/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,1 Tamar Dr,4,h,355000,S,Raine,3/06/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,2 Fairbank Pl,5,h,355000,S,Raine,3/06/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,10 Chicquita Cct,3,t,815000,SP,hockingstuart,3/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/68 Naples Rd,2,t,800000,SP,Hodges,3/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,70 Voltri St,3,h,885000,S,hockingstuart,3/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,16 Bellini Wy,3,h,487500,S,hockingstuart,3/06/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,62 Brinkhill Dr,3,h,,W,Stockdale,3/06/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Pugh St,4,h,700000,SP,Flannagan,3/06/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,67 McGregor St,3,h,2010000,S,Cayzer,3/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,92 Neville St,3,h,,SP,Marshall,3/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,204 Page St,6,h,5600000,PI,Marshall,3/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,2 Patterson St,3,h,1850000,PI,Cayzer,3/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,6 Brigden Ct,3,h,663500,SP,Millership,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Carlita Cl,4,h,732000,S,Harcourts,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Eaglet Ct,4,h,720000,S,Harcourts,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/18 Farnham Cr,3,u,455000,SP,Millership,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Parklea Ct,3,h,556500,S,LJ,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,117 Roycroft Av,3,h,566000,S,Love,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,52 Stockdale Wy,3,h,560000,SP,Ray,3/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,21 Culwell Av,3,h,1125000,VB,Noel,3/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,47 Quarry Rd,2,h,,SN,Walshe,3/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Walter St,3,h,,W,McGrath,3/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,40 Adam Cr,3,h,830000,PI,Barry,3/06/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/54 Kelvin Av,3,t,642000,SP,Darren,3/06/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4/435 Main Rd,3,u,569000,S,Nelson,3/06/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,36 Aberfeldie St,3,h,1850000,SP,McDonald,3/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,118 Athol St,2,h,1090000,SP,McDonald,3/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,12/43 Buckley St,1,u,,S,Nelson,3/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,506/701 Mt Alexander Rd,3,u,1100000,S,Brad,3/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,26 Scotia St,2,h,760000,PI,Barry,3/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,60 Wilson St,4,h,,SS,Nelson,3/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2 Matilda Rd,3,h,1090500,S,Woodards,3/06/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,188 Cardigan Rd,5,h,872000,SP,Max,3/06/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,32 Churchill Dr,3,h,730000,SP,Fletchers,3/06/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,4/186 Beach Rd,1,u,519000,S,Thomson,3/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/6 Krone St,4,t,1170000,S,hockingstuart,3/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/577 High Street Rd,2,u,720000,S,Ray,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/593 High Street Rd,2,u,572000,S,Ray,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Kingston St,3,h,,VB,Jellis,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,67 Larch Cr,3,h,1350000,S,Harcourts,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/18 Leonie Av,3,h,855000,S,McGrath,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Milliara St,3,h,1640000,PI,Buxton,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Ophir Rd,2,h,,SN,Barry,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/36 Swayfield Rd,3,t,1011000,S,McGrath,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,309 Waverley Rd,5,h,1450000,S,JRW,3/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Barclay Ct,3,h,880000,SA,Nelson,3/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 Brookland Ct,4,h,,PI,Ray,3/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Gregory Cr,3,h,960000,S,Ray,3/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Trentbridge Rd,5,h,,SP,Barry,3/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,101b Wanda St,4,t,750000,S,Ray,3/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,13 Churchill Cl,3,h,1256000,S,Woodards,3/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8/9 Dunoon St,1,u,330000,S,hockingstuart,3/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/53 Kangaroo Rd,2,u,670000,PI,Buxton,3/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,162 Murrumbeena Rd,4,h,,SA,Buxton,3/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,13/9 Murrumbeena Cr,1,u,292000,SP,Gary,3/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/1 Nangana Rd,2,u,602000,S,hockingstuart,3/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,30 Sweeney Dr,7,h,,PN,LJ,3/06/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,3/53 Bunbury St,2,u,,PI,Williams,3/06/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,5/45 Oxford St,1,u,,PI,Williams,3/06/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,61 Nolan St,4,h,1337000,S,Barry,3/06/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3 Shaw St,3,t,,SP,McDonald,3/06/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,22 Melrose St,2,h,970000,S,JMRE,3/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,106/2 Beavers Rd,2,u,550000,PI,McGrath,3/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,44 Bent St,3,h,1232000,S,Nelson,3/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,2/71 Junction Rd,4,t,1200000,S,Noel,3/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1A Thelma St,4,t,950000,VB,Jellis,3/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/13 Cartwright St,2,u,630000,SP,Brad,3/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4/4 Ethel St,2,u,460000,S,Brad,3/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,24 Vincent St,4,h,1138000,SA,Nelson,3/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/43 Watt Av,3,t,870000,S,Nelson,3/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,19 Westgate St,4,h,1410000,PI,Woodards,3/06/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,31 Westgate St,3,h,1245000,S,Woodards,3/06/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,41 Clayton Rd,2,h,1114000,S,Ray,3/06/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3/1 Inga St,3,u,740000,S,Buxton,3/06/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,5 Ellesmere St,4,h,1120000,S,Buxton,3/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,47 Washington Dr,3,h,945000,S,Woodards,3/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,8/17 Arnott St,1,u,280000,SP,Thomson,3/06/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,301/437 North Rd,2,u,485000,SP,Gary,3/06/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,31 Azalea Av,4,h,510000,SP,Ray,3/06/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,22 Booth St,3,h,1315000,SP,Buxton,3/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/88 Keith St,2,t,620000,PI,Buxton,3/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,401/228 The Avenue,3,u,1770000,S,Woodards,3/06/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,12 Daphne St,4,h,,S,Nelson,3/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,41 Essex St,3,u,630000,S,Brad,3/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/6 Hazel Gr,1,u,,S,Nelson,3/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/79 Park St,2,t,,SN,Barry,3/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,307/15 Pascoe St,2,u,,SN,Barry,3/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,8 Fuchsia Cr,4,h,716500,S,LJ,3/06/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,120/1 Graham St,3,u,1725000,PI,Marshall,3/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,410 Graham St,3,h,1325000,PI,Marshall,3/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,51 Lyons St,3,h,,PI,Marshall,3/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,202/2 Rouse St,2,u,625000,S,Biggin,3/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,409/216 Rouse St,2,u,665000,SP,Cayzer,3/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,22 Abeckett St,3,h,1810000,PI,Marshall,3/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,201/8 Bangs St,1,u,329000,S,Thomson,3/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,37 Charles St,3,h,1400000,VB,Jellis,3/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,213/15 Clifton St,1,u,,PI,hockingstuart,3/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16/10 Williams Rd,2,u,,S,Biggin,3/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,129 Albert St,3,h,850000,SP,McGrath,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Austin St,3,h,,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10/4 Austral Av,2,t,645000,SA,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1 Bellarine St,5,h,1400000,PI,hockingstuart,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3A Carlisle St,3,t,808000,SP,Love,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Grange St,3,h,930000,S,Barry,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Larne Gr,3,h,1130000,PI,Barry,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,121 Murray Rd,4,h,830000,PI,Love,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,145 Murray Rd,3,h,881000,S,Love,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/7 Oak St,3,u,660000,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,202 Raglan St,3,h,945000,S,McGrath,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Scotia St,3,h,1210000,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Showers St,3,h,970000,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/26 Tyler St,2,u,465000,PI,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,42 Tyler St,3,h,725000,S,Barry,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24b Tynan St,3,h,,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,49 Wallace St,3,h,990000,S,hockingstuart,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,39 William St,3,h,972500,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,26A Young St,3,h,955000,S,Nelson,3/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,109 McIlwraith St,3,h,1900000,PI,Nelson,3/06/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,7 Allan St,4,h,,SN,Love,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Crispe St,4,h,1100000,S,Barry,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/91 Darebin Bvd,2,u,,S,Ray,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Edgar St,5,h,1266000,S,Nelson,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Frankston St,3,h,1040000,S,Nelson,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/48 Goulburn Av,2,t,625000,S,Ray,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/23 Lake St,3,t,,PI,Nelson,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Lambassa Gr,3,h,751000,S,Barry,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/12 MacK St,3,t,,PI,Nelson,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,81 McMahon Rd,2,h,888000,S,Ray,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Oconnor St,2,t,521000,S,Harcourts,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2a Palm Av,1,u,423750,S,Nelson,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,76 Powell St,3,h,857700,SP,hockingstuart,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/4 Pratt St,3,t,642500,S,Barry,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/19 Tambo Av,2,t,555000,SP,Nelson,3/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,7 Benson St,3,h,1676000,S,Biggin,3/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,27 Charlotte St,4,h,1400000,S,Biggin,3/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Glass St,3,h,1301000,S,Jellis,3/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/202 Lennox St,2,u,575000,S,Biggin,3/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3A Waltham Pl,4,h,,S,Marshall,3/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/27 Georges Rd,3,u,766000,SP,Carter,3/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,8 Marwarra St,4,h,910000,S,Fletchers,3/06/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,6 Victoria St,4,h,1200000,S,Real,3/06/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3 Wingate Av,5,h,1080000,S,Fletchers,3/06/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,28 Adolphson Av,3,h,1005000,S,Carter,3/06/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,1/42 Grandview Gr,3,u,,SN,Barry,3/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,65 Greville Rd,4,h,,S,Nelson,3/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6/3 Lower Plenty Rd,2,u,,PI,Barry,3/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/64 Lower Plenty Rd,2,u,675000,S,Miles,3/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/237 Rosanna Rd,2,h,,SN,Barry,3/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,240 Dandelion Dr,3,h,622000,S,Ray,3/06/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,12 Simmonds Pl,3,h,425000,S,Ray,3/06/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,131 Bay Rd,4,t,2300000,S,Hodges,3/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,34 Brighton St,3,h,1710000,SP,Buxton,3/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,205/18 Station St,2,u,516000,S,Chisholm,3/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5 Tennyson St,4,t,2221000,S,McGrath,3/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,13 Drysdale Ct,4,h,,SN,Barry,3/06/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seabrook,21 Catherine Rd,3,h,515000,SP,LJ,3/06/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,43 Galway St,3,h,540000,S,Harcourts,3/06/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,26 Sussex St,3,h,1360000,S,Sweeney,3/06/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,60 Station Rd,4,h,1500000,SP,Sweeney,3/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,17 Tennyson St,3,h,1180000,SP,Biggin,3/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,76 Saltley St,3,h,790000,S,McGrath,3/06/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,305/196 Albert Rd,2,u,805000,S,Cayzer,3/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1211/50 Albert Rd,2,u,530000,VB,Greg,3/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,7 Alexis Cl,4,h,915000,S,Harcourts,3/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Axa Wy,3,h,460000,SP,Nelson,3/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Grange Dr,3,h,644000,S,Harcourts,3/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,141 Hawkstowe Pde,5,h,905000,S,Ray,3/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Kipping Ri,3,h,647000,S,RW,3/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,104/2 Cromwell Rd,2,u,800000,SP,Abercromby's,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,78 Hope St,2,h,2210000,S,Castran,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4 Palfreyman St,3,h,1400000,SP,Kay,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,28/77 Park St,1,u,,SN,Whiting,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/7 Rockley Rd,3,u,805000,S,hockingstuart,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/44 Walsh St,3,u,2400000,VB,Jellis,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/215 Williams Rd,2,u,535000,SP,Gary,3/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,801/151 City Rd,3,u,765000,S,MICM,3/06/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,512/22 Dorcas St,1,u,422000,S,MICM,3/06/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,83/88 Kavanagh St,2,u,,PI,Lucas,3/06/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2605/63 Whiteman St,2,u,590000,PI,MICM,3/06/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,3/7 Kernot St,2,u,,W,RT,3/06/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,18 Keets Ct,2,h,,S,Ray,3/06/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,41 Moncur Av,4,h,,PI,WeSell,3/06/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,2/44 Avondale Av,3,t,256000,SP,Bells,3/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,121B Denton Av,3,h,,PI,Barry,3/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,14 Horham Ct,4,h,,SN,Barry,3/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/12 Station Av,2,h,,SN,Ray,3/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,10 Cintra Av,4,h,2005000,S,Marshall,3/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2b Lambeth Pl,2,u,928000,SP,hockingstuart,3/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/19 Robe St,2,u,586500,S,Buxton,3/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,24/62 Wellington St,1,u,451000,S,Marshall,3/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,5 Columban Av,4,h,1865000,PI,Frank,3/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,42A Dublin Av,4,t,1200000,PI,Nelson,3/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2 Henshall Rd,5,h,1780000,S,Nelson,3/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,77 Hillsyde Pde,2,h,790000,S,Considine,3/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,68 Cornish St,3,h,455000,S,YPA,3/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Heysen Dr,3,h,410000,SP,Brad,3/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,2a Martin St,3,u,635000,S,Sweeney,3/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 McKay St,3,h,775000,S,Jas,3/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,32 Essex St,3,h,690500,S,Sweeney,3/06/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,7 Fairbairn Rd,3,h,520000,SP,Sweeney,3/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16 Lauren La,3,h,590900,PI,Douglas,3/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,8 Petina Wy,3,h,,SN,Barry,3/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,53 Sanders Av,3,h,670000,PI,S&L,3/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,21 Chester St,4,h,,SN,hockingstuart,3/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/19 Elm St,2,u,740000,VB,HAR,3/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,16 Kirribilli Bvd,3,h,680000,PI,Barry,3/06/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,10 Fireball Ct,4,h,,SP,Brad,3/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,527 Kings Rd,3,h,790500,S,Barry,3/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Pacific Pl,3,h,695000,SP,Barry,3/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,3 Roper Ct,5,h,805000,S,Barry,3/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,5/8 Innisfallen Av,3,t,1156000,S,Jellis,3/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,53 Milne St,3,h,1350000,S,Jellis,3/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,25 Balmoral Av,4,h,,VB,hockingstuart,3/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/1 Gambier Av,3,h,710000,S,hockingstuart,3/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/285 Thompsons Rd,4,t,1010000,S,Jellis,3/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,46 Lincoln Dr,3,h,580000,PI,Harcourts,3/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5 Pamela Ct,4,h,653000,S,Harcourts,3/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,167 Victoria Dr,3,h,740000,S,Harcourts,3/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,6/10 Dundas St,2,u,493000,S,Woodards,3/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,150 Gooch St,3,h,1240000,S,YPA,3/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3 Gooch St,2,h,1010000,PI,Love,3/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,53 Keon St,4,h,1626000,S,Jellis,3/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,1/125 Canterbury Rd,3,u,,S,Jellis,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/13 Denham Pl,2,u,,SN,hockingstuart,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/36 Grange Rd,1,u,550000,PI,Williams,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/24 Lascelles Av,2,u,1800000,VB,RT,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/14 Martin Ct,3,u,2000000,VB,Castran,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3 Myvore Ct,3,h,,PN,Kay,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,19/740 Orrong Rd,2,u,751000,SP,Jellis,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/641 Toorak Rd,2,u,682000,S,hockingstuart,3/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,3 Ronald Rd,4,h,,SN,Barry,3/06/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,8/366 Melrose Dr,2,t,355000,S,Barry,3/06/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1 Bahama Ct,4,h,1270000,S,M.J,3/06/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2/557 Canterbury Rd,4,t,975000,S,Harcourts,3/06/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2/660 Canterbury Rd,3,t,820000,SP,iProperty,3/06/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,2/585 Burwood Hwy,3,u,750000,SP,Noel,3/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,12/765 Boronia Rd,3,t,,SN,Ray,3/06/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,6 Magnolia St,2,h,1280000,SP,Harcourts,3/06/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Warrandyte,29 Lynette Av,4,h,850000,SP,Philip,3/06/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warrandyte,44 Webb St,3,h,1200000,S,Fletchers,3/06/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia North,9 Naughtin Ct,4,h,,S,Jellis,3/06/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,2/32 Sellars St,3,h,655000,SP,Barry,3/06/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Wattle Glen,47 Neerim Ri,5,h,1140000,S,Fletchers,3/06/2017,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,22 Beldale Av,3,h,562000,S,hockingstuart,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Carbon Ct,3,h,531000,SP,Triwest,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Lyall Dr,3,h,490000,SP,Ray,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,91 Market Rd,3,h,472000,SP,Triwest,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/4 Pepino Ct,3,h,467000,S,hockingstuart,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/6 Pitta Cl,2,u,302500,S,Burnham,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,28 Tyrone St,5,h,750000,SP,YPA,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Wallara Rd,3,h,390000,S,Hayeswinckle,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,12 Whitehall Cr,3,h,460000,S,Ray,3/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,6 Argyle St,3,h,1155000,PI,Village,3/06/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,8/102 Cross St,2,u,480000,SP,Jas,3/06/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,22 Hope St,3,h,1100000,S,Biggin,3/06/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,2/30 Dudley St,2,u,792000,S,Nardella,3/06/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,285 Mickleham Rd,3,h,540000,SP,Barry,3/06/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,87 Chancellor Dr,4,h,1171000,S,Harcourts,3/06/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,16 Jacaranda Rd,3,h,1408000,S,Harcourts,3/06/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,3 Garden St,3,h,1494000,S,RT,3/06/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,60 Hannan St,5,h,2760000,S,Sweeney,3/06/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4 Long St,3,h,1285000,S,Sweeney,3/06/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,10 Mullins Ct,4,h,1900000,S,hockingstuart,3/06/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Pearson St,3,h,950000,S,Williams,3/06/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,7/15 Wrexham Rd,2,u,,SP,Biggin,3/06/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,5 Amira Rd,4,h,530000,PI,Ray,3/06/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,13 Eynesbury Vw,5,h,745000,S,Harcourts,3/06/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,31 Warruga Cr,4,h,562000,S,Ray,3/06/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,6 Oaktree Av,4,h,627000,S,Ray,3/06/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,8 MacAlister Bvd,5,h,1670000,S,Barry,3/06/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,89 Ballarat St,2,h,950000,S,Jas,3/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,24 Goulburn St,3,h,1225000,S,RT,3/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2b Stanger St,3,h,1035000,SP,RT,3/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,68 Studley St,2,h,,SS,Jellis,3/09/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,154 Halsey Rd,3,t,840000,PI,Nelson,3/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,42 Angelique Gr,4,h,415000,S,YPA,3/09/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,105 Kerferd Rd,2,h,1275000,S,hockingstuart,3/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,85 Richardson St,2,h,1455000,S,Thomson,3/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,30 Austin St,3,h,,SN,McGrath,3/09/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,6 Smith St,4,h,2000000,S,Brace,3/09/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,5/6 Yarralea St,3,h,1110000,S,Jellis,3/09/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,158 Queen St,3,h,520000,VB,Greg,3/09/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,9 Jesse Ct,5,h,,SP,hockingstuart,3/09/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,1 Beuron Rd,3,h,,SP,Williams,3/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,45 Hearn St,5,h,1085000,S,FN,3/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4 Knapp St,3,h,781000,S,Jas,3/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,103 Sixth Av,4,h,857500,S,hockingstuart,3/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,24 Hume St,3,h,,S,RT,3/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/19 Mercer Rd,2,u,599000,S,Jellis,3/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,24 Ayr St,3,h,,S,Jellis,3/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/43 Roxburgh St,2,u,455000,S,Nelson,3/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,61 Dent St,4,h,2650000,S,Marshall,3/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1 Wilgra Av,2,h,1820000,S,Marshall,3/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/14 Eildon Rd,3,h,,SP,Jellis,3/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,18 Teck St,2,h,995000,S,Tim,3/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,3 Bega Ct,5,h,670000,S,Buxton,3/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,5 Kubis Av,3,h,795000,S,Ray,3/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,18 Larnook Cr,3,h,962000,S,hockingstuart,3/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,13 MacEy Av,4,h,1310000,S,Jellis,3/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,8 Norma Ct,3,h,850000,S,Moonee,3/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,9 Rogerson St,3,h,750000,SP,Moonee,3/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,18 Linton St,4,h,1819000,S,Gary,3/09/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1/4 Glenluss St,3,t,,S,Jellis,3/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,166 Gordon St,2,h,2100000,S,Marshall,3/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,36 Narrak Rd,4,h,1800000,VB,Marshall,3/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/16 Westminster St,2,t,1255000,S,Noel,3/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,3/41 Clifton St,3,t,1315000,S,hockingstuart,3/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,153 Doncaster Rd,3,h,1500000,PI,Jellis,3/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,19 Jacka St,4,h,3230000,S,Jellis,3/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,32 Jaserfold St,2,h,1080000,S,Jellis,3/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/5 Marwal Av,4,u,1450000,S,hockingstuart,3/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,32 Maylands Av,2,h,1305000,S,Fletchers,3/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,3 Cliff Gr,3,h,1545000,S,Buxton,3/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/3 Keith St,2,t,945000,S,Buxton,3/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,72 Oak St,3,h,1455000,S,Hodges,3/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10 Rosemary Rd,4,h,1535000,SP,Century,3/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,5/205 Centre Rd,2,u,636000,S,hockingstuart,3/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,22 Hobart St,2,h,1275000,S,Woodards,3/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/236 Patterson Rd,3,u,875000,S,hockingstuart,3/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7a Porter Rd,4,t,1230000,S,hockingstuart,3/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/531 South Rd,3,t,895000,PI,Ray,3/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/28 Strathmore St,3,t,1020000,PI,C21,3/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,9 Edinburgh St,3,h,,SN,hockingstuart,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11a Latham St,4,t,,S,hockingstuart,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Mervin St,2,h,1410000,S,hockingstuart,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21b Northam Rd,3,t,990000,S,Buxton,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,68 Pasadena Cr,3,h,1057000,S,Buxton,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/69 Purtell St,3,t,760000,PI,hockingstuart,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,30 Veronica St,2,h,825000,S,Buxton,3/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,18 Margaret St,4,h,,PI,Barry,3/09/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,32 McNabb St,3,h,,PI,Barry,3/09/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,3/4 Downing St,4,t,940000,S,Barry,3/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,49 Rosalind Cr,5,h,1442000,S,Jellis,3/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/3 Wright St,3,h,750000,PI,Lindellas,3/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,29 Bridgeford Av,3,h,971000,PI,Noel,3/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,39 Devon Dr,4,h,1294000,S,Barry,3/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,175 Springfield Rd,4,h,1000000,VB,McGrath,3/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,3 Illowra Wk,3,t,758000,S,Ross,3/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,32 Margaret St,4,h,1620000,S,hockingstuart,3/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,44 Carlton St,4,h,,W,Sweeney,3/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,132 Duke St,3,h,870000,S,Barry,3/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,25 Lily St,2,h,645000,S,Barry,3/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1/11 Springfield St,3,u,661000,S,Buckingham,3/09/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,802 Hampton St,3,h,1550000,VB,Buxton,3/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,476 New St,4,h,,S,Marshall,3/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,18 Rooding St,3,h,1635000,S,Buxton,3/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,38 Arnold Rd,5,h,,S,Buxton,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Balfour St,4,h,1940000,S,hockingstuart,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,40 Camperdown St,4,h,,S,Buxton,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Marriage Rd,4,h,1850000,S,Nick,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Rogers Av,2,h,1060000,S,Nick,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,214 South Rd,4,h,,S,Buxton,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,244a South Rd,3,h,930000,SP,Marshall,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Sunnyside Av,5,h,1952000,S,Gary,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,246a Were St,3,h,,SS,Marshall,3/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,8/55 De Carle St,2,u,428000,S,Brad,3/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,234 Victoria St,2,h,1026000,S,Nelson,3/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,8/7 Passfield St,2,u,521500,S,Peter,3/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,19a Elizabeth St,3,u,851000,S,Jellis,3/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,42 Robert St,4,h,1300000,S,Jellis,3/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,92 Swanston St,4,h,1110000,PI,Barry,3/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,25 William St,4,h,1235000,S,Jellis,3/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,14/6 Boadle Rd,2,t,380000,SP,Ray,3/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,60 Milton Pde,3,h,,SN,Barry,3/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,15 Loudon Rd,5,h,1590000,S,Jellis,3/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,20a Inga St,3,h,900000,VB,Fletchers,3/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,28 Brinsley Rd,4,h,2650000,S,Jellis,3/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/1 Glen Iris Rd,3,t,1615000,S,Marshall,3/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Kalang Rd,3,h,,PN,Rayner,3/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1288 Toorak Rd,4,h,3225000,SA,RT,3/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,18 Irilbarra Rd,4,h,2950000,S,Marshall,3/09/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2a View St,3,h,,SN,Kay,3/09/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,527 Nicholson St,3,h,1330000,VB,Nelson,3/09/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1/60 Moonya Rd,3,u,820000,S,Ray,3/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/70 Truganini Rd,2,t,795000,S,Gary,3/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,12 Kahan Cl,3,h,,PI,LJ,3/09/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,2 Orrong Pde,4,h,,W,hockingstuart,3/09/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield,6/5 Freeman St,2,u,722500,S,Gary,3/09/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,14 Arthur St,3,h,1365000,S,McGrath,3/09/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,452 Dandenong Rd,3,h,1750000,S,Marshall,3/09/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,336 Bambra Rd,2,h,,SN,Gary,3/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,26 Flowers St,3,h,1577500,S,hockingstuart,3/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,14 Latrobe St,4,h,1802000,S,Gary,3/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,2/5 Moore St,3,h,,SN,Gary,3/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,3/10 Euroka St,3,t,752000,S,Buxton,3/09/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/20 Hillcrest Av,2,u,670000,S,Buxton,3/09/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,33b Swan Wk,3,h,870000,S,Asset,3/09/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,22b Crawford St,2,t,758000,S,Greg,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Heather Gr,4,h,1408000,S,Hodges,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/18 Hilda St,3,u,675000,S,Buxton,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Hoffman St,5,h,1300000,S,Buxton,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Jellicoe St,3,h,1230000,S,hockingstuart,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Linden Av,2,h,,S,hockingstuart,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,32 Swinden Av,3,t,854000,S,O'Brien,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Walker Gr,4,h,999000,S,Hodges,3/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,42a Roseman Rd,3,h,,SN,Barry,3/09/2016,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,5/21 Francis St,2,u,570000,S,Century,3/09/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/28 Kionga St,3,u,650000,PI,Ray,3/09/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,1/262 Alexandra Pde E,1,u,,PI,Nelson,3/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,60a Hodgkinson St,3,h,1270000,S,Nelson,3/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,1/13 Clarendon St,2,u,,SN,Barry,3/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,29 Molesworth St,2,h,850000,SP,Brad,3/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,71 Ohea St,3,h,,SN,Barry,3/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,39 Salisbury St,3,h,,S,Raine,3/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,10 Shackell St,3,h,784000,S,Nelson,3/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,17 Lorensen Av,3,h,845000,S,Nelson,3/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,69 Hotham St,2,t,750000,S,Jellis,3/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,130 Keele St,2,h,890000,S,LITTLE,3/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,10/79 Oxford St,2,u,1260000,S,Jellis,3/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,2/79 Oxford St,2,u,855000,S,Nelson,3/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,36 Baronial Wy,3,h,495000,S,Ray,3/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Classic Pl,4,h,,PI,Barry,3/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,42 Domain Wy,4,h,480000,SP,YPA,3/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,45 Hanson Rd,3,h,465000,S,YPA,3/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Heathwood Cl,3,h,362000,S,Ray,3/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Yeovil Ct,5,h,,SN,Barry,3/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,14 Lansell Dr,3,h,392000,S,Hodges,3/09/2016,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon South,10 Camelia Ct,4,h,725000,S,Fletchers,3/09/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,1/12 MacPherson St,2,u,336000,SA,hockingstuart,3/09/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,7 Cordova Ct,4,h,770000,S,Hodges,3/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,407 Ryans Rd,2,h,480000,S,Morrison,3/09/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,33 Christina Tce,5,h,1810000,S,Ray,3/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,21 Greenwoods Cl,3,h,855000,SP,Ray,3/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Lauren Cl,3,h,590500,S,Ray,3/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,13 Lumeah Ct,4,h,850000,VB,Ray,3/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,329 George St,4,h,1924500,S,Barry,3/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9 Lauer St,4,h,1416000,S,Barry,3/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/20 Wetherby Rd,2,u,492500,S,Barry,3/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/38 Boronia Gr,3,t,765000,S,Barry,3/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Lautrec Ct,4,h,1405000,S,Jellis,3/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,83 Leeds St,4,t,1325000,S,Jellis,3/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,3/4 Hope Av,3,u,755500,S,hockingstuart,3/09/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,82 The Righi,3,h,,SN,Miles,3/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,1 Warringal Pl,6,h,,SN,Kay,3/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Elsternwick,30 Ross St,2,h,900000,VB,Gary,3/09/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,140 Bolton St,3,h,701000,S,Morrison,3/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,7/91 Bridge St,2,t,520000,VB,Fletchers,3/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3 Frank St,3,h,903000,VB,Morrison,3/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,13 Souter St,3,h,730000,S,Buckingham,3/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,6 Redbox Cl,4,h,970000,PI,Barry,3/09/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,20 Coleridge St,5,h,,S,Chisholm,3/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,8/44 Southey St,1,u,520000,S,Chisholm,3/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/10 Wilton Gr,3,t,1350000,S,hockingstuart,3/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,3 Guinea Ct,3,h,475000,S,Harcourts,3/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,28 Quartz Gr,2,h,345000,S,Harcourts,3/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6 Buckley St,3,h,1425000,S,Jellis,3/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/28 Gilbertson St,2,u,660000,S,Barry,3/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/85 Tennyson St,2,u,550000,VB,Nelson,3/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/17 Bulla Rd,2,u,396000,S,Barry,3/09/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,150 Gillies St,3,h,1250000,VB,Jellis,3/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,46 Perry St,3,h,,S,Nelson,3/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Ferntree Gully,2/18 Francis Cr,2,u,485000,S,Schroeder,3/09/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,1 Selman Av,2,h,445000,S,Schroeder,3/09/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,111 Cecil St,2,h,1000000,S,Nelson,3/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,3/18 Hanover St,3,h,1252000,S,Nelson,3/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,233/4 Bik La,2,u,700000,SP,Woodards,3/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,470 Brunswick St,2,h,860000,S,Woodards,3/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,50 Freeman St,2,h,870000,S,Nelson,3/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,76 Newry St,2,h,1116000,S,Nelson,3/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,2 Pilkington St,4,h,1450000,VB,Nelson,3/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,186 Queens Pde,2,t,930000,S,Nelson,3/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,96 Bryant St,2,h,865500,S,Nelson,3/09/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,34 Illawarra Rd,3,h,,S,Nelson,3/09/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,4/33 Ballarat Rd,3,t,585000,S,Nelson,3/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,202/51 Gordon St,1,u,85000,PI,Burnham,3/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,10 Hansen St,4,h,1236000,S,Fletchers,3/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,6 Sylvan Ct,5,h,1060000,S,Fletchers,3/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,6 Bush Ct,3,h,,SN,Barry,3/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,19 Fleetwood Cr,3,h,,SN,Barry,3/09/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,1 Warrock Ct,3,h,,SN,Barry,3/09/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Iris,6 Beatrice St,3,h,1735000,S,hockingstuart,3/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/28 Belmont Av N,2,u,490000,VB,Noel,3/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,57 Brandon St,2,h,1699000,S,Jellis,3/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,30 Howie St,3,t,,SP,Marshall,3/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Vincent St,4,h,3400000,VB,Kay,3/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Vincent St,5,h,3730000,PI,Abercromby's,3/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,24 Coomleigh Av,4,h,,SN,Woodards,3/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Copnal Ct,4,h,1360000,S,Harcourts,3/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Fernhill St,3,h,1925000,S,Ray,3/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,788 Highbury Rd,3,h,950250,SP,C21,3/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Stableford Av,3,h,,SN,JRW,3/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/13 Becket St S,3,t,585000,S,Stockdale,3/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,89 John St,3,h,610000,S,Ray,3/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/83 Maude Av,3,t,480000,VB,Brad,3/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,18 Pengana Av,3,h,681500,S,Barry,3/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,52 Tarana Av,3,h,640000,S,Nelson,3/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,11 Valley Cr,3,h,712000,S,Eview,3/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Gowanbrae Dr,3,h,631000,S,Nelson,3/09/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,31 Seggan Cir,3,t,532000,S,Nelson,3/09/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,49 Bannerman Av,4,h,877000,S,Morrison,3/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,20 Fricker Av,3,h,640000,S,Darren,3/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,14 Firenze Rd,4,h,656000,SP,Brad,3/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,20 Bedford St,3,h,605000,PI,hockingstuart,3/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,1/1 Lockley St,3,h,570000,S,Stockdale,3/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,29 Sutherland St,3,h,685500,SP,Brad,3/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,1/30 Grenville St,2,u,895000,S,hockingstuart,3/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6/334 Hampton St,2,u,587000,S,Ray,3/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,38 Myrtle Rd,4,h,2800000,S,Nick,3/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3/31 Thomas St,2,u,720000,S,Buxton,3/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,36 Thomas St,4,h,3250000,S,hockingstuart,3/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,20 Highbury Av,4,h,1525000,S,Marshall,3/09/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/113 Spring Rd,3,t,,PI,Buxton,3/09/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,14 Miranda Gdns,5,h,442000,SA,Ray,3/09/2016,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,22/9 Lisson Gr,1,u,,PI,Biggin,3/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6a Scott St,4,h,1650000,PI,Jellis,3/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heathmont,180 Bedford Rd,2,h,571000,PI,Fletchers,3/09/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,97 Edwin St,2,h,815000,SP,Fletchers,3/09/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,3 Ebony Pde,2,h,,SP,Nelson,3/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,3a Katoomba Ct,5,h,765000,S,Nelson,3/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,23 Redwood St,3,h,691000,S,Haughton,3/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,5/22 Avoca St,2,u,490000,S,Buxton,3/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,83 Banchory Av,4,h,630000,VB,Barry,3/09/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,16 Nicklaus Dr,3,h,409000,S,hockingstuart,3/09/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Torana Ct,4,h,422000,S,YPA,3/09/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,57 Euston Rd,3,h,,SN,Ray,3/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,18 Paget St,2,h,1550000,S,Woodards,3/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1/13 Swindon Rd,2,u,516000,S,Ray,3/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,19 Hargreaves St,3,h,941000,S,Woodards,3/09/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,9/88 Marshall St,2,u,480000,VB,Miles,3/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,28 Hedgeley Rd,5,h,,PI,Barry,3/09/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,1 Jackman Cr,4,h,975000,VB,Nelson,3/09/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,2 Yarra Ct,5,h,685000,PI,Brad,3/09/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,49 Wanaka Dr,4,h,590000,S,Nelson,3/09/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,16 Border Dr,3,h,703000,S,Nelson,3/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,85 David Av,3,h,680000,VB,Nelson,3/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,121 Sterling Dr,3,h,650000,SP,Barry,3/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,4 Coopers La,3,h,785000,S,Nelson,3/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,65 Gatehouse Dr,3,h,852000,S,Nelson,3/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,35 Henry St,3,h,1037000,S,Rendina,3/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,13 Annadale St,3,h,1635000,S,Jellis,3/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Gordon Av,2,h,,S,Jellis,3/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,51 Rowland St,2,h,4800000,S,Jellis,3/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/28 Wimba Av,3,u,970000,S,Jellis,3/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Wimba Av,5,h,6240000,S,Jellis,3/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,34 Baker Av,4,h,2040000,PI,Marshall,3/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/3 Leason St,3,u,,S,Marshall,3/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,43 Oswin St,4,h,2490000,S,Marshall,3/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,4/34 Strathalbyn St,2,u,620000,S,Nelson,3/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Lorland Ct,4,h,,SN,Barry,3/09/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,6 Shepherds Gr,5,h,467000,S,YPA,3/09/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kooyong,30 Monaro Rd,5,h,,S,Marshall,3/09/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,95 Cyprus St,3,h,606000,S,Barry,3/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,16 Louise St,4,h,431000,S,Stockdale,3/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Maidstone,12 Bosquet St,3,h,670000,S,Sweeney,3/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3 Crefden St,3,t,615000,S,Jas,3/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,27 Dunedin St,3,h,715000,S,Burnham,3/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/22 Jackson St,3,h,,SN,Barry,3/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,32 Ringtail Cct,4,h,826000,S,Rendina,3/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,17 Horace St,3,h,,S,Marshall,3/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,39 McKinley Av,3,h,2500000,S,Jellis,3/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,17 Shaftesbury Av,4,h,3850000,PI,Jellis,3/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2/240 Wattletree Rd,2,u,,SP,hockingstuart,3/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,9 Chanak St,3,h,1490000,S,Marshall,3/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/13 Goode St,3,h,1210000,S,Marshall,3/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,44 Thurso St,4,h,1300000,S,J,3/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,375 Waverley Rd,4,h,1675000,PI,Thomson,3/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,1/127 Raleigh Rd,3,t,,PI,Biggin,3/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,21 Capitol Av,3,h,1680000,S,hockingstuart,3/09/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,19/562 Little Bourke St,1,u,,PI,Harcourts,3/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,605/55 Queens Rd,1,u,400000,PI,RT,3/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton West,52 Argyll Cct,4,h,,SN,Barry,3/09/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,3/129 Lower Dandenong Rd,2,t,560000,S,O'Brien,3/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/1 Phillip St,3,t,691000,S,Buxton,3/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mickleham,70 Arcadia Av,5,h,1500000,SP,Raine,3/09/2016,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,277 Danks St,3,h,2600000,VB,Cayzer,3/09/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,31/75 Park Rd,1,u,,SP,Marshall,3/09/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,2 Bluegum Ct,3,h,441500,S,Love,3/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2c Harrison St,3,t,800000,VB,Jellis,3/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,21 Owen St,3,h,950000,SP,Noel,3/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,28 Sharrow Rd,4,h,1170000,VB,Noel,3/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,371 Elgar Rd,2,h,1320000,SP,Lindellas,3/09/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,17 Rowland St,4,h,2850000,S,Jellis,3/09/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,23 Belmont Cr,5,h,1145000,SP,Barry,3/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,26 Grand Bvd,4,h,870000,S,Barry,3/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,59 Lilicur Rd,4,h,870000,S,Fletchers,3/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,504/26 Shuter St,3,u,670000,S,Nelson,3/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,21 Fiddes St,3,h,1224000,S,Buxton,3/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,23 Fiddes St,3,h,1020000,S,Buxton,3/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,19 Hamer St,3,h,1000000,S,O'Brien,3/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6/1015 Nepean Hwy,1,u,380500,S,Ray,3/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,241 Manchester Rd,4,h,660000,VB,Fletchers,3/09/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,2/47 Amber Gr,2,h,921000,S,Stockdale,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Bennett Av,5,h,1201000,S,Allens,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Dennyse Ct,3,h,,PI,McGrath,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/7 Headingley Rd,3,t,975000,S,Buxton,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/43 Howard Av,4,t,1230000,S,Jellis,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,32 Marianne Wy,3,h,,PI,McGrath,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Morrison Ct,3,h,,SP,Woodards,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Sampson Dr,3,h,967000,SP,Barry,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,39 Sesame St,4,h,,PI,McGrath,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Simpson Dr,4,h,1301000,S,Barry,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Simpson Dr,5,h,2300000,VB,RT,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/42 Virginia St,3,t,1050000,PI,Harcourts,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Yarrabee Ct,4,h,1342000,S,Barry,3/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,132A Wanda St,4,t,796000,S,Ray,3/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,132B Wanda St,4,t,750000,S,Ray,3/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,23 Woolwich Dr,3,h,780000,SP,Ray,3/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,12 Trentwood Rd,5,h,426000,S,Ray,3/09/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,23a Farm St,3,h,1025000,SP,Sweeney,3/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/26 Thorpe St,3,h,826000,S,Village,3/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,28 Coghlan St,3,t,830000,S,Barry,3/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,57a Hamilton St,4,t,1065000,S,Barry,3/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3a Irving St,3,h,780000,PI,McDonald,3/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,9 Willow Cr,3,h,950000,SP,Brad,3/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,9 Willowtree Cr,3,h,950000,SP,Brad,3/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,8 Gordon St,3,h,,SN,Barry,3/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,10 Canning St,4,h,2920000,S,Nelson,3/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,90 Molesworth St,3,h,1635000,S,Nelson,3/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,208/150 Peel St,1,u,491000,SP,Nelson,3/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,33 Koornong Cr,4,h,1050000,VB,Zahn,3/09/2016,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,43 Christmas St,2,h,1286000,S,McGrath,3/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,30 Clarke St,3,h,1200000,S,Nelson,3/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,57A Derby St,3,h,1382500,SA,Nelson,3/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/412 High St,2,u,630000,S,McGrath,3/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,24 Jessie St,4,h,1600000,VB,Jellis,3/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,14 Westerfield Dr,3,h,876000,S,hockingstuart,3/09/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,50 Ashwood Dr,3,h,980000,S,Barry,3/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,26 Dunlavin Rd,3,h,1020000,SP,Barry,3/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1 Wren Cl,2,h,1026000,S,Noel,3/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/13 Cartwright St,4,t,670000,SP,Brad,3/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,14 Marie St,3,h,892000,S,Nelson,3/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1 Victoria St,2,h,592000,S,Barry,3/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,2/138 Ferntree Gully Rd,3,t,720500,PI,Buxton,3/09/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,27 Beryl Av,4,h,991000,S,Woodards,3/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,41 Cleek Av,2,h,1242000,S,Buxton,3/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,21a Tular Av,2,t,665000,SP,Buxton,3/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2/232 Warrigal Rd,3,t,680000,S,Fletchers,3/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,26 Bohemia Cr,5,h,,PI,Barry,3/09/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,1 Grey St,3,h,945000,S,Buxton,3/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,24 Parkers Rd,5,h,1927000,S,Buxton,3/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/133 Warren Rd,2,u,680000,S,hockingstuart,3/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,50 Strickland Rd,4,h,1230000,S,Nelson,3/09/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,9 Irvine St,3,h,1120000,S,Brad,3/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7 Virginia St,3,h,770000,S,Nelson,3/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,10 Meridian Cl,4,h,,SN,Sanctuary,3/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Sassafras Cl,4,h,,SN,Barry,3/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,205/101 Bay St,2,u,,PI,RT,3/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,903/107 Beach St,2,u,1100000,S,Biggin,3/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,307/1 Danks St,2,u,650000,S,Greg,3/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,287 Esplanade Pl,3,h,1681000,S,Marshall,3/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5 Pier St,4,h,,S,Marshall,3/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,241 The Boulevard,4,h,,S,Greg,3/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,404/12 Anchor Pl,2,u,,PI,hockingstuart,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/27 Grandview Gr,2,t,,S,Jellis,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7/36 Grandview Gr,2,u,650000,VB,Hodges,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,13/37 Greville St,1,u,342000,S,hockingstuart,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,13 Mary St,4,h,2680000,S,Marshall,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20a Percy St,2,h,950000,PI,hockingstuart,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/122 Williams Rd,2,u,781000,S,Wilson,3/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,6 Dalgety St,3,h,1250000,S,Harcourts,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Eggleton Ct,3,h,855000,VB,Ray,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,370 Gilbert Rd,4,h,930000,S,Ray,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,164 Gower St,4,h,900000,S,Nelson,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Larne Gr,3,h,1030000,S,Barry,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,19 Malpas St,4,h,1004000,S,Nelson,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5/492 Murray Rd,2,u,540000,SP,hockingstuart,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,376 Plenty Rd,3,h,930000,SP,Barry,3/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,36a Ashton St,3,u,666000,S,Barry,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/39 Chaleyer St,2,u,,S,Barry,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/21 Dumbarton St,3,u,475000,S,Ray,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Gertz Av,5,h,,W,Barry,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Grimwade St,3,h,738000,S,Nelson,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/50 Lane Cr,2,t,355000,PI,Barry,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,62 Liston Av,3,h,590000,S,Stockdale,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,108 McMahon Rd,2,h,,SN,McGrath,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/147 Purinuan Rd,2,u,415000,PI,Ray,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/39 Winter Cr,2,h,428000,S,Nelson,3/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,24 Butler St,2,h,937000,S,Biggin,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Erin St,3,h,1260000,S,Biggin,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,49 Glass St,3,h,1820000,PI,Biggin,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,52 Lyndhurst St,3,t,1236000,S,Jellis,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,409/120 Palmer St,2,u,540000,PI,LITTLE,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/25 River St,2,u,795250,S,hockingstuart,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29/9 Tennyson St,2,u,582000,S,Biggin,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/65 Westbank Tce,1,u,500000,SP,Domain,3/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,19 Albert St,3,h,1186000,S,hockingstuart,3/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/1 Gordon Ct,3,t,710000,S,Fletchers,3/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,9 Hillcrest Av,3,h,568000,SA,Carter,3/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,83 Maidstone St,3,h,779000,S,Jellis,3/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,60 Felix Cr,3,h,,SP,Fletchers,3/09/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,51 Goldsmith Av,3,h,801000,SP,hockingstuart,3/09/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,166 Bellevue Av,3,h,,S,Fletchers,3/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,20 Douglas St,3,h,,SN,Miles,3/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,20 Rowell St,5,h,1101500,S,Nelson,3/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,66 Willow Av,4,h,,SN,Barry,3/09/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Scoresby,103 George St,3,h,668000,SP,Barry,3/09/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,7 Pamela Ct,3,h,772000,S,Ray,3/09/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,64 Rosehill St,3,t,645000,S,Ray,3/09/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,13 Chicquita Av,4,h,507000,S,hockingstuart,3/09/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,56 Hamilton St,3,h,1145000,S,Burnham,3/09/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Skye,27 McGowan Dr,3,h,410000,SP,iTRAK,3/09/2016,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,806/50 Albert Rd,2,u,593000,S,Dingle,3/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,11 Howe Cr,4,h,2000000,VB,Marshall,3/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,157 Napier St,3,h,1600000,SP,Marshall,3/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,352 Gordons Rd,5,h,1300000,S,Harcourts,3/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Jezwing Av,3,h,515000,S,Harcourts,3/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Lanata St,3,h,466000,S,Harcourts,3/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Nivea Tce,4,h,,PI,Harcourts,3/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,95 Stagecoach Bvd,5,h,770000,SP,Harcourts,3/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,12 Torbreck Av,3,h,451000,S,hockingstuart,3/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,21/27 Avoca St,2,u,531000,S,Jellis,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,101/40 Chapel Mw,2,u,788750,S,Kay,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/276 Domain Rd,1,u,430000,S,hockingstuart,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/38 MacFarlan St,2,u,722000,SP,Jellis,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,301/89 River St,2,u,930000,S,hockingstuart,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/34 Rockley Rd,1,u,467500,SP,McGrath,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/10 Tivoli Rd,2,u,475000,PI,Buxton,3/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,41/106 Southbank Bvd,3,u,720000,S,VICPROP,3/09/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,73 The Avenue,3,h,1040000,S,hockingstuart,3/09/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,9 Phillip Av,4,h,580000,VB,McDonald,3/09/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,66 Harold Rd,4,h,655000,S,iSell,3/09/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,18 Gladstone St,4,h,530000,S,LJ,3/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/12 Henry St,3,h,,SP,LJ,3/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,57 Acland St,4,h,,PI,Marshall,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/170 Barkly St,2,u,509000,S,hockingstuart,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,66 Blessington St,4,h,2400000,VB,hockingstuart,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,31/12 Clyde St,1,u,380000,PI,McGrath,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,16/14 Mitford St,2,u,502000,S,Gary,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,94 Pakington St,2,h,,S,hockingstuart,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,96 Pakington St,4,h,,S,hockingstuart,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,210/60 Wellington St,1,u,,PI,hockingstuart,3/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,78 Hillsyde Pde,3,h,905000,S,Considine,3/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,25 Loeman St,5,h,,SP,Frank,3/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,82 Strathnaver Av,4,h,1055000,S,Frank,3/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,5 Wallace Cr,4,h,1390000,S,Nelson,3/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,27 Woolart St,4,h,1052000,S,Considine,3/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,30a York St,3,h,,PI,McDonald,3/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,7/51 Anderson Rd,2,u,,PI,Barry,3/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,5 Leith Av,3,h,670000,PI,GL,3/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/136 Wright St,2,u,260000,PI,Douglas,3/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,27 Bangerang Av,3,h,650000,PI,Douglas,3/09/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,23 Compton Pde,4,h,716000,S,Barry,3/09/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,36 Lachlan Rd,4,h,661000,S,Sweeney,3/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,73 Talintyre Rd,3,h,496000,S,Barry,3/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,36 Banool Rd,4,h,2440000,S,Marshall,3/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/33 Chestnut St,3,t,1110000,S,Fletchers,3/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,112 Croydon Rd,4,h,2128000,S,Fletchers,3/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,28 Guildford Rd,3,h,2009000,S,Noel,3/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,226 Union Rd,5,h,2200000,VB,RT,3/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,3/49 Carrington St,3,u,385000,S,Bells,3/09/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,47 Leda Dr,4,h,606000,S,Ray,3/09/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,9 Bronte Wy,4,h,745000,S,Crane,3/09/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,5 Apollo Rd,3,h,581000,S,Barry,3/09/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,8 Aloha Gdns,5,h,1150000,PI,Jellis,3/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/97 Atkinson St,2,h,620000,VB,Barry,3/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,50 Lawanna Dr,5,h,1760000,S,Parkes,3/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/123 Parker St,2,t,485000,PI,LITTLE,3/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,25 Clauscen St,3,h,1150000,S,Ray,3/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3 Waratah Dr,4,h,1201000,SP,Zahn,3/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,2/291 Rathmines St,3,t,,SN,Nelson,3/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/305 Rossmoyne St,3,u,510000,VB,Jellis,3/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,1/21 Albany Rd,3,u,,SP,Kay,3/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/45 Eumarella St,3,h,472500,S,Stockdale,3/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,1/44 Sharps Rd,3,t,460000,S,Jellis,3/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Viewbank,52 Rosemar Cct,4,h,910000,S,Miles,3/09/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,4 The Glade,3,h,960000,S,Miles,3/09/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,48 Rachelle Dr,3,h,800000,S,Harcourts,3/09/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,30 Tanderra Cr,4,h,,SN,Barry,3/09/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,10 Bemboka Ct,4,h,925000,S,Biggin,3/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,14 Myalla Ct,5,h,,SN,Barry,3/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,4 Rochelle Ct,5,h,,PI,Barry,3/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,18 Sylphide Wy,3,h,,SP,Barry,3/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,23 Gabonia Av,3,h,620000,S,Darren,3/09/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,3 Fern Ct,3,h,400000,S,Triwest,3/09/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Nuragi Ct,4,h,417000,S,hockingstuart,3/09/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,61 Tower Rd,4,h,650000,VB,hockingstuart,3/09/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Melbourne,44 Anderson St,3,t,1010000,S,Jellis,3/09/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,36 Campbell St,3,h,560000,SP,Barry,3/09/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,34 Toora Dr,6,h,535000,S,Barry,3/09/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,120 Western Av,4,h,510000,S,Jason,3/09/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Williamstown,4 Freyer St,4,h,1325000,S,hockingstuart,3/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,46 Pasco St,4,h,1400000,S,Gunn&Co,3/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Pope Pl,3,h,920000,SP,Sweeney,3/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,54 Twyford St,3,h,1535000,S,Greg,3/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,4/4 Florence St,2,t,500000,VB,Village,3/09/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,207/152 Peel St,2,u,580000,VB,Jellis,3/09/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Yallambie,27 Aminya Cr,3,h,665000,S,Darren,3/09/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,11 Tarcoola Dr,4,h,700000,S,Barry,3/09/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,62 Bena St,4,h,,SP,Jas,3/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,13 Benbow St,3,h,1000000,S,Jas,3/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/5 Jepson St,2,u,640000,PI,hockingstuart,3/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6 Sanderson St,2,h,890000,SP,Village,3/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,40 Tarrengower St,2,h,760000,SP,Jas,3/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,83 Tarrengower St,3,h,1165000,S,Village,3/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,1 Alma St,4,h,1436000,S,Brad,3/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,5/1 Lock St,2,u,421000,S,Walshe,3/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,4 Windbreak Ct,3,h,,SN,Barry,3/09/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,23 Faussett St,2,h,1910000,S,Greg,3/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,40 Ridley St,5,h,905000,S,hockingstuart,3/09/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,22 Harker St,4,h,1680000,S,Love,3/09/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,86 Grieve Pde,3,h,913000,S,Greg,3/09/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,58A Rose St,3,h,870000,VB,hockingstuart,3/09/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,96 Linden St,3,h,590000,PI,hockingstuart,3/09/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,95 Marion St,3,h,1070000,PI,RT,3/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,121 Kooyong Rd,4,h,5100000,S,Marshall,3/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/61 Kooyong Rd,2,u,450000,VB,Jellis,3/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/26 Mercer Rd,2,u,820000,S,Jellis,3/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/68 Rose St,2,h,1330000,S,Marshall,3/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/58 Wattletree Rd,3,t,1160000,S,Marshall,3/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,7 Bower St,3,t,985000,S,Nelson,3/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,26 Harmony Rd,3,h,877000,S,Jellis,3/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,18 Munro St,3,h,1130000,S,Jellis,3/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,132 The Parade,3,h,985000,S,Brad,3/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,3 Hudson Ct,3,h,,S,Jellis,3/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,35 Morotai Av,4,t,,PI,Buxton,3/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Avondale Heights,14 Davis Av,3,u,695000,S,Moonee,3/09/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,50 Riviera Rd,4,h,905000,S,Nelson,3/09/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,16/109 Hotham St,2,u,600000,VB,Buxton,3/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2/30 Weir St,2,h,870000,S,Jellis,3/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,15 Arama St,5,h,,S,RW,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Carrington St,3,h,1785000,PI,Jellis,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/5 Dumblane St,3,t,1485000,S,hockingstuart,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Frank St,3,h,,S,Jellis,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,74 Greythorn Rd,4,h,,PI,RT,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,65 Longview Rd,4,h,2650000,VB,Marshall,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/66 Sweyn St,3,t,1005000,S,Jellis,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,18 Vega St,4,h,,S,Marshall,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Vicars St,5,h,1951000,S,Marshall,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Wanbrow Av,5,h,1950000,S,RT,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,35 Yeneda St,5,h,1800000,PI,Noel,3/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,3 Grieve St,3,h,824000,S,One,3/09/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,9a Lilian Ct,4,h,1375000,S,Greg,3/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,30 Michael St,4,h,1630000,S,Buxton,3/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,3 White St,3,h,1405000,PI,Ray,3/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,104 Brewer Rd,4,h,2310000,S,Jellis,3/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,42 Campbell St,4,t,,PI,Buxton,3/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,29a Luckins Rd,4,h,,VB,Jellis,3/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4a Marriot Rd,3,t,1200000,PI,Ray,3/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,44 Whitmuir Rd,5,h,1660000,S,Jellis,3/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/48 Whitmuir Rd,2,u,770000,VB,McGrath,3/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,26A Bonny St,4,t,1330000,S,Ray,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Celia St,3,h,1290000,VB,Woodards,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Clifton St,4,h,1216000,S,Jellis,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Cormick St,3,h,,VB,Buxton,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,29b Hallow St,4,t,1138000,S,Buxton,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Huntingdon Rd,2,h,1575000,S,Jellis,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Latham St,4,h,,VB,Buxton,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4/55 Moylan St,3,t,1065000,S,Jellis,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Namron St,3,h,,PI,Buxton,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Normdale Rd,3,h,1140000,S,Buxton,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,45 Tambet St,3,h,1470000,SP,Buxton,3/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,7 Inkerman St,4,h,827000,S,Harcourts,3/09/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,4 Rheanva St,5,h,940000,VB,Kaye,3/09/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,18 Viewgrand Dr,4,h,975000,SP,Harcourts,3/09/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,50 Ardoyne St,5,h,,PI,hockingstuart,3/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,20 Iona St,4,h,1950000,PI,hockingstuart,3/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,3 Hamilton Av,3,h,,S,Jellis,3/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,23 Naughton Gr,5,h,1350000,SP,Ray,3/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/43 The Ridge,3,t,,S,Jellis,3/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,12 Katrina St,3,h,1160000,S,Fletchers,3/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,58 Kett St,3,h,,VB,Fletchers,3/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,15 Merle St,4,h,1375000,S,Jellis,3/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,78 Shafer Rd,3,h,1320000,SP,Noel,3/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Bonbeach,95 Bondi Rd,4,h,840000,VB,Buxton,3/09/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,20 Graham Pl,3,h,2831000,S,Lindellas,3/09/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,6 Parkside Av,2,h,1820000,SP,Buxton,3/09/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,3/25 Williams Rd,2,u,610000,S,Morrison,3/09/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,81 Carpenter St,5,h,,PI,Hodges,3/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,139 Cole St,5,h,5500000,VB,Marshall,3/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7/344 New St,2,u,617000,S,Buxton,3/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/109 Roslyn St,4,t,1700000,VB,Marshall,3/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4 Well St,3,h,4125000,S,Marshall,3/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,9 Berkeley Gr,4,h,2515000,S,Marshall,3/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/9 Binnie St,2,u,817500,S,Buxton,3/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Dunoon Ct,3,h,1590000,S,Marshall,3/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,12 Hughes St,3,h,1775000,S,Gary,3/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,31 Shasta Av,4,h,,SP,Marshall,3/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5/79 Union St,2,h,780000,VB,Buxton,3/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,23 Bicknell Ct,3,h,673000,S,Stockdale,3/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,5 Collier Cr,3,h,1400000,VB,Nelson,3/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,57 Edward St,3,h,1200000,S,Nelson,3/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/11 Millward St,2,u,515000,S,Woodards,3/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,204/34 Union St,2,u,,SP,Jellis,3/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,39 Wilkinson St,2,h,800000,VB,hockingstuart,3/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,330 Amess St,2,t,,S,Nelson,3/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,18 Ethel St,2,h,1023000,S,Domain,3/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,17 Gear St,2,t,755000,S,Woodards,3/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,188 Stewart St,3,h,,S,Nelson,3/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,2A Bakers Pde,3,h,,PI,Nelson,3/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/7 Curtin Av,3,t,650000,S,Nelson,3/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,3/9 Amberley Ct,3,u,820000,PI,Parkes,3/09/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,30 Glenn Cr,3,h,680000,S,Ray,3/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,280 Greenhills Rd,3,h,670000,S,Barry,3/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,22 Moreton Cr,3,h,814000,S,Barry,3/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1188 Plenty Rd,3,h,715000,SP,Stockdale,3/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,22 Paringa Wy,3,h,657500,SP,Harcourts,3/09/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside Heights,15 Cunningham Ch,4,h,580000,SP,HAR,3/09/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood East,36 Banbury St,3,h,,SP,Woodards,3/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2 Howitt Pl,3,h,930000,S,Fletchers,3/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,18 Tainton Rd,3,h,,SN,Woodards,3/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,78 Bowen St,4,h,4060000,S,Kay,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,653 Burke Rd,6,h,3950000,VB,Kay,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/26 Cooloongatta Rd,3,h,1455000,S,Marshall,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/10 Lesley St,4,t,1850000,VB,Jellis,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,116 Rowell Av,3,t,1600000,PI,Marshall,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/30 Stanhope Gr,3,u,950000,VB,J,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/25 Thomas St,2,u,692500,S,Noel,3/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,2A Gwenda Av,3,h,,SP,hockingstuart,3/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,62 Warburton Rd,4,h,,S,Marshall,3/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3/67 Wattle Valley Rd,2,u,615000,S,Marshall,3/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,521 Canning St,2,h,1520000,PI,Woodards,3/09/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,595 Canning St,3,h,,S,Nelson,3/09/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,8B Gilbert Gr,4,t,,S,Buxton,3/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/3 Milton St,3,h,1333000,S,Gary,3/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/70 Moonya Rd,2,u,,S,Jellis,3/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/25 Truganini Rd,2,h,645000,S,Ray,3/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield East,24 Clifton St,4,h,1609000,S,Gary,3/09/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield East,14 Lloyds Av,4,t,985000,S,Besser,3/09/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,15/9 Kooyong Rd,2,u,490000,PI,Gary,3/09/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,2 Ashby Ct,3,h,,SP,Bekdon,3/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,39 Grandview Rd,3,h,,SN,Biggin,3/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,93 Power Av,2,h,1131000,S,Barry,3/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,84 Hughes Av,3,h,,SP,Biggin,3/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,10 Fielding Dr,3,h,721000,S,Ray,3/09/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,1B Glyn Ct,3,h,960000,S,O'Brien,3/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Warren Rd,3,h,1295000,S,O'Brien,3/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,68 Margaret St,3,h,1238888,SP,Ray,3/09/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,2/21 Oakes Av,2,u,575000,SP,Buxton,3/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,34 Fenwick St,3,h,1436000,S,Jellis,3/09/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,18 Barrow St,3,h,1020000,S,Ray,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Davis St,4,h,1055000,S,Brad,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,38 Gordon St,4,h,1080000,VB,Nelson,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,16 Industry La,2,t,685000,SP,Brad,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/25 Liverpool St,2,h,550000,VB,Jellis,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,87 Phillips St,3,h,1210000,S,McDonald,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,60 Woiwurung Cr,2,t,631000,S,Brad,3/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,5 Gould St,4,h,926000,SP,RW,3/09/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coolaroo,3 Thorpdale Av,3,h,457000,S,YPA,3/09/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,29 Abercarn Av,4,h,560000,VB,YPA,3/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Gateshead St,4,h,505000,S,RW,3/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Pinnacle Dr,3,h,497500,S,Ray,3/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,36 Dover St,3,h,,S,Jellis,3/09/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,1/29 Haig St,3,u,640000,SP,McGrath,3/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,34 Ruskin Av,4,h,730000,VB,Fletchers,3/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Thackeray Ct,3,h,,PN,McGrath,3/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,46 Vinter Av,3,h,1005000,S,iTRAK,3/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,4 Merrill Cr,3,h,790000,S,Hoskins,3/09/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon Hills,5 Tavistock Ct,3,h,931000,S,Hoskins,3/09/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon Hills,49 Waterview Ct,4,h,1000000,SP,buyMyplace,3/09/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,2 Hazelview Pkt,4,h,,SP,hockingstuart,3/09/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,4 Selby Ct,3,h,857000,S,Philip,3/09/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,8 Echuca St,3,h,477000,S,YPA,3/09/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,18 Bulong St,3,h,500000,S,C21,3/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,19 Ross St,3,h,510000,S,McLennan,3/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,39 Galloway St,3,h,632000,SP,Del,3/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,8 Jeffrey St,3,h,610000,S,McLennan,3/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,86 McFees Rd,3,h,585000,S,YPA,3/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,46 Murray Rd,4,h,750000,SP,C21,3/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Derrimut,3 Berkeley Cr,4,h,850000,S,Stockdale,3/09/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,17 Wentworth Cl,4,h,950000,SP,Barry,3/09/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,13 Wheatland Cr,4,h,955000,S,Obrien,3/09/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,7 Ambrose St,4,h,1375000,S,Barry,3/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,30 Braeside Dr,3,h,1400000,PI,Buxton,3/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/728 Doncaster Rd,3,t,,SP,Noel,3/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,60 High St,4,h,1275000,VB,Jellis,3/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,13 Winbrook Ct,5,h,1820000,S,Buxton,3/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,11 Avocet St,3,h,1482000,S,Jellis,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/13 Baratta St,3,h,1050000,PI,Barry,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,69 Bowen Rd,4,h,1470000,PI,Barry,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/7 Bullen St,3,u,1050000,S,Barry,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,41 Cassowary St,4,h,,SN,Noel,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,50A Cassowary St,4,t,1175000,S,Barry,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,58 Devon Dr,3,h,937000,S,Barry,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/6 Ellin St,3,u,800000,SP,McGrath,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Harman Cl,4,h,,VB,Jellis,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,28 Highfield Rd,3,h,1381000,S,Ray,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/7 Myrtle Ct,3,t,920000,S,Parkes,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,34 Roger St,3,h,1701000,S,Barry,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Rosamond Cr,3,h,1620000,S,Fletchers,3/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,4/8 Old Warrandyte Rd,3,t,1171000,S,Noel,3/09/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,6 Aria Ct,4,h,555000,S,HAR,3/09/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,3 Cedar St,3,h,500500,S,Boutique,3/09/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,132 Gipps St,4,h,,S,Sotheby's,3/09/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Eltham,13 Elsa Ct,3,h,,PN,Emerson,3/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2 Eurabbie Ct,4,h,,SP,Barry,3/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,111 Pitt St,3,h,,S,Barry,3/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,21 Kelway Cr,3,h,881017,SP,Morrison,3/09/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,70 Addison St,3,h,,SN,Whiting,3/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,20/400 Barkly St,1,u,660000,S,Pride,3/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,57 Brighton Rd,5,h,,S,hockingstuart,3/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/4 Southey Ct,2,u,670000,VB,Chisholm,3/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,68 Scotsburn Wy,3,h,613000,S,Fletchers,3/09/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,3 Belvedere Ct,4,h,620000,S,hockingstuart,3/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Bishop Pl,4,h,652000,S,HAR,3/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Longwood Dr,3,h,557500,SP,Millership,3/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Quartz Gr,4,h,599500,S,Love,3/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Simon Ct,3,h,569000,S,hockingstuart,3/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Thredbo Ct,3,h,582000,S,Ray,3/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,19 Alfred Rd,4,h,1620000,PI,Nelson,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/1 Cameron Rd,4,t,1185000,S,Barry,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,101 Deakin St,3,h,1210000,S,Nelson,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24 Fletcher St,4,h,2100000,VB,Nelson,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,104 Hoffmans Rd,4,h,900000,S,Barry,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,126 Market St,3,h,1500000,S,Nelson,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,207/1005 Mt Alexander Rd,2,u,,PI,Barry,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,120 Ogilvie St,2,u,850000,VB,Barry,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/82 Richardson St,2,t,700000,VB,Nelson,3/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,32A Birdwood St,3,h,1260000,S,Nelson,3/09/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,89a Kerferd St,3,u,801000,S,Nelson,3/09/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,103 Arthur St,3,h,1492000,S,Nelson,3/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,8/88 Rathmines St,2,u,746500,S,Nelson,3/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,5A Edward St,2,t,515000,SP,Alexkarbon,3/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2 Kya Cl,3,h,760000,S,Barry,3/09/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,130 Gore St,3,h,2300000,S,Jellis,3/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,101/150 Kerr St,2,u,630000,S,Purplebricks,3/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,15 Westgarth St,3,h,905000,S,Nelson,3/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,84 May St,4,h,2136000,S,Nelson,3/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,17/140 Queens Pde,2,u,,PI,Jellis,3/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,98 Canterbury St,2,h,1090000,S,Alexkarbon,3/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,48/2 Newmarket Wy,2,u,530000,S,Nelson,3/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,43 Waltham St,3,h,1500000,VB,Nelson,3/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,703/250 Barkly St,2,u,410000,SP,Jas,3/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,69 Creswick St,2,h,978000,SP,Jas,3/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/12 Eleanor St,2,t,,SP,hockingstuart,3/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/155 Gordon St,3,u,460000,SA,Hodges,3/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,20 Hocking St,3,h,810000,SP,Jas,3/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,11 Heathcote Dr,2,u,730000,SP,Noel,3/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,9 Leddy St,3,h,,SN,Noel,3/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,19 Barwon Av,3,h,,SP,hockingstuart,3/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,19 Birdwood St,3,h,770000,S,hockingstuart,3/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Eton Ct,4,h,695000,S,Ray,3/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/28 Lewis St,2,u,335250,SP,O'Brien,3/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,30 Petrie St,3,h,938000,S,hockingstuart,3/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,29 Laurina Cr,3,h,485000,S,Community,3/09/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,3 Diosma Ct,3,h,1155000,S,hockingstuart,3/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,30 Grange Rd,4,h,1905000,S,Eview,3/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,7 Dalton Pl,3,h,680000,S,Barry,3/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,3 Dava Ct,4,h,670000,S,Barry,3/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,22 Koonalda Rd,3,h,650000,VB,Barry,3/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,14 Snaefell Cr,4,h,670000,VB,Barry,3/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,16 Manchester Gr,3,t,,SN,Gary,3/09/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,25A Beryl St,3,h,1300000,VB,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,24 Howard St,4,h,2825000,PI,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1C Kardinia Rd,4,h,1770000,SP,Meadows,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/5 Leopold St,2,u,782500,S,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Nash St,2,h,1200000,PI,Fletchers,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Nerissa St,2,h,1910000,S,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,42 Queens Pde,3,h,1850000,S,Fletchers,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Seaton St,3,h,2152500,S,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/21 Somerset Rd,4,h,1622500,SP,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Sunhill Rd,3,h,,S,Marshall,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/2 Victor Rd,3,t,1160000,S,Tim,3/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,76 Callaghan Av,2,u,791000,S,McGrath,3/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19 Diamond Av,3,h,1370000,S,Fletchers,3/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,52 Grantley Dr,5,h,,SN,Harcourts,3/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/35 Kirstina Rd,3,u,1026000,S,hockingstuart,3/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/4 Valley View Ct,4,t,,SN,Ray,3/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,19 Anselm Gr,3,h,815000,S,Stockdale,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 Centre Wy,3,h,880000,S,Barry,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Cromwell St,4,h,835000,S,Barry,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,129 Glenroy Rd,3,h,830000,S,Nelson,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,49 Hubert Av,3,h,815000,PI,Barry,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,16a Ila St,3,u,675000,S,Stockdale,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,60 Langton St,3,t,599000,S,Nelson,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,133 Morell St,3,h,780000,SP,Stockdale,3/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,4/74 Rutherglen Cr,4,h,635000,SP,Stockdale,3/09/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,138 Elder St,4,h,,S,Barry,3/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6/12 Hume St,2,u,,S,Barry,3/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7/143 St Helena Rd,2,u,585000,S,Darren,3/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,34 Warralong Av,3,h,700000,VB,Nelson,3/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/16 Willis St,3,h,895000,S,Darren,3/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Hawick Ct,5,h,,PI,Barry,3/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,35 Hermitage Dr,4,h,797000,S,Barry,3/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,14 Ogilvy Av,4,h,685000,S,Barry,3/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,62/15 Beach Rd,3,u,,SP,Buxton,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5/522 Bluff Rd,2,u,543500,S,Ray,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,11 Bridge St,4,h,2675000,S,Nick,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5 Lawson St,4,h,1990000,S,Hodges,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,43 Myrtle Rd,4,h,2499000,S,Marshall,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,32 Retreat Rd,4,h,1900000,VB,Marshall,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,20 Teddington Rd,4,h,2260000,S,Buxton,3/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,17 Roydon St,3,h,,SN,Chisholm,3/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,472 Auburn Rd,4,t,,VB,hockingstuart,3/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/8 Berkeley St,3,t,1250000,PI,Kay,3/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,19/506 Glenferrie Rd,1,u,315000,PI,Jellis,3/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,73 Morang Rd,3,h,1900000,S,Marshall,3/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,2/96 Campbell Rd,4,h,,S,Jellis,3/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,507/480 Riversdale Rd,2,u,620000,VB,Nelson,3/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8 Temple St,3,h,,S,Marshall,3/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,5 Lisgoold St,2,h,,SN,Barry,3/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,1/43 Outhwaite Rd,3,t,685000,S,Ray,3/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,8 Thames St,3,h,,SN,Miles,3/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,7 Waiora Rd,3,h,921000,S,Miles,3/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,7 Danson St,3,h,1450000,S,Buxton,3/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/42 Graham Rd,2,u,604000,S,Buxton,3/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/13 Muir St,2,u,687500,SP,Thomson,3/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/1185 Nepean Hwy,3,t,864000,S,O'Brien,3/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,48 Turner Rd,2,h,832000,S,Buxton,3/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,44 Jade Wy,3,h,600500,S,Barry,3/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,31 Bourke Cr,3,h,640000,SP,hockingstuart,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Cumming Dr,3,h,,PI,YPA,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 Dona Dr,3,h,515500,SP,Purplebricks,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Hunter Av,3,h,500000,PI,Triwest,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Jasmine Cl,5,h,610000,SA,hockingstuart,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Merrett Av,3,h,500000,VB,hockingstuart,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Scherbourg Pl,3,h,465000,S,Ray,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,30 Strang St,4,h,555000,PI,Barry,3/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,3/27 Latrobe St,2,u,682000,S,Ray,3/09/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,3 Worcester St,3,h,1080000,S,Buxton,3/09/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,5/1 Della Torre Cr,3,t,,SN,Miles,3/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/22 Myrtle St,4,h,1350000,VB,Nelson,3/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,1/18 Carmichael St,2,u,629000,SP,Miles,3/09/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,25 Flora Gr,3,h,,PI,Nelson,3/09/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,2 Stewart Cl,5,h,750000,SP,Brad,3/09/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor East,10 Lakeside Cr,3,h,588000,SP,Nelson,3/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,49 Roberts St,4,h,1010000,S,Nelson,3/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4A Susan Ct,3,h,870000,VB,Nelson,3/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,49 Epsom Rd,2,h,950000,S,Edward,3/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,23 Gardner La,1,t,535000,S,Alexkarbon,3/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,8 Bradford Av,4,h,3060000,S,RT,3/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,57 Derby St,4,h,1690000,S,Nelson,3/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,35 Miller Gr,4,h,3400000,S,Nelson,3/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 Rossfield Av,4,h,,S,Kay,3/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Second Av,4,h,,S,Kay,3/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,35 Thornton St,4,h,,SP,Jellis,3/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,9 Tanner Av,4,h,1600000,VB,Noel,3/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/68 Westbrook St,3,t,1020000,VB,Jellis,3/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,114 Lomond Av,3,h,762000,S,Barry,3/09/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,25 Gum Rd,3,h,593000,S,Barry,3/09/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,3/45 Edgar St,2,u,510000,VB,Jas,3/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,10 Kerr St,2,h,,S,hockingstuart,3/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,74 Wales St,3,h,1140000,S,Jas,3/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,20 Dunbar Ct,3,h,685000,S,Ray,3/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,123 Gillwell Rd,4,h,715000,S,Barry,3/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Nebel St,3,h,685500,S,HAR,3/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,12 Parkview Ct,3,h,,SP,LJ,3/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,3/9 Margaret St,3,h,564000,S,hockingstuart,3/09/2017,3910,Eastern Victoria,8743,41,Frankston City Council +MacLeod,7 Brittingham Ct,4,h,1160000,SA,Woodards,3/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/3 Edmund St,3,t,725000,S,Biggin,3/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/9 Havelock St,3,t,722000,S,Biggin,3/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,39 Edsall St,3,h,,S,Marshall,3/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7/16 Elizabeth St,2,u,751500,SP,Jellis,3/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/101 9 Somers Av,3,u,2210000,S,Marshall,3/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7 Thanet St,3,h,,SP,Marshall,3/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,10 Wilks Av,5,h,4350000,PI,Marshall,3/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,4/6 Ardrie Rd,2,u,1002000,S,hockingstuart,3/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3 Carmelo Av,3,h,1430000,S,Buxton,3/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,582 Waverley Rd,3,h,,S,Marshall,3/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6 Adori Pl,3,h,983000,S,Biggin,3/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,304/2 La Scala Av,2,u,460000,S,Raine,3/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,16 Navy Cl,3,t,855000,S,Nelson,3/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,31 Buchan St,4,h,560000,S,Stockdale,3/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,9 Hibiscus Cl,3,h,482000,S,Nelson,3/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,1/47 Shankland Bvd,3,h,390000,SP,Morrison,3/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,3/114 Hardware St,2,u,520000,VB,MICM,3/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,1 Carina Dr,5,h,460000,S,hockingstuart,3/09/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,51 Gretel Gr,4,h,370000,S,Raine,3/09/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,20 Perry Cl,3,h,430000,S,hockingstuart,3/09/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,169 Exford Rd,3,h,,PN,Ryder,3/09/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,30 Borrowdale Rd,3,h,438000,S,YPA,3/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,14 Glengala Ct,4,h,900000,PI,Hodges,3/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9 Glengala Ct,3,h,960500,S,Buxton,3/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,108 Oak Av,3,t,840000,S,Obrien,3/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,8 Etherington Dr,3,h,,PN,Harcourts,3/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,8 Kernaghan Dr,4,h,570000,S,Ray,3/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,26 Primavera Dr,3,h,545000,S,Ray,3/09/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,67 Park Rd,3,h,,SN,Cayzer,3/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mitcham,11 Glen Rd,3,h,1041000,S,Fletchers,3/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,201/766 Whitehorse Rd,2,u,620000,VB,Fletchers,3/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2/24 Rattray Rd,2,h,,PI,Barry,3/09/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,3/22 Grandison St,2,u,450000,S,O'Brien,3/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,18 Laura St,3,h,1720000,S,Nelson,3/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,17 Salisbury St,4,h,,SP,Nelson,3/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,86 Waverley St,3,h,1210000,PI,Sweeney,3/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,38 Wilson St,4,h,1450000,S,Nelson,3/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2 Marrbridge Rd,4,h,1188000,S,Ray,3/09/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,1 Corowa Ct,4,h,,VB,Fletchers,3/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,2/130 Manchester Rd,3,u,,PI,Barry,3/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,13 Montgomery St,2,h,1300000,VB,Buxton,3/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,12 Beverley Gr,3,h,1800000,PI,McGrath,3/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Jeffrey St,3,h,,SN,Biggin,3/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Lynden Gr,4,h,1100000,VB,Tim,3/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Montgomery Av,3,h,,SP,Barry,3/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,33 Oakern St,4,h,1460000,S,Buxton,3/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Woodstock Rd,3,h,1825000,SP,Jellis,3/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,3 Doull Ct,3,t,650000,S,Ray,3/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,63 Haverbrack Dr,4,h,1105000,S,Ray,3/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,20 Richmond Cct,3,h,755000,S,Ray,3/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/26 Melbourne St,2,u,515500,S,Thomson,3/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,10/25 Rosella St,2,u,380000,VB,Thomson,3/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,61 Wallace Av,2,h,1280000,S,Buxton,3/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,9 Argus Ct,4,h,761000,S,Just,3/09/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +New Gisborne,28 Dalray Cr,4,h,690000,S,Raine,3/09/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,11 Collingwood Rd,4,h,1180000,PI,Williams,3/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,88 Maddox Rd,4,t,940000,SP,Greg,3/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,25 Mirls St,4,h,1630000,S,Williams,3/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2 Woods St,4,h,,SP,hockingstuart,3/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/32 Carrington Rd,3,u,700000,PI,Brad,3/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,40 Hotham Rd,2,h,1370000,S,Frank,3/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,60 Muriel St,5,h,1215000,S,Nelson,3/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,36 Shaw St,2,h,1300000,PI,Barry,3/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,181 Abbotsford St,2,h,1100000,PI,Nelson,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/302 Abbotsford St,2,u,,SP,Jellis,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,511/179 Boundary Rd,2,u,390000,VB,Jellis,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,31 Cobden St,3,h,1425000,S,Nelson,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,410/64 MacAulay Rd,2,u,,SP,Jellis,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,306/720 Queensberry St,4,u,,VB,Jellis,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,60 Shiel St,3,h,1550000,S,Nelson,3/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,28 Plant St,2,h,1386000,S,Love,3/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,38 Whalley St,4,h,1700000,S,McGrath,3/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,80 Westerfield Dr,4,h,1254000,S,Barry,3/09/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Oak Park,1/28 Murphy St,3,t,795000,S,Eview,3/09/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,6 Clyde St,2,h,,S,Woodards,3/09/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,3 Ford Av,4,h,1150000,VB,Woodards,3/09/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,6 Mead Ct,3,h,,PN,Barry,3/09/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,1/5 Golf Rd,2,u,683500,S,Ray,3/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,10 Talbot Av,3,h,1140000,PI,Buxton,3/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,323 Jasper Rd,3,h,,PI,Buxton,3/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,26 Thompson St,5,h,2110000,PI,Marshall,3/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,16 Davey St,3,h,865000,S,Barry,3/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 Kershaw St,4,h,1320000,S,Hodges,3/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/11 Mount View Av,3,t,930000,S,hockingstuart,3/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,8/410 Nepean Hwy,2,u,672000,S,Hodges,3/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,65 Cornwall Rd,5,h,960000,VB,Nelson,3/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/43 Danin St,3,t,676000,S,Brad,3/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/14 Devon Rd,2,t,500000,VB,Nelson,3/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,52 Prospect St,3,h,1010000,S,Jellis,3/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,33 Snell Gr,4,h,1375000,VB,Nelson,3/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,114 Fongeo Dr,3,h,540000,S,Barry,3/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,24 Hemlock Cr,4,h,,PI,Ray,3/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Rona Rd,4,h,599000,S,hockingstuart,3/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,711/101 Bay St,2,u,820000,SP,Chisholm,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,214/1 Danks St,3,u,782500,S,Home,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,222 Esplanade Pl,4,h,3775000,S,Marshall,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,302/19 Pickles St,2,u,648500,SP,Buxton,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,333 Princes St,3,h,1764000,S,Buxton,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,297 Ross St,4,h,2625000,PI,Marshall,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,701/142 Rouse St,2,u,1102000,PI,RT,3/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,36 Airlie Av,3,h,2325000,S,hockingstuart,3/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,13 Bowen St,2,h,1400000,PI,hockingstuart,3/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,11 George St,3,h,1420000,S,Pride,3/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/3 Rae Ct,2,u,555000,PI,hockingstuart,3/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,27/122 High St,2,u,417500,S,Harcourts,3/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/17 Park Av,2,h,640000,S,hockingstuart,3/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,30 Garton St,4,h,,S,Nelson,3/09/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,11 Asquith St,4,h,750000,VB,Stockdale,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Black St,3,h,725000,S,Ray,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Cameron St,3,h,861000,S,Stockdale,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/57 Clingin St,3,t,,VB,RW,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Crevelli St,3,h,612500,S,Stockdale,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,98 Crookston Rd,3,h,906000,S,Barry,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Hughes Pde,3,h,758000,S,Barry,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Lucille Av,4,h,900000,PI,Ray,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53 Mahoneys Rd,3,h,601000,S,Barry,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Marchant Av,2,h,880000,S,Ray,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,79 North Rd,4,h,900000,SP,RW,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/80 Rathcown Rd,2,u,523000,S,Nelson,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,165 Spring St,2,h,762000,S,Nelson,3/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,187A Burnley St,3,h,1695000,S,Jellis,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,31 Coppin St,3,t,1480000,S,Jellis,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Cutter St,3,t,1120000,PI,Jellis,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16 Kingston St,3,h,,S,Kay,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,168 Mary St,4,h,2368000,S,Jellis,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/4 Tullo Pl,2,t,1380000,S,Jellis,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,311/45 York St,2,u,575000,S,Collins,3/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,14 Bardia St,7,h,1755000,S,Philip,3/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,42 Kalinda Rd,4,h,926000,S,Barry,3/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Maidstone St,3,h,1120000,S,Max,3/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4/39 Thomas St,2,u,575000,S,Barry,3/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,8 Lester Av,4,h,1165000,S,Barry,3/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,13 Park Rd,4,h,,SP,Noel,3/09/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,7/98 Brighton Rd,2,u,655000,S,Gary,3/09/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,19 Crampton Cr,4,h,,SP,Miles,3/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,65 Ellesmere Pde,2,h,985000,S,Miles,3/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5/10 Maleela Gr,2,u,376000,S,Nelson,3/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,4 Creswick Ct,3,h,,SN,Raine,3/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,16 Sandover Dr,4,h,570000,S,Raine,3/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,23 Wheatley Av,3,h,515000,S,Barry,3/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/62 Grange Rd,4,h,1875000,S,Hodges,3/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +South Melbourne,303 Park St,2,h,1137000,S,hockingstuart,3/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Yarra,6 Peter St,3,t,,SN,Kay,3/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8 Phoenix St,3,h,1750000,S,hockingstuart,3/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/66 Walsh St,2,u,860000,PI,Williams,3/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,91 Wilson St,3,h,,SP,Jellis,3/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,24 Mary St,3,t,1150000,SP,Sweeney,3/09/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,15 Maple St,4,h,1080000,S,iSell,3/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,3/2 Hosken St,3,t,,PI,Le,3/09/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,25C MacKay St,4,h,850000,SP,Biggin,3/09/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,11 Clover Av,3,h,528000,SP,Biggin,3/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Ipswich St,3,h,645000,S,Sweeney,3/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +Strathmore,187 Mascoma St,3,h,1280000,PI,Considine,3/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,29 Pascoe Av,2,h,,SP,Raine,3/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,20 Brett Ct,4,h,570000,S,Barry,3/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,43 Lister Cr,4,h,540000,S,YPA,3/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,35 Oxley St,3,h,482000,S,Barry,3/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,25 Vaughan St,3,h,662000,S,Brad,3/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,42 Cary St,4,h,640000,S,YPA,3/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,93 Cumberland St,2,h,732500,S,Douglas,3/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,2/28 Armstrong St,3,u,554000,S,Sweeney,3/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Mark St,3,h,780000,S,Douglas,3/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,10 Mayne St,3,h,713500,S,Douglas,3/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,20 McCoubrie Av,3,h,,SN,Barry,3/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,16 Norris St,4,h,2170000,S,Marshall,3/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Sherwood Rd,3,h,,SP,Fletchers,3/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/58 Windsor Cr,2,h,800000,S,Jellis,3/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,2/21 Chesterton Av,3,u,400000,SP,Barry,3/09/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,6 Pukaki Ct,3,h,705000,S,Barry,3/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,1 Dundee Ct,5,h,1550000,VB,Jellis,3/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,2/18 Sunhill Rd,4,h,965000,S,Jellis,3/09/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,7 Heather Av,3,h,,SP,Love,3/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,6 Pioneer Ct,3,h,,PI,Ray,3/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,71 The Boulevard,3,h,,PI,Ray,3/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,12 Harold St,3,h,1530000,S,Woodards,3/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,16 Lewis St,3,h,,S,Nelson,3/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,316 Rossmoyne St,3,h,1375000,S,McGrath,3/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,19/337 Station St,3,t,900000,VB,Jellis,3/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,6/637 Orrong Rd,3,u,735000,S,hockingstuart,3/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,42 Samsara Av,4,h,,PN,Sweeney,3/09/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,93 Verdant Rd,4,h,595000,S,RW,3/09/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,79 Churchill Av,3,h,620000,S,YPA,3/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,8 Dianne Dr,3,h,660000,SP,Brad,3/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,231 Melrose Dr,3,h,782000,S,Jason,3/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5/318 Melrose Dr,3,u,533000,S,Brad,3/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,30 Wildwood Av,5,h,1203000,S,Harcourts,3/09/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,3 Winslow Gr,3,h,768000,S,Ray,3/09/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,5/350 Lower Plenty Rd,3,u,,VB,Nelson,3/09/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,19 Sherlowe Cr,3,h,1185000,S,Miles,3/09/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,12 Mannix Sq,6,h,,S,Noel,3/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,19 Piccadilly Av,4,h,,SP,Barry,3/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,21 Webb St,4,h,1420000,S,Fletchers,3/09/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,2 Black St,3,h,856000,S,Darren,3/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,282 Greenwood Dr,4,h,902000,S,Ray,3/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,41 Ladd St,5,h,,S,Barry,3/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/18 Lambourn Rd,2,u,555000,S,Barry,3/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,4 Albany Ct,4,h,630000,S,hockingstuart,3/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,52 Parramatta Rd,4,h,490500,S,Barry,3/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Rosella Av,3,h,430000,S,Sweeney,3/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Thompson Ct,3,h,510000,S,McNaughton,3/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,37 Park Av,3,h,660000,PI,Sweeney,3/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,30 Summerhill Rd,5,h,,PI,RW,3/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,34 Miller St,3,h,1460000,S,Cayzer,3/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,4/593 Spencer St,2,u,705000,S,MICM,3/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,8 Linga St,3,h,529500,S,YPA,3/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,3/13 Riddell St,2,u,400000,SP,YPA,3/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,16 Belinda Cr,4,h,1223000,S,Harcourts,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Cotoneaster Ct,3,h,950000,S,Ray,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,17 Highwood Dr,5,h,1206000,S,Fletchers,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,23 Highwood Dr,3,h,1035000,S,Stockdale,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Marykirk Dr,4,h,,PI,Ray,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 The Woodland,4,h,1678000,S,Harcourts,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,22 Tudawali Cr,4,h,1000000,S,Barry,3/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,48 Smith Av,4,h,1630000,S,Williams,3/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,15 Eliza Cl,5,h,,PI,Cooper,3/09/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,20 Atkinson Cl,3,t,1525000,PI,Marshall,3/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,21 Feathertop Dr,4,h,456000,S,Ray,3/09/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,6 Wallaman St,3,h,525000,SP,Black,3/09/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,15A Avoca St,2,h,900000,VB,Village,3/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,19 Ballard St,5,h,1060000,PI,Sweeney,3/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,54 Sussex St,3,h,890000,VB,Jas,3/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,21 Tongue St,4,h,,SP,Jas,3/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,45 Urwin St,2,h,,S,Jas,3/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,85 Turner St,2,h,1480000,S,Biggin,3/12/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2/2 St Kinnord St,1,u,380000,S,Nelson,3/12/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,50 Bedford St,3,h,730000,VB,Nelson,3/12/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Altona,59 Bracken Gr,5,h,1525000,S,Greg,3/12/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Ardeer,1 Tower St,3,h,565000,S,Barry,3/12/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/42 Adelaide St,2,u,550000,VB,Noel,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,14/71 Denbigh Rd,3,u,995000,S,Marshall,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/769 High St,3,t,1205000,S,Jellis,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,12 Huntingtower Rd,3,h,,S,Jellis,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,28 Lambeth Av,3,h,2675000,S,Marshall,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7 Llaneast St,3,h,1939000,S,Jellis,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/55 Northcote Rd,1,u,421500,S,Biggin,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/7 Railway Av,2,u,585000,SP,hockingstuart,3/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,30 Rothwell St,3,h,940000,S,Nelson,3/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,9/5 Rothwell St,2,u,467000,SP,Brad,3/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,47 Union Rd,3,h,,S,Brad,3/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,69 Albion Rd,3,h,1670000,S,Jellis,3/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/17 Ashburn Gr,3,t,955000,S,Buxton,3/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3/39 Solway St,3,t,2050000,S,Fletchers,3/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,12 Beechwood Tce,3,t,,SN,Ray,3/12/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,28 Raymond St,3,h,1250000,S,Woodards,3/12/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,9 Carinya Av,4,h,,S,hockingstuart,3/12/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,30 Gothic Rd,4,h,1230000,S,Biggin,3/12/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,4 Davidson Ct,3,h,630000,S,Barry,3/12/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,204 Erinbank Cr,4,h,610000,S,Nelson,3/12/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,157 Canning St,3,t,851000,S,Nelson,3/12/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,7 Peerless Ct,4,h,,SP,Barry,3/12/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,7/72 Grosvenor St,2,u,410000,PI,hockingstuart,3/12/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2/74 Balwyn Rd,3,u,1070000,SA,Philip,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,19 Belgrove Av,4,h,2200000,S,Marshall,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,26 Belgrove Av,4,h,2290000,PI,Fletchers,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,112 Belmore Rd,5,h,2570000,PI,RT,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,27 Bevan St,4,h,2400000,VB,RW,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,129 Gordon St,3,h,2200000,S,North,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Melba Ct,5,h,3250000,PI,hockingstuart,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,5/14 Parring Rd,2,u,806000,S,Noel,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,349 Union Rd,6,h,4000000,VB,Jellis,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/10 Westminster St,2,h,1215000,S,Jellis,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,22 Yongala St,5,h,2250000,PI,Noel,3/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,30 Abbott St,7,h,1350000,PI,Barry,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,25 Bolinda Rd,4,h,1905000,S,Noel,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Dumblane St,5,h,3300000,PI,hockingstuart,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,30 Hood St,4,h,1900000,VB,Fletchers,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,36 Kenny St,3,h,2251000,S,Marshall,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Maughan Pde,5,h,,S,Noel,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,24 McShane St,3,h,,SN,Kay,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Riverside Av,3,h,2160000,S,Jellis,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,13 Riverview Rd,4,h,2205000,PI,RW,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,43 Sweyn St,3,h,1265000,S,hockingstuart,3/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,16 Sasses Av,4,h,850000,S,McGrath,3/12/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,94 Sasses Av,3,h,,SP,Barry,3/12/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,372 Beach Rd,4,h,,VB,Marshall,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/183 Charman Rd,3,t,850000,PI,Hodges,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,27 Coreen Av,4,h,,S,Hodges,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/39 Dalgetty Rd,2,u,970000,S,Buxton,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,35 Haydens Rd,4,h,1640000,S,Buxton,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,16 Hilton St,3,h,1500000,S,Buxton,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 Point Av,3,h,2200000,PI,Buxton,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/14 Reserve Rd,3,t,1400000,S,Chisholm,3/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,12 Perkins Av,3,h,,PN,Nelson,3/12/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,32 Leckie St,2,h,1550000,S,Woodards,3/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Marquis Rd,4,h,1420000,S,Woodards,3/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Rogers Rd,3,h,1425000,S,Buxton,3/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/2 Scotts St,2,t,851000,S,hockingstuart,3/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2a Bessie St,2,u,746000,S,hockingstuart,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,30a Chesterville Dr,4,t,1250000,PI,Buxton,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14a Daphne St,1,u,580000,S,Woodards,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/3 Dega Av,3,t,913788,SP,Buxton,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Denver St,5,h,1275000,SP,Buxton,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7a Dover St,4,t,1200000,S,Buxton,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/7 Francesco St,2,h,,SN,Barry,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,96 Paloma St,4,h,515000,S,hockingstuart,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,93 Parkmore Rd,3,h,1206000,S,C21,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,33 Pasadena Cr,4,h,950000,PI,Buxton,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,22 Valkstone St,4,h,,SN,Stockdale,3/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,13 Clover Cl,3,h,,SN,Barry,3/12/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,24 McNabb St,4,h,650000,VB,hockingstuart,3/12/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,67 Peel St,3,h,750000,VB,Barry,3/12/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,74 Ardoyne St,4,h,2370000,S,Buxton,3/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,36 Fourth St,3,h,2035000,S,Chisholm,3/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,13 Glenmore Cr,4,h,1835000,S,Buxton,3/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,7 Glenmore Cr,3,h,2105000,S,Hodges,3/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,46 Potter St,4,h,1600000,PI,Hodges,3/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,4/70 Blackburn Rd,3,u,755000,S,Fletchers,3/12/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,90 Shafer Rd,3,h,1240000,S,Fletchers,3/12/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,17 Verbena St,4,h,1220000,VB,Fletchers,3/12/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,26 Wilton St,3,h,1261000,S,Noel,3/12/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,179 Blackburn Rd,6,h,990000,VB,hockingstuart,3/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Sandgate Rd,4,h,1000000,S,Fletchers,3/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,14 Somerset Ct,5,h,1155000,S,Noel,3/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,1/13 Laurel Av,3,u,600000,S,iTRAK,3/12/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,13 Roselyn Cr,3,h,725000,S,Ray,3/12/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,5/91 Thames St,2,u,,S,RW,3/12/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,2/22 Springfield St,3,h,710000,S,Buckingham,3/12/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,8 Ballara Ct,3,h,,S,Buxton,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,148 Cochrane St,3,h,,SP,Marshall,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,152A Cochrane St,4,h,1830000,S,Hodges,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2A Grant St,3,t,1300000,PI,Nick,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,17 McCallum St,4,h,3695000,S,Marshall,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Murphy St,5,h,,S,Marshall,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,59 Murphy St,4,h,,SP,Nick,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/26 Pearson St,2,u,536000,SP,Hodges,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8 Sargon Gr,4,h,,PN,Biggin,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,18 Victoria St,4,h,3700000,S,Marshall,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,20 Victoria St,4,h,3775000,S,Buxton,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,50 Well St,3,h,1975000,S,Buxton,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,178A Were St,5,h,,SP,Nick,3/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,9 Arnot St,3,h,,SN,Nick,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,57a Baird St,4,t,1525000,PI,Marshall,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,133A Centre Rd,4,h,1310000,PI,hockingstuart,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Clonaig St,4,h,,VB,Marshall,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/136 Dendy St,3,u,1465000,S,RT,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,26 Hodder St,2,h,1250000,SP,hockingstuart,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,39 Hodder St,4,h,,S,Buxton,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Milroy St,4,h,2504000,S,Marshall,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5/29 Pine St,2,u,700000,PI,hockingstuart,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/383 South Rd,2,u,750000,SP,Buxton,3/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,5 Avalon Av,4,h,440000,PI,Barry,3/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/22 Beulah St,3,t,,PI,Stockdale,3/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1 Evans Ct,3,h,490000,PI,YPA,3/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,16 Graham St,3,h,482000,S,Brad,3/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,13 Michigan Av,5,h,,W,YPA,3/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,9 Blair St,4,h,1802500,S,Jellis,3/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,25 Hardy St,4,h,1500000,VB,Nelson,3/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,10 Harrison St,3,h,1310000,S,Nelson,3/12/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1 Nunan St,4,h,856000,S,Harrington,3/12/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,126 Victoria St,3,h,,SS,Elite,3/12/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3/9 Cumming St,3,h,,PN,Nelson,3/12/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9/610 Moreland Rd,2,u,320000,PI,Nelson,3/12/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,25 Wales St,3,h,1190000,S,Nelson,3/12/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,1/16 Carrathool St,4,t,930000,PI,Jellis,3/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,28 Rocklea Rd,4,h,1505000,S,Jellis,3/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/119 Willow Bnd,3,t,790000,S,Philip,3/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,32 Arthur St,4,h,746000,S,Ray,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Bicolor Ct,4,u,505000,S,Harcourts,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,43 Boston Rd,3,h,740000,SP,Morrison,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,92 Cameron Pde,6,h,631000,S,Ray,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Dendaryl Dr,7,h,735000,S,Ray,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,90 Gleeson Dr,4,h,675000,S,Barry,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,25 Ledbury Cr,3,h,693000,S,Barry,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Neilsen Cr,3,h,589000,S,Ray,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,30 Ormond Bvd,4,h,,PI,Ray,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Poinsettia Ct,2,h,330000,S,Harcourts,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Trafalgar Pl,4,h,1088000,S,Barry,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Wisteria Dr,4,h,780000,S,Barry,3/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,60 Gibdon St,2,h,1005000,SP,Biggin,3/12/2016,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside Heights,137 Arbour Bvd,4,h,792000,S,Barry,3/12/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burnside Heights,22 Wills Tce,3,h,485000,S,Barry,3/12/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,4 Bennett St,3,h,1390000,S,Fletchers,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,6 Elgar Rd,3,h,,SP,Jellis,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2 Highbury Rd,4,h,,SP,Rounds,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Keogh St,3,h,1300000,SA,Stockdale,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,35 McCubbin St,4,h,1890000,S,Ray,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/32 McIntyre St,3,u,1022500,S,Ray,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1 Webb St,3,h,1250000,VB,Fletchers,3/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,337 Blackburn Rd,4,h,1290000,S,hockingstuart,3/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Clyden Ct,4,h,1345000,S,Ray,3/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2/10 Mallawa Ct,2,u,,SN,Woodards,3/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1A Moona St,2,h,730000,S,Fletchers,3/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,17 Minvi Tce,3,h,566000,S,Sweeney,3/12/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1/19 Alma Rd,3,h,,S,Marshall,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/806 Burke Rd,2,u,1017000,S,Jellis,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/2 Callanish Rd,2,u,729000,S,Noel,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,49 Christowel St,5,h,2600000,VB,Marshall,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,45 Fairview Av,4,h,,SP,Marshall,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/21 Glencairn Av,2,u,,S,Jellis,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 King St,3,h,,SN,RT,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,38 Sunnyside Av,3,h,,SN,RT,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10/1311 Toorak Rd,3,t,,PI,Jellis,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/107 Wattle Valley Rd,3,h,1650000,S,Marshall,3/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,11 Bailey Ct,3,h,368000,SP,Iconek,3/12/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,39 Cambridge Wy,3,h,415000,S,hockingstuart,3/12/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,7 Keown Ct,3,h,455000,S,YPA,3/12/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,1 Claremont Cr,3,h,,S,Jellis,3/12/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,33 Myrtle Rd,3,h,1587500,S,Marshall,3/12/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,62 Wentworth Av,4,h,,S,Jellis,3/12/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,46/121 Rathdowne St,3,u,735000,SP,Woodards,3/12/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,6/1136 Dandenong Rd,2,u,,S,Woodards,3/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76A Leila Rd,4,t,,S,Ray,3/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/31 Moonya Rd,2,u,600000,SP,Woodards,3/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,212 Neerim Rd,3,h,1295000,S,hockingstuart,3/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,218 Neerim Rd,4,h,1275000,S,hockingstuart,3/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3 Oakleigh Rd,3,h,1620000,S,Buxton,3/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,31 Asthima Wy,3,h,,PI,Prof.,3/12/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,67 Emma St,3,h,725000,S,Eview,3/12/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,1/2 Myola St,3,t,633000,SP,hockingstuart,3/12/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,8 Sky Wy,4,h,600000,S,Asset,3/12/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,18 Ash Gr,4,t,1600000,SP,Gary,3/12/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield,190 Kambrook Rd,5,h,1665000,S,Gary,3/12/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield,8/8 Marriott St,2,u,,SP,Buxton,3/12/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,5 Alder St,3,h,1460000,S,hockingstuart,3/12/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,10/468 Kooyong Rd,1,u,275500,PI,Gary,3/12/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,49A Saturn St,3,t,,S,Gary,3/12/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/4 Kalymna Gr,4,t,,S,Buxton,3/12/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,16 Moroney Dr,4,h,1507000,S,Jellis,3/12/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,3/58 Chelsea Rd,2,t,385000,S,Buxton,3/12/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,25 First Av,3,h,716000,S,hockingstuart/hockingstuart,3/12/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,3 Tern Cl,3,h,635000,SP,C21,3/12/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,2/165 Thames Prm,3,t,,PI,Hodges,3/12/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,7 Bayliss Ct,2,h,910000,S,O'Brien,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/2 Eden St,2,u,642500,S,Buxton,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30 Everest Dr,3,h,751000,S,Ray,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Friendship Sq,3,h,912500,S,O'Brien,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Judd Pde,4,h,1050000,S,O'Brien,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Moonda Gr,3,h,1080000,S,O'Brien,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/13 Tilley St,2,h,595000,S,Ray,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,27 Tulip Gr,3,h,1250000,S,J,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16 Victor Av,4,h,,S,hockingstuart,3/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,59 Alice St,3,h,1030000,S,Harcourts,3/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1499 Centre Rd,3,h,1060000,S,Harcourts,3/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,67 Jaguar Dr,3,h,980000,S,Buxton,3/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,74 Scotsburn Av,3,h,1010000,S,Buxton,3/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,31 Warraweena Rd,3,h,851500,S,Century,3/12/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,7/29 Dwyer St,1,u,340000,PI,Woodards,3/12/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,30 Alice St,3,h,,SN,Barry,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/25 Belgrave St,2,t,655000,S,Nelson,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,37 Elizabeth St,3,h,680000,S,Nelson,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,38 Harding St,4,h,1221000,S,Nelson,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/58 Moore St,2,t,807000,S,Nelson,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,181 Munro St,3,h,790000,S,Del,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,43 Ohea St,4,h,955000,S,Nelson,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,301/6 Sydney Rd,2,t,480000,VB,Nelson,3/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,22 Ballard Av,3,h,751000,SP,Melbourne,3/12/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,38B Livingstone St,4,h,895000,S,Nelson,3/12/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Ronald St,3,h,655000,SP,hockingstuart,3/12/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,20 Hotham St,3,h,1260000,S,Jellis,3/12/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,178 Keele St,2,h,,SP,Jellis,3/12/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,7 Anzacs Wy,3,h,372500,S,Ray,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Emerald Cct,3,h,,SN,Barry,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,32 Hanson Rd,3,h,391000,S,LJ,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,101 Hothlyn Dr,3,h,,SN,Barry,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,37 Kensley Cct,3,h,,SN,Barry,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Kingswood Dr,3,h,,SN,Barry,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Parkside Ri,4,h,,PI,LJ,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Royal Tce,3,h,446000,S,Ray,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Wilsby Ct,4,h,520000,S,Ray,3/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,6 Greaves St,5,h,600000,SP,Ray,3/12/2016,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Croydon,30 Haig St,3,h,,SN,Barry,3/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Moore Av,3,h,,PI,Barry,3/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,23 County Tce,4,h,986000,S,Jellis,3/12/2016,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,126 Eastfield Rd,3,h,,SN,Barry,3/12/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,17 Paris Av,3,h,631000,S,McGrath,3/12/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,79 Gladstone Rd,3,h,,PI,C21,3/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,2 Grandview Av,3,h,650000,S,McLennan,3/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,5 Sarona St,4,h,,SP,Stockdale,3/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,2/191 Gladstone Rd,3,u,,PI,Biggin,3/12/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,22 Laemmle St,3,h,601000,S,iSell,3/12/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,7 Leeside St,3,h,526000,S,Del,3/12/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,4 Haig St,3,h,2302000,S,hockingstuart,3/12/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Diamond Creek,15 Daina Ct,3,h,,SP,hockingstuart,3/12/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,11 Dimar Ct,4,h,905000,S,Buxton,3/12/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Glenway Dr,4,h,882000,S,Ray,3/12/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,5 Boyd St,3,h,1403000,S,Barry,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,20 Finlayson St,4,h,1408000,S,Jellis,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,39 Frederick St,4,t,855000,S,Barry,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,19 Hanke Rd,3,h,1450000,PI,Barry,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,47 Roseland Gr,5,h,1461800,SP,Jellis,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,33 Thiele St,4,h,1396000,S,Barry,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/63 Whittens La,3,t,,SN,Philip,3/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/5 Bella Ct,3,u,930000,S,Jellis,3/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Lionel St,3,h,1730000,S,Jellis,3/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,313 Springvale Rd,5,h,1820000,S,Barry,3/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,15 Holmwood Cr,4,h,770000,SP,RW,3/12/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,110 Vale St,2,h,4525000,S,Caine,3/12/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,393 Kooyong Rd,3,h,1625000,S,Biggin,3/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4 Meaney St,2,h,906000,S,Purplebricks,3/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8 Ross St,4,h,1100000,VB,hockingstuart,3/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,6 Clearwater Cl,4,h,,PI,Barry,3/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,12 Jinkana Gr,4,h,890000,S,Barry,3/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,57 Lower Rd,5,h,,SP,Darren,3/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,2 Wakefield Cl,3,h,870000,S,Morrison,3/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,88 Weidlich Rd,4,h,874000,S,Barry,3/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,9/400 Barkly St,1,u,392500,SP,Biggin,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/131 Brighton Rd,2,u,507000,S,Morleys,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/217 Brighton Rd,2,u,525000,S,Wilson,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,31 Goldsmith St,3,h,2116000,S,Chisholm,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,43 John St,3,h,,S,Chisholm,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/6 May St,2,u,750000,S,Gary,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/125 Ormond Rd,1,u,510000,S,Chisholm,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/14 Shelley St,2,u,599999,S,Chisholm,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,14/9 Southey St,1,u,300000,S,hockingstuart,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/9 Southey St,1,u,,SP,Chisholm,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,58 Tennyson St,6,h,,SP,Chisholm,3/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Emerald,41 Charman Av,2,h,462000,S,Stockdale,3/12/2016,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Epping,4 Amalfi Pl,4,h,,SN,Barry,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,31 Ambrosia Cl,3,u,580000,S,Harcourts,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Dappleshade Av,4,h,,SN,Barry,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,58 Derby Dr,4,h,430000,SP,Love,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Earlybird Wy,3,h,493000,S,Love,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/309 Findon Rd,3,t,,PN,Harcourts,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,19 Pentland Dr,4,h,505000,S,hockingstuart,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Somerset St,3,h,500000,SP,Iconek,3/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,33 Bradshaw St,3,h,980000,VB,Barry,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/262 Buckley St,2,u,,PI,Barry,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10/130 Hoffmans Rd,2,u,531500,S,Barry,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,16 Kendall St,3,h,1295000,PI,Nelson,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/972 Mt Alexander Rd,2,u,,PI,Brad,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,30 Robb St,4,h,1900000,S,Nelson,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/113 Tennyson St,2,t,595000,S,Frank,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,26 Thomson St,4,h,,PN,Nelson,3/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,14 Clydebank Rd,3,h,810000,PI,Nelson,3/12/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,7 Rathmines St,3,h,1350000,PI,McGrath,3/12/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3 Lovely St,3,h,670000,S,YPA,3/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,89 Major Rd,3,t,,PI,Barry,3/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2 Parklands Cl,4,h,,S,Buxton,3/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,32 Warrabel Rd,3,h,535000,SP,Prof.,3/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Flemington,3/39 Dover St,2,u,365000,PI,Rendina,3/12/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,25/2 Newmarket Wy,2,t,553000,S,Jellis,3/12/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,4 Adelaide St,4,h,1225000,SP,Nelson,3/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11/44 Everard St,2,u,431000,SP,Jas,3/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9 Lynch St,3,h,1003000,S,Naison,3/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,25 Southampton St,3,h,840000,S,Sweeney,3/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,37 Stirling St,3,h,1362000,S,Village,3/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,58 Wolverhampton St,4,h,977000,S,Village,3/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,28 Abelia St,5,h,1587000,S,Ray,3/12/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,40 Bayview Rd,3,h,660000,S,hockingstuart,3/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,36 Coogee Av,4,h,590000,S,hockingstuart,3/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Lochearn Ct,3,h,615000,S,hockingstuart,3/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Seaquesta Ct,4,h,584000,S,hockingstuart,3/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Whitford Wy,3,h,452000,S,Harcourts,3/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,3 Humphries Rd,4,h,800000,VB,hockingstuart,3/12/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,54 Pratt Av,3,h,585000,S,C21,3/12/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,59 Towerhill Rd,3,h,610000,S,Harcourts,3/12/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,27 Calthorpe St,4,h,1311000,S,Raine,3/12/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,1 Pendle Cl,3,h,560000,SP,Barry,3/12/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,28 Alfred Rd,4,h,1800000,VB,Marshall,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/3 Belmont Av,3,h,,S,hockingstuart,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/35 Carroll Cr,1,u,350000,VB,hockingstuart,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,28 Malvern Av,3,h,2260000,S,J,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8A Queens Pde,3,t,1753000,S,Noel,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Rosedale Rd,4,h,,SN,RT,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,62 Staughton Rd,4,h,1998000,S,J,3/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,5 Brighton St,3,h,1011000,S,Ray,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,301 Gallaghers Rd,4,h,1330000,SP,Ray,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Garrisson Dr,3,h,1360000,SP,LJ,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Hammence St,5,t,1430000,S,Harcourts,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/6 Hinkler Rd,3,u,1100000,S,Ray,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Packham Cr,3,h,1364000,S,Barry,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Rowland Ct,4,h,,PI,Harcourts,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Shepherd Rd,4,h,,PI,Biggin,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,475 Springvale Rd,4,h,,SN,Harcourts,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/527 Springvale Rd,2,u,587600,SP,hockingstuart,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 The Boulevard,3,h,1505000,S,Carter,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Vermont St,3,h,1038500,S,Ray,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,853 Waverley Rd,4,h,,SP,RT,3/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4 Cross Tce,3,h,,S,Stockdale,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,55 Daley St,3,h,610000,S,Walshe,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/74 Daley St,3,t,555000,SP,Stockdale,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,62 Farview St,3,h,500000,S,Nelson,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,82 Melbourne Av,3,h,800000,S,Stockdale,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,39 Morley St,3,h,806500,S,Barry,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 Rowan St,3,h,,PI,Barry,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,23 Wheatsheaf Rd,5,h,1150000,PI,Barry,3/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,2 Adeline St,3,h,,SN,Barry,3/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Banfield Tce,4,h,1250000,S,Darren,3/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,24 Bayonne Cl,5,h,791500,SP,Morrison,3/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,82 Henry St,3,h,645000,S,Barry,3/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,131 Nell St,3,h,840000,S,Morrison,3/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,25 Scotland Av,3,h,1000000,S,Darren,3/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,79 Clare Bvd,4,h,686000,S,Barry,3/12/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Firth Wy,4,h,1030000,SP,Jason,3/12/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,2 Knole St,2,h,610000,S,Eview,3/12/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,8 Sherwood St,3,h,630000,S,YPA,3/12/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,4 Surrey St,4,h,870000,S,Barry,3/12/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,27 David St,2,h,1871000,S,Buxton,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6 Earlsfield Rd,4,h,2140000,S,Hodges,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,55 Holyrood St,4,h,,S,Buxton,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3 Kendall St,4,h,1600000,VB,Marshall,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,7 Olive St,3,h,,SP,Buxton,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,108 Orlando St,3,t,2200000,VB,Marshall,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,24A Smith St,3,h,1003500,S,Ray,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,8/121 Thomas St,2,u,802000,SP,Buxton,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,25 Thomas St,4,t,1500000,VB,Buxton,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,78 Thomas St,4,h,1686500,S,Hodges,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/5 Walker Av,3,t,,SN,Charlton,3/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/13 Highbury Av,2,h,,S,Hodges,3/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,8/22 Kelly Av,2,u,,SP,Buxton,3/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3 Tarwin Av,3,h,,SN,Branon,3/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,1/5 Bride Av,2,u,,SP,Stockdale,3/12/2016,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,49 Berkeley St,3,h,5100000,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Bowen St,4,h,2670000,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,29 Connell St,3,h,,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/87 Denham St,1,u,,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,23 Elgin St,3,h,1480000,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,25/510 Glenferrie Rd,1,u,348000,S,Woodards,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8 Osborne Ct,2,h,,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,23/146 Power St,1,u,320000,VB,Fletchers,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/181 Riversdale Rd,1,u,,S,Jellis,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/69 Wattle Rd,3,u,1189000,S,Marshall,3/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,742 Burwood Rd,2,h,1550000,S,Noel,3/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,403/138 Camberwell Rd,2,u,,VB,RT,3/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,118 Rathmines Rd,3,h,,S,Marshall,3/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,15 Rathmines Rd,3,h,2151000,S,Kay,3/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,81 Roseberry St,3,h,,SP,Marshall,3/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,22 Stewart St,2,h,1140000,S,Marshall,3/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,10 Ball Rd,4,h,,S,Buxton,3/12/2016,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,12 Alvena Cr,4,h,1240000,S,Noel,3/12/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1 Madigan Ct,3,h,837000,S,Jellis,3/12/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,31 Stoda St,4,h,,SP,Philip,3/12/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,58 Brown St,6,h,,SN,Noel,3/12/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,5/68 Brown St,2,u,546500,S,Miles,3/12/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2 Alfred St,2,h,,SN,Miles,3/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/32 Montgomery St,3,u,,S,Jellis,3/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,73 Pacific Dr,3,h,560000,SP,William,3/12/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,11 Wewak Pde,2,h,735000,SP,Miles,3/12/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,19 Baldwin St,4,h,1380000,S,Buxton,3/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,18 Donald St,4,h,1800000,S,Hodges,3/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,17 Jillian Av,3,t,1100000,PI,Buxton,3/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1 North Ct,3,h,,S,Buxton,3/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Noyes St,3,h,1000000,S,O'Brien,3/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,26 The Crescent,4,h,1207500,S,Buxton,3/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,1C Chris Ct,3,h,382000,S,Barry,3/12/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,4 Amstel Ct,5,h,683000,SP,Barry,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,48 Bourke Cr,3,h,444000,S,LJ,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,39 Canberra Av,3,h,390000,SP,Sweeney,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Crowe St,5,h,488000,S,Greg,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Mailrun Ct,3,h,465000,S,YPA,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,36 Tandarra Dr,4,h,505000,SP,YPA,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,101 Virgilia Dr,3,h,420000,SP,YPA,3/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,67 Dallas Av,3,h,1490000,S,Ray,3/12/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,20 Dalston Rd,3,h,1340000,S,Ray,3/12/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/125 Locksley Rd,2,u,430000,VB,Miles,3/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/3 Merton St,1,u,460000,SP,Miles,3/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,14 Tate St,4,h,1601000,S,Nelson,3/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,23 Hilltop Cr,4,h,1775000,S,Nelson,3/12/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,271 The Boulevard,5,h,3850000,SP,Miles,3/12/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,52 Hales Cr,3,h,470000,S,YPA,3/12/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,23 McShane Dr,4,h,740000,SP,Barry,3/12/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,15 Saratoga Cr,4,h,681000,S,Prof.,3/12/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,3A Cudgewa Pl,3,t,770000,SP,Barry,3/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/64 Dinah Pde,3,t,480000,S,Nelson,3/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,14 Hawthorn Ct,3,h,590000,S,Nelson,3/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,16 Roberts St,4,h,900000,S,Nelson,3/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,103 Sterling Dr,3,h,,PI,Nelson,3/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,10 Ventura Ct,3,h,,S,Brad,3/12/2016,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,8 Bent St,2,h,775000,S,Jellis,3/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,7/1245 Burke Rd,2,u,562500,S,Reach,3/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/361 Cotham Rd,3,u,,S,Jellis,3/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,30/20 Pakington St,2,u,520000,VB,Jellis,3/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Rimington Av,4,h,2250000,S,Jellis,3/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Ross St,5,h,4350000,S,Marshall,3/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kings Park,1 Kingdom Av,3,h,,PI,YPA,3/12/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,2 Lisbon Ct,3,h,,SN,Barry,3/12/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,13 Meadowbank Ct,3,h,422500,SP,Homes,3/12/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,1/21 The Fairway,3,u,480000,PI,Darren,3/12/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,1/68 Edgar St,2,h,677200,SP,Sweeney,3/12/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,92 Empress Av,3,h,960000,S,Village,3/12/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,37 Anne Rd,4,h,1077000,SP,Prof.,3/12/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,24 Laura Rd,3,h,750000,SP,Appleby,3/12/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,6 Hamilton Ct,3,h,662000,S,Harcourts,3/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,39 Kay Av,3,h,,PI,Love,3/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,31 Kiama Dr,3,h,540000,S,Barry,3/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,408 Station St,2,h,568000,S,Harcourts,3/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,7 Winslow Av,3,h,580000,SP,Ray,3/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,4 Lytham Ct,3,h,525000,S,Eview,3/12/2016,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,1 Rose Ct,3,h,,SN,Ray,3/12/2016,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,9 Sapphire Ct,3,h,990000,S,Barry,3/12/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/23 Ayr St,3,h,706000,S,Fletchers,3/12/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/66 Ferguson St,3,h,,SN,Ray,3/12/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,26 May St,3,h,1002000,S,Miles,3/12/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,8/101 Ballarat Rd,2,u,275000,PI,Burnham,3/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,19 Norfolk St,2,h,711000,S,Jas,3/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,5/16 Omar St,3,t,640000,SP,Biggin,3/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,1/11 Mayfield Av,2,u,2660000,S,Jellis,3/12/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,18 Albert St,3,h,,SP,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,26 Boston Av,4,h,,S,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/52 Bowen St,3,u,980000,S,Noel,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 Clynden Av,2,h,,S,Fletchers,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,8 Dundonald Av,4,h,2055000,S,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,41 Emo Rd,4,h,2400000,VB,hockingstuart,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,78 Emo Rd,4,h,2355000,S,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Findon St,2,h,1036000,S,Biggin,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5 Hughes St,4,h,,S,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1894 Malvern Rd,4,h,1301000,PI,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16A Manning Rd,3,h,2273000,S,Marshall,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,19 Millewa Av,3,t,,SP,Jellis,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,35 Warley Rd,5,h,2350000,PI,Jellis,3/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,2/21 Bloomfield Av,3,t,800000,SP,Biggin,3/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,25 Cedar Dr,3,h,870000,SP,Nelson,3/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,101/55 Cumberland Dr,2,u,635000,PI,Nelson,3/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,6 Londrew Ct,3,h,975000,PI,Burnham,3/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2/22 Station Av,2,t,708000,S,Buxton,3/12/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,318/9 Commercial Rd,1,u,365000,S,hockingstuart,3/12/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,902/16 Liverpool St,1,u,427000,S,Harcourts,3/12/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,173/350 St Kilda Rd,2,u,1200000,VB,Marshall,3/12/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,1 Irving Rd,4,h,323000,SP,YPA,3/12/2016,3337,Western Victoria,3600,31.7,Melton City Council +Melton,50 Riddle Dr,4,h,,SN,Raine,3/12/2016,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,43 Bridge Rd,3,h,,SN,Barry,3/12/2016,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,125 Station Rd,3,h,,SN,hockingstuart,3/12/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,5A Avenza St,2,t,722000,S,hockingstuart,3/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8/78 Beach Rd,2,u,,S,hockingstuart,3/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/12 Collins St,1,u,295000,S,Maitland,3/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4 Glengala Ct,3,h,,PI,Hodges,3/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,16 Johnston St,3,h,1105000,S,O'Brien,3/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/2 Rimmer St,2,u,481000,S,Hodges,3/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,14 Beechwood Ct,5,h,,PI,R&H,3/12/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,198 Page St,3,h,2350000,S,Cayzer,3/12/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,20 Azalea Av,4,h,710500,S,Millership,3/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,90 Buckmaster Dr,4,h,652500,SP,Barry,3/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Dickerson Av,3,h,600000,S,Ray,3/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Norland Ct,4,h,840000,S,Ray,3/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/107 Pindari Av,3,h,492000,S,Ray,3/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,7 Fuller St,4,h,1090000,S,Fletchers,3/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/493 Mitcham Rd,3,t,,SN,Philip,3/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,58 Orient Av,3,h,1062000,S,Noel,3/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,38 Astley St,3,h,975000,S,Buckingham,3/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,24 Hoban Av,3,h,1010000,S,Barry,3/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,90 Clarinda Rd,4,h,1715000,S,Frank,3/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,23 Hopetoun St,4,h,,S,Nelson,3/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,21A Scotia St,3,h,1055000,S,Nelson,3/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/40 Young St,2,u,348000,S,Nelson,3/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,11A Barbara St,4,h,930000,VB,McGrath,3/12/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,7 Barbara St,3,h,1090000,SP,Woodards,3/12/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,16 Matilda Rd,4,h,947500,S,McGrath,3/12/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,163 Rowans Rd,3,h,836000,S,Woodards,3/12/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,3 Jarman St,5,h,1780000,S,O'Brien,3/12/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/498 Main St,3,h,900000,VB,Ray,3/12/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,100 White St,2,u,380000,PI,Hodges,3/12/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,26 Bailey St,3,h,1450000,S,Ray,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Brand St,4,h,,SN,Barry,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Carrol Gr,3,h,,W,Barry,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Debbie St,5,h,,PI,Biggin,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Fairview Rd,5,h,1450000,PI,Barry,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/28 Hayfield Rd,3,u,,S,Buxton,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,73 Ian Gr,5,h,1495000,S,Barry,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/4 Imperial Av,4,h,,S,Jellis,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/28 Lee Av,2,u,740000,S,Harcourts,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Leeds Rd,3,h,1300000,S,Fletchers,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Muir St,4,h,1855500,S,Jellis,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/14 Russell Cr,4,t,,S,Buxton,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,99 Stephensons Rd,4,h,1050000,PI,Century,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 Tuhans Rd,3,h,976000,S,Ray,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Winbourne Rd,5,h,1850000,S,Jellis,3/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,25 Curie Av,4,h,990000,S,Barry,3/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Fulwood Pl,3,h,730000,PI,Win,3/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Orion Ct,4,h,,W,Win,3/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,6/9 Gerald St,1,u,,VB,Buxton,3/12/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3a Irving Av,4,t,1185000,PI,hockingstuart,3/12/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,15 Margaretta Av,3,h,,S,Woodards,3/12/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/495 Neerim Rd,3,t,,SP,Thomson,3/12/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,25 Wahroongaa Rd,4,h,,S,Woodards,3/12/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,14 Chalmers La,3,h,900000,SP,Raine,3/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,11b Junction St,3,h,930000,SP,RT,3/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,45 Milford St,3,t,962000,S,Village,3/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,4 Coghlan St,3,h,1020000,PI,Barry,3/12/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,51 Garnet St,1,h,1330000,S,Brad,3/12/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,38 Muriel St,4,h,1126000,SP,Brad,3/12/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3/100 Kelvinside Rd,3,t,623000,SP,Eview,3/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,24/302 Abbotsford St,2,u,540000,S,Jellis,3/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,1/315 Flemington Rd,1,u,340000,S,Brad,3/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,103 Bastings St,4,h,,SP,Ray,3/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,119 Bent St,2,h,,S,Nelson,3/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,3 Pemberley Dr,3,h,918000,SP,Biggin,3/12/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,5 Betula Av,3,h,1090000,S,Jellis,3/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3/38 Efron St,4,t,950000,PI,Fletchers,3/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,19 Evandale Av,3,h,1235000,SP,Fletchers,3/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,18 Joyce St,2,h,1250000,S,Jellis,3/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,9 Lemon Gr,4,h,,S,Fletchers,3/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,16 Milton St,3,h,1226000,SP,Noel,3/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/1 Gregory St,3,u,647000,S,Brad,3/12/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/55 Snell Gr,3,u,,PI,Barry,3/12/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,40 Winifred St,4,h,865000,S,Brad,3/12/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1/1773 Dandenong Rd,4,h,,SN,Greg,3/12/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,20 Lerina St,2,h,,PI,Ray,3/12/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,14 Bossington St,3,h,981000,S,Buxton,3/12/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,9 Salem Av,4,h,1100000,S,hockingstuart,3/12/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,208 Booran Rd,3,h,1401000,SP,Noel,3/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,28A Cadby Av,3,h,800000,PI,Buxton,3/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,17 Murray Rd,4,h,2250000,PI,Marshall,3/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,37 Thompson St,4,h,1715000,S,Buxton,3/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,21 Tyrone St,2,h,1960000,S,Gary,3/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,11/18 Ulupna Rd,1,u,360500,S,Buxton,3/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,69 McIndoe Pde,3,h,1050000,S,O'Brien,3/12/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,12/238 The Avenue,3,u,1360000,S,Jellis,3/12/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/47 Austin Cr,2,t,455000,SP,Eview,3/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/1 Farringdon St,2,u,,PN,Nelson,3/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Hazel Gr,2,h,915000,S,New,3/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/9 Kitchener Rd,2,t,,SN,D'Aprano,3/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,27 Quick St,4,h,975000,S,Brad,3/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,30 Stennis St,3,h,770000,S,Brad,3/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,1/192 McLeod Rd,3,t,655000,PI,hockingstuart/hockingstuart,3/12/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Pentland Hills,109 Palmers La,4,h,875000,VB,Len,3/12/2016,3341,Western Victoria,59,45.2,Moorabool Shire Council +Point Cook,16 Domain Pl,3,h,600000,S,hockingstuart,3/12/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,27 Ranfurlie Av,4,h,640000,S,hockingstuart,3/12/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,18 Ribbon Cl,4,h,551000,S,hockingstuart,3/12/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,5 Sandy Av,5,h,890000,SP,hockingstuart,3/12/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,50 Seafarer Wy,4,h,,SN,Barry,3/12/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,171 Bridge St,2,h,1240000,PI,Leased,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,51 Edwards Av,3,h,2365000,S,hockingstuart,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,28/39 Esplanade Pl,3,u,1380000,S,Cayzer,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,22 Gellibrand Rd,6,h,1800000,VB,Greg,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,40 Nelson St,3,h,1150000,S,Marshall,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,130 Nott St,3,h,985000,S,Marshall,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,207 Nott St,2,u,,PI,Purplebricks,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,106/216 Rouse St,3,u,1200000,SP,Wilson,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,36/3 Seisman Pl,2,u,1340000,VB,Chisholm,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,175 Stokes St,3,h,2200000,S,Greg,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,366 Williamstown Rd,4,h,2105000,S,Cayzer,3/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,907/15 Clifton St,1,u,549800,S,hockingstuart,3/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,206/11 Hillingdon Pl,2,u,,PI,Williams,3/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,28 Kelvin Gr,4,h,,S,Marshall,3/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5 Kendall St,3,h,1200000,PI,Barry,3/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,82 Murray Rd,3,h,721000,S,Stockdale,3/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,287 Plenty Rd,3,h,751000,S,hockingstuart,3/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,208/277 Raglan St,2,u,,SP,Barry,3/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,30 Ashton St,3,h,731000,S,Barry,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Botha Av,3,h,798000,S,Ray,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,107 Broadhurst Av,3,h,725000,S,RW,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/20 Crookston Rd,2,u,352000,SP,Barry,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Drysdale St,3,h,723000,S,Ray,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8/211 Edwardes St,2,u,336000,S,Stockdale,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53 Fordham Rd,3,h,685000,S,Nelson,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/29 Goulburn Av,2,u,550000,S,Barry,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,71 Miranda Rd,2,h,,PN,Nelson,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/72 Purinuan Rd,3,t,620000,S,RW,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Ryan St,3,h,620000,PI,Barry,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Wilkinson St,3,h,1025000,S,hockingstuart,3/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,7 Bank St,3,h,1600000,S,hockingstuart,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29 Bowen St,3,h,2180000,PI,Blue,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/11 Brougham St,1,u,370000,S,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Dickmann St,3,h,,S,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Kent St,3,h,,S,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Lambert St,3,t,1025000,SP,Jellis,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/5 Leslie St,2,u,630000,S,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,131 Lord St,4,h,3335000,S,Jellis,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16/15 River Bvd,2,u,,SP,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Rose St,3,t,2250000,S,Jellis,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,60 Somerset St,2,h,935000,S,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,31 York St,2,h,1100000,SP,Biggin,3/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/324 Maroondah Hwy,4,u,580000,VB,Fletchers,3/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Sussex St,3,h,,SN,Philip,3/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,28A Wonga Rd,5,h,1300000,PI,Hoskins,3/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3 Illoura Av,3,h,910000,SP,Barry,3/12/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,15a Teak Av,3,t,830000,S,Noel,3/12/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,20 Jones Cr,4,h,960000,VB,Nelson,3/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,7 Silk St,3,h,,SN,Barry,3/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,37 Station Rd,3,h,,SN,Miles,3/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/43 Station Rd,3,h,,S,Fletchers,3/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,11 Clauscen Dr,5,h,835000,S,Harcourts,3/12/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,20 Pranjic Pl,5,h,1106000,S,LJ,3/12/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,3 Crespin Pl,2,h,330000,S,Raine,3/12/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Shannon Gr,3,h,385000,S,Ray,3/12/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,22 Cowper St,2,h,1610000,S,hockingstuart,3/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,8 McLauchlin Av,5,h,2750000,VB,hockingstuart,3/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,16 Tennyson St,5,h,3600000,S,Nick,3/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,10 Chevron Ct,3,h,640000,VB,hockingstuart/hockingstuart,3/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,18 Clovelly Pde,3,h,,S,hockingstuart/hockingstuart,3/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,38 Lily St,3,h,,SN,hockingstuart/Village,3/12/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,14 Pole St,3,h,970000,S,Jas,3/12/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,32 Bridport St,2,h,,SN,Cayzer,3/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,18 Cobden St,2,h,920500,S,Greg,3/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,396 Dorcas St,4,h,1620000,S,Greg,3/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,218 Ferrars St,1,h,1002000,S,Marshall,3/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,294 Moray St,2,h,1355000,S,Marshall,3/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,194 Napier St,4,h,,S,Marshall,3/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,10 Bennett St,4,h,666000,S,Millership,3/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Bloomfield Dr,5,h,,PI,Ray,3/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,36 Cobb St,3,h,390000,S,Ray,3/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,15 Lazar Gr,4,h,,PI,Barry,3/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,202/8 Bond St,2,u,850000,PI,Kay,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,43/100 Commercial Rd,3,u,1230000,S,Kay,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/38 MacFarlan St,2,u,965000,S,hockingstuart,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,413/35 Malcolm St,1,u,315000,PI,hockingstuart,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16 Oxford St,3,h,1510000,S,Kay,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,24 Phoenix St,3,h,,S,Marshall,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/6 Rockley Rd,2,u,,S,Jellis,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/178 Toorak Rd,1,u,362000,S,hockingstuart,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1906/229 Toorak Rd,1,u,402000,S,LITTLE,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/371 Toorak Rd,3,u,1880000,S,Abercromby's,3/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,26 George St,4,t,,PI,hockingstuart,3/12/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,1/20 Edmond St,3,u,,PI,LJ,3/12/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,6 Heritage Dr,3,h,730000,S,Stockdale,3/12/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,17 Moncur Av,2,h,910000,S,iSell,3/12/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,7/83 View Rd,3,u,385000,S,Buxton,3/12/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,10 Carnaby Wy,4,h,775000,S,iSell,3/12/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,6 Bent St,3,h,,PI,Prof.,3/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Biggs St,3,h,590000,S,Nelson,3/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,35 Cleveland St,3,h,661000,S,Sweeney,3/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,18 Reaburn Av,3,h,,SN,Barry,3/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,13 Shirley St,3,h,,SN,Barry,3/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,5/61 Blessington St,2,u,671000,S,hockingstuart,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/76 Carlisle St,2,u,430000,S,Woodards,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/23 Dalgety St,2,u,770000,PI,hockingstuart,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/39 Dalgety St,2,h,1650000,S,Abercromby's,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/15 Herbert St,2,u,640000,S,hockingstuart,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5 Lambeth Pl,3,h,1500000,PI,Marshall,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/18 Marine Pde,2,u,602000,S,Wilson,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20 Marlton Cr,3,h,1915000,S,Marshall,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/28 Mitford St,2,u,485000,SP,McGrath,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,33/1 St Kilda Rd,2,u,575000,SP,hockingstuart,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/1 The Esplanade,2,u,695000,SP,Biggin,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/1 The Esplanade,2,u,,SP,Buxton,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/109 Wellington St,1,u,410000,SP,Buxton,3/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunshine,142 Cornwall Rd,3,h,800000,PI,Barry,3/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,32 Matthews St,3,h,950000,S,GL,3/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,11 Thomson St,3,h,625000,S,Barry,3/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,18 Tyler St,2,h,710000,S,Barry,3/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,9 Dalpura Dr,3,h,488000,S,Barry,3/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,19 Estelle St,3,h,,SP,Sweeney,3/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,147 Hilma St,3,h,560000,S,Barry,3/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 McCoubrie Av,3,h,478000,S,Barry,3/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,66 Nicholson Pde,3,h,615000,S,Melbourne,3/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,5 Charles St,4,h,,S,Jellis,3/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/11 Norfolk Rd,3,t,1330500,S,Fletchers,3/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,36 Russell St,3,t,1325000,SP,Fletchers,3/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,464A Whitehorse Rd,4,h,,SP,Jellis,3/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,12 Exhibition Pde,4,h,696000,S,Barry,3/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,66 George St,4,h,880000,S,Raine,3/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,17 Kirribilli Bvd,3,h,670000,S,Prof.,3/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,34 Nicholson Tce,4,h,600000,S,YPA,3/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,15 Blackman Cr,4,h,842000,S,Brad,3/12/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,52 Tasman Cr,4,h,780000,S,Barry,3/12/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Wills Ct,4,h,951000,S,Barry,3/12/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,3/292 Porter St,4,t,850000,VB,Fletchers,3/12/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Willowbank Ct,4,h,1700000,S,Jellis,3/12/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,41 Dellfield Dr,4,h,1165000,S,Barry,3/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,166 MacEdon Rd,3,h,1098000,S,Philip,3/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,10 Sylvia St,4,h,,S,Barry,3/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,120 Templestowe Rd,3,h,742500,S,Philip,3/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,13 Kerang Pl,4,h,452500,SP,Harcourts,3/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,70 The Boulevard,3,u,650000,S,Harcourts,3/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,109 Clarendon St,2,h,,SN,Nelson,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/73 Flinders St,2,u,470000,S,Jellis,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,13b Hammond St,3,h,1470000,S,McGrath,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,10/11 Kemp St,2,u,435000,PI,Harcourts,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/6 Kemp St,1,u,517500,S,Harcourts,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,8/8 Kemp St,2,u,,PI,Peter,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,40/337 Station St,1,u,370000,VB,Jellis,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/37 Woolton Av,2,u,520000,S,Barry,3/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,10 Cloverdale Av,2,h,,PI,Kay,3/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9 Devorgilla Av,3,h,4300000,VB,Kay,3/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/3 Glover Ct,3,h,1435000,S,RT,3/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10 Myoora Rd,4,h,5500000,VB,Marshall,3/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/3 Tahara Rd,1,u,546000,S,LITTLE,3/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,232 Williams Rd,3,h,1635000,S,Marshall,3/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,76 Lackenheath Dr,3,h,580000,S,Jason,3/12/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,19 Beddoe Rd,3,h,865000,S,Noel,3/12/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,5 Moore Rd,4,h,1420000,S,Barry,3/12/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,11/7 Stevens Rd,2,u,561000,S,Ascend,3/12/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,3/23 Christine St,2,u,556000,S,Ray,3/12/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,42 Graham Rd,4,h,1010000,S,Miles,3/12/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,163 Martins La,5,h,,SP,Barry,3/12/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,81 Martins La,3,h,880000,SP,Buckingham,3/12/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,1/3 Davies Cl,4,h,1250000,S,Ray,3/12/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1 Lisa Cl,4,h,,SN,Barry,3/12/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,3 Wilga Ct,4,h,885000,S,Philip,3/12/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,4 French Ct,3,h,660000,S,Ken,3/12/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,57 Frensham Rd,3,h,581000,S,Barry,3/12/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,29 Lambourn Rd,3,h,655000,S,Darren,3/12/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,10 Bellbird Ct,3,h,415000,SP,Ray,3/12/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Dobell Cr,3,h,437000,S,PRDNationwide,3/12/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,23 Melrose Pl,5,h,690000,S,hockingstuart,3/12/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee South,68 Koroneos Dr,5,h,,PI,hockingstuart,3/12/2016,3030,Western Metropolitan,821,14.7,Wyndham City Council +West Footscray,3/589 Barkly St,1,u,300000,S,Sweeney,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1 Buxton St,3,h,1061000,S,Burnham,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,22 Clarendon Pde,6,h,1020000,PI,Alexkarbon,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,140 Essex St,2,h,912500,S,Village,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,7 Robbs Rd,3,h,,W,RT,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,3/12 Rondell Av,2,u,565000,S,hockingstuart,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,8 View St,3,h,1074000,S,Village,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,20 Wellington St,3,h,1021000,S,Jas,3/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,1004/58 Jeffcott St,3,u,650000,S,MICM,3/12/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,49 Alex Av,4,h,,S,hockingstuart,3/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Darlington Av,4,h,1300000,SP,Harcourts,3/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Goldfield Ct,3,h,1100000,PI,Harcourts,3/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,27 Highwood Dr,5,h,1400000,PI,Harcourts,3/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,15 Mill Ct,4,h,890000,S,Barry,3/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,2/20 Victoria St,3,u,890000,S,Gunn&Co,3/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,10 Eliza Cl,4,h,,S,Greg,3/12/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,22 Park Cr,3,h,1075000,SP,Sweeney,3/12/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,5/7 Park Cr,2,u,580000,SP,Jas,3/12/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,56 Henry St,3,h,1850000,VB,Marshall,3/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1/14 The Avenue,3,u,825000,S,Marshall,3/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,69 Champions Pde,3,h,457500,S,Harcourts,3/12/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,19 Kenmare App,4,h,555000,S,Melbourne,3/12/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,8 Butler Gr,4,h,416000,S,Raine,3/12/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,94 Ballarat St,3,h,,S,Jas,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4 Finlay St,4,h,1550000,S,Village,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7/87 Gamon St,3,h,770000,VB,Jas,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,160 Hyde St,3,h,871000,S,Jas,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/194 Hyde St,3,h,780000,S,Village,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/27 Stephen St,2,t,650000,VB,Jas,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,41 Sussex St,3,h,770000,SP,Jas,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,147 Williamstown Rd,3,h,851000,S,Jas,3/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,25 Bloomburg St,2,h,1035000,S,Biggin,4/02/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,18/659 Victoria St,3,u,,VB,Rounds,4/02/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Albion,7 Dalworth St,2,h,765000,SA,Barry,4/02/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,1/123 Blyth St,2,t,720000,S,hockingstuart,4/02/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Ascot Vale,42 Archer Av,3,h,895000,S,Nelson,4/02/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,7A Wirraway Ct,3,h,,S,Buxton,4/02/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,4 Mitchell Av,3,h,,SP,Buxton,4/02/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Balwyn,120/188 Whitehorse Rd,1,u,450000,VB,MICM,4/02/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Bentleigh,11A Mortimore St,3,h,1222500,S,Ray,4/02/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,33 Chauvel St,2,h,,S,Buxton,4/02/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/9 Francesco St,3,t,775000,S,Stockdale,4/02/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,5 Holder Pl,4,h,743000,S,Eview,4/02/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,50 Saul Av,4,h,,PN,O'Brien,4/02/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,14 Selkirk Ct,3,h,,PN,Harcourts,4/02/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/527 Balcombe Rd,2,u,700000,PI,Buxton/Buxton,4/02/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1/13 Glen Ebor Av,3,t,900000,S,Barry,4/02/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,2/7 Harrow St,4,h,1065000,S,Ray,4/02/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,4 Horkings St,3,h,1230000,S,Fletchers,4/02/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Broadmeadows,14 Waranga Cr,3,h,395000,S,Raine,4/02/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Bundoora,3 Bernard Cr,4,h,,SP,Ray,4/02/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,163 Highbury Rd,3,h,1151000,S,Buxton,4/02/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,30 Station St,3,h,1755000,S,Buxton,4/02/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,122 Cairnlea Dr,4,t,571000,S,YPA,4/02/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Carrum Downs,16 Charleville Ct,3,h,450000,SP,Harcourts,4/02/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Chadstone,8B Moorong St,4,h,890000,VB,Purplebricks,4/02/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,18B Bath St,3,h,,SP,hockingstuart,4/02/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,2/126 Centre Dandenong Rd,2,u,520000,SP,O'Brien,4/02/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/25 Judd Pde,3,u,756500,S,Eview,4/02/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,20 Glenmorgan Cl,3,h,782000,S,LJ,4/02/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,8 Watchtower Rd,3,h,675000,PI,Walshe,4/02/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Cranbourne East,82 Bradford Dr,4,h,530500,S,Munn,4/02/2016,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Croydon,14 James Rd,3,h,841000,S,Barry,4/02/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,13 Hopetoun St,3,h,565000,S,O'Brien,4/02/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,16 First Av,3,h,670000,S,LJ,4/02/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,914 Ballarat Rd,3,h,466000,S,HAR,4/02/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,91 Pioneer Dr,3,h,466000,SP,FN,4/02/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Doncaster,1/3 Katrina St,4,t,1320000,PI,Ray,4/02/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doreen,15 Lexington Av,4,h,460000,SP,Harcourts,4/02/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,5 Turnstone St,3,h,442500,S,Ray,4/02/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,75 Chestnut Rd,3,h,415000,SP,REMAX,4/02/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Edithvale,72 Lochiel Av,3,h,1039000,SA,O'Brien,4/02/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elwood,4 Wilton Gr,3,t,1395000,S,Pride,4/02/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,1/9 Elaine Cl,3,u,414000,S,Harcourts,4/02/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/9 Elaine Cl,3,u,407000,S,Harcourts,4/02/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Henry Ct,3,h,498000,S,Iconek,4/02/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,89 Lyndarum Dr,3,h,436500,SP,Harcourts,4/02/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 McFarlane Cr,3,h,544000,S,Harcourts,4/02/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,2/96 Cooper St,3,h,911000,S,Rendina,4/02/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Eynesbury,4 Belgrave Av,4,h,398500,S,PRDNationwide,4/02/2016,3338,Western Victoria,852,29.8,Melton City Council +Fawkner,220 McBryde St,3,h,645000,SP,YPA,4/02/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,17 Hancock Dr,4,h,837000,S,Ray,4/02/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Footscray,2/3 Eldridge St,1,u,216000,S,Sweeney,4/02/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Gisborne South,28 Fielding Dr,3,h,700000,S,Daniel,4/02/2016,3437,Northern Victoria,290,45.9,Macedon Ranges Shire Council +Glen Waverley,9 Kawana Cr,4,h,1250000,SP,JRW,4/02/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Hillside,13 Galli Ct,3,h,625000,S,Barry,4/02/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 Queens Pde,4,h,735000,S,Ray,4/02/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Merrett Av,3,h,475000,S,hockingstuart,4/02/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Jacana,69 Lorraine Cr,2,h,461000,S,RE,4/02/2016,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Lodge,15 Laguna Cl,3,h,680000,PI,YPA,4/02/2016,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keysborough,7 Bluebell Wy,4,h,,W,Area,4/02/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,24 Tulip Wy,3,h,737500,S,Area,4/02/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,74 Alpine Wy,4,h,850000,S,Barry,4/02/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Laverton,40 Cropley Cr,4,h,482000,SP,hockingstuart,4/02/2016,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Maidstone,26 Inkerman St,3,h,1200000,SP,Biggin,4/02/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,12 Lindenow St,2,h,927000,S,Purplebricks,4/02/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,32/997 Dandenong Rd,2,u,350000,VB,Ray,4/02/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6 Kynoch La,3,t,560000,VB,Biggin,4/02/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,53 Wests Rd,3,t,560000,VB,Biggin,4/02/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,12 Ellam Ct,3,h,290000,S,Raine,4/02/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,130 Rokewood Cr,1,h,257500,S,Raine,4/02/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,709/480 St Kilda Rd,2,u,520000,VB,Lucas,4/02/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,4/12 Collins St,1,u,245000,PI,C21,4/02/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mitcham,1/32 Alwyn St,3,u,812000,S,Fletchers,4/02/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,50/781 Whitehorse Rd,2,u,750000,S,RW,4/02/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moorabbin,52 Bulli St,3,h,1417250,S,Buxton,4/02/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Murrumbeena,2 Blythe St,3,h,,S,Ray,4/02/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Noble Park,57 Ardgower Rd,3,h,,SN,iSell,4/02/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,5/136 High St,2,u,,PN,Nelson,4/02/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,117 Rooks Rd,3,h,835000,S,Noel,4/02/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh South,4 Montrose St,4,h,876000,S,Buxton,4/02/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,7/30 Walsh St,1,u,250000,VB,Ray,4/02/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Port Melbourne,404/101 Bay St,2,u,550000,S,Buxton,4/02/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Richmond,234 Coppin St,3,h,1102000,S,Dingle,4/02/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/15 River Bvd,2,u,,PI,Biggin,4/02/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,111 New St,3,h,595000,SA,Noel,4/02/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,6 Rotherwood Av,4,h,1010000,S,Ray,4/02/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Roxburgh Park,16 Harvey Ct,3,h,424500,S,Raine,4/02/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Shepherd Av,4,h,457000,S,YPA,4/02/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,3 Jack Ct,3,h,,SP,hockingstuart,4/02/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Southbank,1003/133 City Rd,1,u,,PN,Inner,4/02/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +St Albans,23 Glyndon Av,3,h,600000,SP,Ray,4/02/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,22 Grace St,3,h,550000,SP,Sweeney,4/02/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5/221 Main Rd E,2,u,,PN,YPA,4/02/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,71 Oleander Dr,3,h,580000,SP,Ray,4/02/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,503/109 Inkerman St,2,u,,PI,iTRAK,4/02/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,24 Balmoral Av,4,h,1500000,SP,Rendina,4/02/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Surrey Hills,2/247 Elgar Rd,3,u,930000,S,Fletchers,4/02/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,30 Carrington St,3,h,639000,S,Bells,4/02/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,4 Woronora Wy,3,h,540500,S,Prof.,4/02/2016,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,3 Stanley Pl,5,h,1450000,S,Fletchers,4/02/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Thomastown,6 Milford St,3,h,580000,S,Ray,4/02/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,3/125 Fyffe St,2,t,805000,S,Nelson,4/02/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9 Normanby Av,5,h,1645000,S,Nelson,4/02/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +West Footscray,742 Barkly St,3,h,1415000,PI,Biggin,4/02/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Williams Landing,35 Moorhen Bvd,4,h,600500,S,hockingstuart,4/02/2016,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Yarraville,29 Newcastle St,2,h,890000,S,hockingstuart,4/02/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,5 Charles St,3,h,1465000,SP,Biggin,4/03/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,40 Federation La,3,h,850000,PI,Biggin,4/03/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,40 Clifton St,4,h,1646000,S,Rendina,4/03/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,50 Bedford St,3,h,770000,SP,Nelson,4/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,5 Harrington Rd,3,h,,S,Brad,4/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23 Hart St,2,h,603000,S,Nelson,4/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/80 Hawker St,3,t,700000,S,Brad,4/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/37 Hillside Gr,3,h,600000,S,Maddison,4/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/49 McIntosh St,2,u,500000,VB,Barry,4/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,112 Beaconsfield Pde,3,h,2850000,PI,Buxton,4/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,94 Graham St,3,h,1850000,S,Greg,4/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,14 Merton St,2,h,,SP,Marshall,4/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,396 Montague St,2,h,1436000,S,RT,4/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,14 Delmont St,3,h,730000,S,hockingstuart,4/03/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,12 Wyalong St,2,h,730000,S,Bells,4/03/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,136A Fulham Rd,3,h,1492000,S,Jellis,4/03/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,4 Blyth St,3,h,1120000,S,Barlow,4/03/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,80A Hansen St,4,h,960000,S,Sweeney,4/03/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,21 Hatherley Gr,3,h,750000,SP,Jas,4/03/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3/66 Marion St,2,t,421000,S,hockingstuart,4/03/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,153 Mills St,3,h,1405000,S,Sweeney,4/03/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/70 Misten Av,2,h,,S,hockingstuart,4/03/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,14 Chelsey St,3,h,560000,SP,Biggin,4/03/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,68 Esmond St,4,h,593000,S,Barry,4/03/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,65 Barkly Av,3,h,2050000,S,Marshall,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,28 Cambridge St,3,h,1870000,S,Hodges,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6 Cambridge St,4,h,,SN,Thomson,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/16 Fulton St,2,u,678000,S,hockingstuart,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6 Fulton St,2,h,,PI,Marshall,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,21 Lambeth Av,3,h,,S,Jellis,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/20 Mercer Rd,3,t,1918000,SP,Jellis,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/53 Wattletree Rd,1,u,,SP,hockingstuart,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/77 Wattletree Rd,2,u,660000,SP,hockingstuart,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,12 Willis St,3,h,2050000,S,Marshall,4/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,7 Francis St,3,h,1380000,SP,Nelson,4/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/21 Harold St,2,u,490000,VB,Jellis,4/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,44 The Parade,4,h,1850000,S,Brad,4/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,97 Walter St,3,h,1284000,S,Woodards,4/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,101/218 High St,2,u,500000,VB,Fletchers,4/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,51 Victory Bvd,2,h,1575000,S,Jellis,4/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,50 Warner Av,4,h,1991000,S,Jellis,4/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,31a Douglas St,3,u,1045000,S,Tim,4/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/53 Winbirra Pde,4,h,1200000,SP,Purplebricks,4/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,18 Helm St,3,h,1045000,S,hockingstuart,4/03/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,8 Seabreeze Ct,4,h,,S,hockingstuart,4/03/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,12 Joelle Ct,4,h,,SP,C21,4/03/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,37 Kearney Dr,4,h,1126000,S,Buxton,4/03/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,14 Marinique Dr,3,t,700000,S,Buxton,4/03/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,16 Willowbank Wy,4,h,740000,S,Barry,4/03/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,105 Canning St,3,h,848000,S,Nelson,4/03/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,36 Wood St,4,h,806000,S,Moonee,4/03/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,12/37 Banool Rd,3,t,1400000,PI,Ascend,4/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,32 Bevan St,4,h,,S,Jellis,4/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/30 Cremorne St,2,u,812000,S,Jellis,4/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,27 Parkdale Av,3,h,,VB,Fletchers,4/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,137 Yarrbat Av,4,h,4260000,S,Marshall,4/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,10 Carrington St,7,h,,PI,Marshall,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,49 Fortuna Av,5,h,,S,Marshall,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Highbury St,3,h,2000000,S,R&H,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Kawarren St,4,h,1750000,S,Kay,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,88 Longview Rd,3,h,1450000,VB,Jellis,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,113 Maud St,4,h,2614000,S,Fletchers,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,6 Stuart Ct,4,h,1825000,S,Fletchers,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,61 Sutton St,4,h,2550000,S,Fletchers,4/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,64 Begonia Av,3,h,790000,S,Fletchers,4/03/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/17 Birch St,4,h,,SP,Stockdale,4/03/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2a Cumberland Av,2,u,465000,PI,Ray,4/03/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,5 Keeler Av,3,h,702000,S,Philip,4/03/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,4/71 Greenhill Rd,3,u,,SP,Noel,4/03/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,11 Tintern Av,4,h,836000,S,Stockdale,4/03/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,361 Balcombe Rd,3,h,1190000,S,Hodges,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4/464 Beach Rd,2,u,740000,SP,Hodges,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22 Haywood St,3,h,1555000,S,Buxton,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,15 Hepburn Av,5,h,2310000,S,Ray,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,28 Hepburn Av,3,h,1250000,PI,Nick,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/38 Towers St,3,t,1086000,S,Hodges,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,26 Wattle Av,3,h,1450000,S,Buxton,4/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,1/22 Bent St,2,u,,PI,Buxton,4/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,31 Cushing Av,3,h,,S,Buxton,4/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Park Cr,4,h,2470000,S,hockingstuart,4/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/523 South Rd,3,t,710000,PI,hockingstuart,4/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,127 Tucker Rd,4,h,1260000,PI,hockingstuart,4/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14a Vunabere Av,2,u,896000,S,Ray,4/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,14B Boronia St,3,t,1115000,S,Buxton,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,76 Castlewood St,4,h,1190000,S,Ray,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Edinburgh St,4,h,1270000,S,C21,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/41 Elizabeth St,3,u,1025000,S,Woodards,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/61 Lahona Av,2,u,737500,S,Woodards,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/12 Neville St,3,u,740000,PI,Hodges,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Neville St,4,h,1960000,S,hockingstuart,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2a Rae St,4,t,1000000,PI,Gary,4/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,10 Ezard Cl,4,h,532000,S,Peake,4/03/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,14 Inglis Rd,5,h,850000,VB,Thomson,4/03/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,5/580 Balcombe Rd,2,u,1021000,S,Ray,4/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/53 First St,4,t,2300000,SP,Hodges,4/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/1 Karrakatta St,2,u,,PI,Buxton,4/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/45 Second St,2,u,877000,S,Buxton,4/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,4 Arna St,4,h,,SP,Jellis,4/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,17 Dickens St,4,h,1480000,S,Fletchers,4/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,97 Lake Rd,3,h,,SP,Woodards,4/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,23 Patricia Rd,5,h,2015000,S,Noel,4/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4/37 Williams Rd,2,u,730000,S,RT,4/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,13 Bridgeford Av,4,h,,SP,Philip,4/03/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,112 Surrey Rd,3,h,1000000,S,Fletchers,4/03/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,20 Bindy St,4,h,,SN,Woodards,4/03/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,31 Canora St,3,h,1326000,S,Ray,4/03/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/20 Fulton Rd,2,u,735000,S,Barry,4/03/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,3/22 Bondi Rd,2,u,566000,S,hockingstuart/hockingstuart,4/03/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,8/533 Nepean Hwy,2,u,483500,S,Buxton,4/03/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,56 Rathmullen Rd,4,h,922000,S,Philip,4/03/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,118 Scoresby Rd,3,h,,W,Philip,4/03/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,6/29 Barkly St,2,u,645000,S,McGrath,4/03/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1/1 Cherryhinton St,2,u,790000,S,Noel,4/03/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,4/425 Station St,4,h,880000,S,Ray,4/03/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/3 Vine St,3,t,502000,SP,Sweeney,4/03/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,14 Carpenter St,5,h,,SP,Buxton,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/137 Cole St,2,u,1300000,S,hockingstuart,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/78 Dendy St,3,h,1390000,S,Tiernan's,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Foote St,4,h,4250000,S,Biggin,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/632 Hampton St,2,t,,SP,J,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,133 Head St,4,h,2905000,S,Marshall,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/112 Roslyn St,2,u,1300000,S,Nick,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/119 Roslyn St,3,t,1725000,PI,Buxton,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Webb St,3,h,,S,Marshall,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Whyte St,3,h,2266000,S,Marshall,4/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,26 Binnie St,3,h,,S,Buxton,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22A Camperdown St,3,t,1302500,S,Buxton,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,67 Centre Rd,2,h,1445000,S,Biggin,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,16a Comer St,4,t,,S,Buxton,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3A Denton St,4,t,1350000,PI,Buxton,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Eloura Av,4,h,1840000,S,hockingstuart,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,16 Glencairn Av,4,h,,PI,Buxton,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8 Hansen St,3,h,,SN,McGrath,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,17 Lubrano St,4,h,,SP,Hodges,4/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,11 Cooper St,3,h,550000,S,YPA,4/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,10 Evans Ct,3,h,470000,VB,YPA,4/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/2 Metelman Ct,3,u,386000,SP,YPA,4/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,10 Waverley St,3,h,546000,S,Stockdale,4/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/228 Widford St,3,h,300000,SP,Prof,4/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,4 Viola Av,3,h,790000,SP,hockingstuart,4/03/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,47 Amelia St,3,t,,S,Nelson,4/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/11 Barningham St,2,t,665000,SP,Jellis,4/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15/195 Brunswick Rd,2,u,570000,S,Nelson,4/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,56b Dunstan Av,4,h,1330000,S,Ray,4/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,29 Stewart St,4,h,2230000,S,Nelson,4/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,114/22 Barkly St,1,u,410000,S,Jellis,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/175 Blyth St,2,h,580000,S,Nelson,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1610/182 Edward St,2,u,675000,S,Nelson,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,11 Gale St,3,h,,SP,Re,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,87 Hickford St,3,h,1350000,SP,Jellis,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,6 Kingfisher Gdns,3,t,940000,S,Nelson,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,256 Stewart St,3,h,930000,PI,Nelson,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,215 Weston St,3,h,1495000,S,Nelson,4/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,89 Pearson St,3,h,942000,S,McDonald,4/03/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/13 Walker St,2,u,471000,S,Jellis,4/03/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1 Wallace St,4,h,,S,Nelson,4/03/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,4 Albany Pl,4,h,1303000,SP,Barry,4/03/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4 Greenhill Ct,5,h,1336000,S,Barry,4/03/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,57 Betula Av,4,h,920000,S,Ray,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Hastings St,3,h,791000,S,Ray,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4/83 Janefield Dr,2,u,,PI,Ray,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Judith St,3,h,820000,S,Barry,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Lea Cr,3,h,,PN,Barry,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Nolan Cl,4,h,805000,S,Barry,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Regent Pl,4,h,811000,S,Darren,4/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,45 Barnes Av,5,h,1505000,S,Tim,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,34 Beddows St,5,h,,PI,Buxton,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,20 Gilmour St,6,h,,S,Buxton,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,49 Morton Rd,3,h,,SP,Marshall,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,39 Sixth Av,3,h,935000,S,Purplebricks,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/109 Station St,3,u,686000,PI,Ray,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Waratah Av,3,h,1400000,S,Jellis,4/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,44 Christa Av,3,h,,PI,Fletchers,4/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,61 Newhaven Rd,3,h,,VB,Woodards,4/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,4 Oakham Av,3,h,1050000,SP,Harcourts,4/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,6 Kiama Pl,4,h,,SN,Barry,4/03/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,4 Teal Ct,3,h,,PI,Barry,4/03/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,3A Braeside Av,3,h,,PI,Fletchers,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,15 Butler St,4,h,,S,Jellis,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/1 Collings St,3,h,,PN,Woodards,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Dominic St,5,h,,S,Marshall,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Ellsworth Cr,3,t,1175000,VB,Jellis,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,64 Fordham Av,5,h,2240000,S,Jellis,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,25 Green St,4,h,,PN,Marshall,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22 Netherway St,5,h,2860000,PI,Jellis,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Orrong Cr,3,h,,S,Jellis,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Radnor St,4,h,,S,Jellis,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,81 Rowell Av,3,h,1910000,PI,Marshall,4/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,22 Allenby Rd,3,h,,S,Marshall,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/17 Chatham Rd,4,t,1550000,PI,Noel,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3 Claremont Cr,4,h,,S,Marshall,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2E Hopetoun Av,4,t,,S,Jellis,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/28 Milton St,2,h,765000,S,Jellis,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2 Monomeath Av,5,h,,S,Jellis,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4/31 Monomeath Av,3,u,2130000,S,Jellis,4/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,22 Faraday St,2,h,1460000,S,Nelson,4/03/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,593 Canning St,3,h,1540000,S,Nelson,4/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,112 Newry St,4,h,1425000,S,Nelson,4/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,122 Richardson St,2,h,1725000,S,hockingstuart,4/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,247 Richardson St,3,h,,SP,Nelson,4/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,3/13 Emily St,2,u,510000,S,Marshall,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5 Graceburn Av,4,h,1647000,S,Gary,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/21 Jersey Pde,1,u,255000,S,Ray,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,64 Lyons St,2,h,890000,S,hockingstuart,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/54 Moonya Rd,1,u,346000,S,Woodards,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/78 Moonya Rd,3,t,860000,SP,Gary,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/177 Oakleigh Rd,2,u,586000,S,hockingstuart,4/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield,2/19 Ash Gr,1,u,323000,S,hockingstuart,4/03/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield,4/14 Briggs St,2,u,550000,VB,Gary,4/03/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,15/401 Alma Rd,1,u,,PI,Marshall,4/03/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,12/378 Dandenong Rd,2,u,580000,SP,Abercromby's,4/03/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,18 Muntz St,5,h,,S,Jellis,4/03/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,28 Almond St,5,h,,SN,Gary,4/03/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,15 Dover St,2,h,1065000,S,hockingstuart,4/03/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,41 Teak St,3,h,,SN,Gary,4/03/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,70 York St,5,h,,SN,Gary,4/03/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,35A Hillcrest Av,3,h,1000000,VB,Barry,4/03/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/186 Power Av,2,h,644000,S,McGrath,4/03/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,3/24 Bath St,2,u,650000,S,Eview,4/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,22 Douglas Av,5,h,,SN,Eview,4/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,76 Ella Gr,3,h,750000,S,Eview,4/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/40 Embankment Gr,3,u,895000,S,Buxton,4/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,26 Jacksons Rd,3,h,680000,S,O'Brien,4/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,24 First Av,3,h,720000,S,hockingstuart/hockingstuart,4/03/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,373A Bay Rd,3,t,1020000,S,Hodges,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Cox St,4,h,,S,Hodges,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,120 Devon St,4,h,1226000,S,Ray,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Harpley St,5,h,1601000,S,Ray,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,39 Hilda St,4,h,1288000,S,Charlton,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Holmby Rd,3,h,1320000,S,hockingstuart,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/45 Jean St,2,h,661000,S,hockingstuart,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/2 Maude St,2,t,739000,S,Hodges,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16 Munro Av,3,h,1330000,S,Buxton,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Oak Av,4,h,1150000,PI,O'Brien,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,15 Peters Dr,4,h,1043000,S,O'Brien,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,40 Silver St,4,h,995000,S,Buxton,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,35 Tintern Mw,2,t,657500,S,Harrington,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,55 Wingrove St,3,h,1025000,S,O'Brien,4/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,5 Cypress Ct,4,h,,SN,Barry,4/03/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,23 Newcombe Ct,3,h,,PN,C21,4/03/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1/24 Colonel St,3,u,685000,S,Darras,4/03/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/6 Robinson St,2,u,,PI,Buxton,4/03/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,42 Glenelg Dr,3,h,756000,S,Darras,4/03/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,16 Ireland Rd,3,h,756000,S,Buxton,4/03/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,64 Sylvander St,3,h,,S,C21,4/03/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,16 Spensley St,4,h,,S,Nelson,4/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,21 Cope St,3,h,,S,Jellis,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,21 Craigrossie Av,3,h,1300000,S,McDonald,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,12 Hardwick St,3,h,1010000,S,Jellis,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Mavis St,3,h,1202000,S,Nelson,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,243 Moreland Rd,3,h,1370000,S,Ray,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,61 Murray Rd,2,h,550000,S,hockingstuart,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,45 Portland St,3,h,1000000,VB,Jellis,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Stawell St,3,h,935500,S,Brad,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,35 The Grove,8,u,2250000,PI,Peter,4/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3/1 Headley St,3,t,631000,S,McGrath,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,5/1 Headley St,2,t,600000,S,McGrath,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,24 Newlands Rd,4,h,820000,SP,Brad,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,4 Pixel Cct,3,h,715000,SP,hockingstuart,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Portrait Wy,4,h,,SN,Barry,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,53 Ronald St,3,h,735000,SP,Barry,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,25 Spectrum Wy,4,h,1180000,S,Nelson,4/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,65B Hotham St,2,h,1320000,S,Nelson,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,93 Hotham St,2,h,1430000,S,Jellis,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,15/18 Islington St,3,t,1125000,SP,Nelson,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,4/170 Oxford St,3,u,950000,S,Jellis,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,6/78 Oxford St,2,u,910000,S,Jellis,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,9/22 Stanley St,1,u,452000,SP,Jellis,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,306/40 Stanley St,1,u,440000,VB,Collins,4/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,35 Craigieburn Rd,3,h,,SN,Barry,4/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Explorers Pl,3,h,592500,S,Ray,4/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Field St,3,h,560000,PI,hockingstuart,4/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,58 Gateshead St,3,h,420000,S,Professionals,4/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,54 Sherlock Rd,3,h,600000,S,Philip,4/03/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,12 William Rd,5,h,842500,S,Fletchers,4/03/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,46 Lyons Rd,4,h,936000,S,Jellis,4/03/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong North,164 Outlook Dr,4,h,765000,S,Stockdale,4/03/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,7 Ring Ct,3,h,665000,S,iSell,4/03/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,10 Crest Av,5,h,,S,Marshall,4/03/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,1 Lydia Ct,4,h,3200000,SP,Jellis,4/03/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,1 Walsh St,4,h,2230000,S,Marshall,4/03/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,31 Salmond St,3,h,,PI,Bells,4/03/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,6 Antonie Av,3,h,600000,SP,Barry,4/03/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,330 Taylors Rd,3,h,535000,S,YPA,4/03/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,24 Fernhill Dr,4,h,1152000,S,Ray,4/03/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,22 Glenfern Av,3,h,1100000,PI,Barry,4/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,28 Glenfern Av,4,h,,VB,Fletchers,4/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/4 Gregory Ct,4,t,1231000,SP,Jellis,4/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,12 Murillo Ct,5,h,1535000,PI,Ray,4/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Nola St,3,h,1125000,VB,hockingstuart,4/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,267A Blackburn Rd,5,h,980000,S,Parkes,4/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Bowen Rd,3,h,1185000,S,Barry,4/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Gill St,4,t,1100000,PI,Jellis,4/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/7 Meryl St,3,u,720000,VB,Noel,4/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/1 Woodlea St,4,t,1220000,PI,Jellis,4/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,35 Astelot Dr,3,h,1160000,S,McGrath,4/03/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,23 Glenvale Rd,4,h,775000,S,Fletchers,4/03/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Edithvale,31 Keith Av,2,t,,SN,Barry,4/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,48 Lochiel Av,3,h,1075000,S,O'Brien,4/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,26 Leslie St,3,h,,SN,Woodards,4/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/101 Brougham St,1,u,460000,S,Morrison,4/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3 Madine Wy,3,h,1105000,S,Morrison,4/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,7 Milborne Cr,4,h,900000,SP,Barry,4/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1 Mulberry Ct,3,h,1200000,PI,Morrison,4/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,40 Scenic Cr,3,h,815000,S,Fletchers,4/03/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,15 Stirling Ct,4,h,890000,S,Barry,4/03/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,12/27 Dickens St,2,u,855000,S,hockingstuart,4/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/201 Ormond Rd,3,u,,SP,Chisholm,4/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,301/35 Ormond Rd,2,u,1050000,VB,Chisholm,4/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/57 Ormond Esp,2,u,955000,S,Chisholm,4/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/39 Shelley St,2,u,680000,PI,hockingstuart,4/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,59 Spray St,3,h,1911000,S,Marshall,4/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,2 Aberdeen Ct,3,h,500000,S,Harcourts,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Broadleaf Dr,4,h,596500,S,Iconek,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Cavesson Ct,4,h,600000,S,Harcourts,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,339 Findon Rd,4,h,483000,S,Stockdale,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Kilby Cl,3,h,605000,S,Harcourts,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Loxton Tce,4,h,660000,S,hockingstuart,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,25 Mahon Rd,4,t,,PI,Harcourts,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,97 Tesselaar Rd,4,h,482000,S,hockingstuart,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Worsley Ct,3,h,,PI,Harcourts,4/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,15 Albion St,4,h,900000,SP,Nelson,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/9 Ardoch St,2,u,645000,S,Nelson,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,26 Brewster St,4,h,1965000,S,McDonald,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,52a Deakin St,3,u,840000,S,Nelson,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/10 Kendall St,2,u,702500,S,Nelson,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,76 Ogilvie St,3,h,960000,S,Brad,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Robb St,5,h,,S,Rendina,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,32 Vanberg Rd,4,h,1670000,S,Nelson,4/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Eumemmerring,14 Doveton Av,3,h,757000,S,Hall,4/03/2017,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Eumemmerring,14 Gumbuya Cl,4,h,460000,S,Stockdale,4/03/2017,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Fairfield,96 Perry St,4,h,,S,Jellis,4/03/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,73 Argyle St,3,h,687000,S,YPA,4/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/71 Lynch Rd,2,u,333000,SP,hockingstuart,4/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2A Piper St,3,t,455000,S,Brad,4/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,208 Kerr St,2,h,,S,Nelson,4/03/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,2/148 Barkly St,3,h,1110000,SP,Nelson,4/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,129/4 Bik La,2,u,700000,SP,Collins,4/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,276 McKean St,3,h,2170000,S,Nelson,4/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,59 Newry St,3,h,,S,Jellis,4/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,7/14 Rae St,1,u,358500,SP,Jellis,4/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,24 Taylor St,3,h,1000000,VB,Nelson,4/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,15/17 Ascot Vale Rd,1,u,380000,SP,Biggin,4/03/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,8/39 Dover St,2,u,425000,SP,Hodges,4/03/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1/142 Shields St,1,u,280000,VB,Nelson,4/03/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,8 Buckingham St,3,h,876000,S,Jas,4/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/3 Eldridge St,1,u,227000,S,Sweeney,4/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/15 Geelong Rd,4,t,841000,S,Jellis,4/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/55 Moreland St,2,u,605000,SP,Jas,4/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/30 Pickett St,2,u,305000,PI,Burnham,4/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,8 Boeing Ct,4,h,1055000,S,Noel,4/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Burdon Ct,5,h,1300000,PI,Jellis,4/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,73 Hawthorn Rd,3,h,1103500,S,Ray,4/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Lernes St,4,h,,SN,Woodards,4/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,27 Victor Cr,4,h,1205000,S,Fletchers,4/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,3/13 Reservoir Rd,2,u,380000,SP,U,4/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,119 Woodside Av,4,h,,PN,O'Brien,4/03/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,5 Calshot Gr,4,h,575000,SP,Barry,4/03/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,9 Fleetwood Ct,3,h,590000,S,Ray,4/03/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,17 Royal Av,5,h,1711000,S,Gary,4/03/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,4/58 Bath Rd,2,u,671000,S,Noel,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,52 Denman Av,4,h,1950000,S,Marshall,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/7 Erica Av,3,t,1155000,S,Jellis,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Grandview Av,5,h,,S,Jellis,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Kenilworth Gr,4,h,3110000,S,Jellis,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,43 Pascoe St,3,h,1780000,S,hockingstuart,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/11 Peace St,3,h,1425000,S,Marshall,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12/39 Scott Gr,1,u,,VB,Fletchers,4/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,36 Buller Dr,4,h,1261000,S,Fletchers,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/30 Diamond Av,3,t,922000,S,Ray,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Edith St,2,h,1088000,SP,Buxton,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,41 Fraser St,4,u,1050000,VB,Barry,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Greenwich Ct,4,h,1176000,S,Ray,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4/532 Highbury Rd,2,u,,PI,hockingstuart,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Mannering Dr,4,h,1150000,PI,McGrath,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Montclair Av,3,h,,SN,Stockdale,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Mulgrave St,3,h,1720000,S,Ray,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Summit Cr,5,h,,SN,Ray,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/51 Summit Cr,3,u,,SN,Ray,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,657 Waverley Rd,2,u,750000,S,Ray,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,113 Windella Cr,3,h,952000,SP,Jellis,4/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,13 Acacia St,5,h,850000,PI,Barry,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/38 Finchley Av,3,h,,SP,Nelson,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/45 Isla Av,3,t,565000,S,YPA,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,21 Langton St,2,h,758000,S,Stockdale,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,66 Langton St,3,h,590000,S,Stockdale,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2 Roy St,4,h,550000,VB,Peter,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,42 Sadie St,3,h,822000,S,Stockdale,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,29 Salisbury St,3,h,,PN,Eview,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,15 Stanley St,3,h,980000,SP,Brad,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,15 Valley Cr,2,h,625000,SP,Barry,4/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,12 Bluebell Cr,3,h,791000,S,Nelson,4/03/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,13 Seggan Cir,3,h,500000,S,Nelson,4/03/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,5 Delpura Gln,3,h,665000,S,Morrison,4/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/231 Elder St,3,u,715000,S,Fletchers,4/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9 Girralong Ct,3,h,710000,S,Nelson,4/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,11 Hebden St,3,h,706000,SP,Morrison,4/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7/151 St Helena Rd,3,t,,S,Nelson,4/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Cupar Pl,4,h,1560000,S,Jason,4/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Erskine Ct,4,h,795000,S,Iconek,4/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Glenbrook Ct,4,h,856000,SP,Barry,4/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,14 Largs Ct,4,h,705000,S,Jason,4/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,8 Thornley Ct,4,h,945000,VB,Barry,4/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,26 South St,3,h,810000,S,Holland,4/03/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,70 West St,3,h,840000,S,Barry,4/03/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,2/524 Bluff Rd,5,h,1400000,VB,hockingstuart,4/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,8 Bronte Ct,3,h,1560000,PI,Hodges,4/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9/36 Crisp St,2,u,665000,S,hockingstuart,4/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/88 Fewster Rd,2,u,680000,VB,Buxton,4/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,37b Retreat Rd,4,t,2020000,S,Marshall,4/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,35 Teddington Rd,3,h,1715000,S,Buxton,4/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,9/12 Bartlett St,2,u,400000,S,Greg,4/03/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,118/862 Glenferrie Rd,2,u,610000,PI,Marshall,4/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Osborne Ct,5,h,,S,Marshall,4/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/175 Power St,2,u,575000,S,Nelson,4/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/36 Power St,2,u,600000,S,Nelson,4/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,188e Riversdale Rd,1,u,492000,S,Jellis,4/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/799 Burwood Rd,2,u,420000,PI,hockingstuart,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/28 Caroline St,3,t,1220000,S,Marshall,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,101/38 Harold St,1,u,,VB,Fletchers,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,29 Lawson St,3,h,2875000,PI,Jellis,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,22 Leura Gr,5,h,,S,Jellis,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10 Neave St,2,h,3350000,S,hockingstuart,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/348 Riversdale Rd,2,u,665500,S,hockingstuart,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,66 Roseberry St,3,h,1865000,S,Jellis,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,16 Stewart St,4,h,,SN,Kay,4/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,53 Kingston Rd,4,h,660000,PI,Greg,4/03/2017,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,4/254 Canterbury Rd,2,u,515000,S,Philip,4/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,6 Frances St,3,h,,SN,Barry,4/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,24 Joel Ct,3,h,,SN,Barry,4/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,6 Lee Ct,3,h,939000,S,Philip,4/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,16 Ross Cr,3,h,840000,VB,hockingstuart,4/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,2/168 Hawdon St,2,u,,PI,Ray,4/03/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/81 Rosanna Rd,3,u,620000,S,Fletchers,4/03/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,4 Collins St,3,h,720000,S,Barry,4/03/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,75 Haig St,4,h,1370000,S,Miles,4/03/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/40 St Hellier St,2,h,757000,S,Jellis,4/03/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1/34 Brunei Cr,3,u,535600,S,Barry,4/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,1 Goodenough Ct,3,h,830000,S,Barry,4/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,19 Ramu Pde,3,h,,SN,Barry,4/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,1/11 Setani Cr,2,u,470000,S,Miles,4/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,9 Ashwood Av,4,h,1825000,S,Hodges,4/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,10A Edsall St,4,t,1205000,S,Branon,4/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1064 Nepean Hwy,3,h,1041000,S,Buxton,4/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,7 North Ct,3,h,905000,S,Buxton,4/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,45 Peterson St,3,h,1200000,S,Buxton,4/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,12 Spring Rd,4,h,,SN,Charlton,4/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,12 Avenham Ct,4,h,548000,S,Barry,4/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,42 Bellevue Bvd,3,h,580000,S,O'Brien,4/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,2 Halstead Ct,4,h,,PI,YPA,4/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,19 Highwood Dr,4,h,,W,Prof.,4/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Pembury Wy,4,h,851000,S,Barry,4/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bernhardt Av,3,h,451000,S,YPA,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Berri Ct,3,h,430000,SP,Sweeney,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Bolger Cr,3,h,483000,S,YPA,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,38 Huntingfield Dr,3,h,527000,S,Ray,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1/66 Mossfiel Dr,3,u,,SN,Barry,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Travis Ct,5,h,858500,S,hockingstuart,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,15 Willmott Dr,3,h,491000,S,Ray,4/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,13/30 Maroo St,3,u,855000,S,Ray,4/03/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,2/5 Greville St,2,u,340000,PI,Ray,4/03/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,51 Elphin St,4,h,1450000,VB,Nelson,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,19 Fairy St,4,h,,SN,Miles,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,20 Green St,4,h,2265000,S,Miles,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4 Linton St,3,h,1680000,VB,Miles,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/84 Locksley Rd,2,t,790000,VB,Miles,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,8/74 Marshall St,2,u,440000,SP,Miles,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,33 Thoresby Gr,4,h,2350000,S,Nelson,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/123 Waterdale Rd,3,t,962000,S,Miles,4/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,39 Emu Pde,3,h,551000,S,YPA,4/03/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,166 Sunshine Av,4,h,,SN,Barry,4/03/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,49 Campaspe Cr,3,h,630000,SP,Brad,4/03/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,16 Drew St,3,h,935000,S,Nelson,4/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1 Giuliano Ct,3,h,700000,VB,Nelson,4/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,44 Parkside Av,3,h,746000,S,Moonee,4/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,20 Prospect Dr,3,h,675000,S,McDonald,4/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,15 Viewbank Dr,4,h,816000,S,Barry,4/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,14 Hardiman St,3,h,1470000,S,Nelson,4/03/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,607/255 Racecourse Rd,2,u,630000,S,Nelson,4/03/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,5 Rigby La,3,t,845000,S,Nelson,4/03/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,8 Campbell St,3,h,1528500,SP,Fletchers,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/81 Derby St,2,u,630000,PI,Marshall,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,43 Fernhurst Gr,4,h,1690000,S,RT,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Orford Av,5,h,3820000,S,Marshall,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/27 Pakington St,2,u,610000,SP,Nelson,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Rockingham Cl,4,h,,S,Marshall,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Wellington St,3,h,1490000,S,Nelson,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Wimba Av,5,h,,SN,Kay,4/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,73 Belford Rd,3,h,1750000,S,Jellis,4/03/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,6 Tanner Av,3,h,1880000,SP,Jellis,4/03/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,13 Elise Ct,3,h,730000,S,iSell,4/03/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,21 Cherylnne Cr,4,h,750000,S,McGrath,4/03/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,13 Magnolia Av,3,h,510000,SP,Prof.,4/03/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,17 Myuna Dr,3,h,500000,SP,YPA,4/03/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,88 Queensville St,4,h,,VB,Jas,4/03/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,68 Applewood Dr,4,h,1171000,S,M.J,4/03/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,3/33 Elliot St,3,u,700000,S,Biggin,4/03/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,100 Cyprus St,3,h,620000,S,Love,4/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,70 French St,3,h,590000,S,Love,4/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,14 Moffat Dr,3,h,590000,S,Jellis,4/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,31 Vasey Av,4,h,600000,S,Barry,4/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,9 Bottlebrush Ct,4,h,750000,VB,U,4/03/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Maidstone,4/27 Baird St,3,t,695000,SP,Sweeney,4/03/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3 Hutton St,3,h,880000,SP,Biggin,4/03/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,17 Chesterfield Av,4,h,,S,Jellis,4/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/3 Irving St,2,u,,S,Marshall,4/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,9/3 Irving St,2,u,570500,S,hockingstuart,4/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,17/246 Wattletree Rd,2,u,1350000,VB,RT,4/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1281B Dandenong Rd,4,h,1215000,PI,Thomson,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/919 Dandenong Rd,2,u,447000,S,Thomson,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1 Deakin St,2,h,,SN,Thomson,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Findon St,4,h,2200000,VB,Jellis,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,26 Fisher St,4,h,,S,Jellis,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/2 Green Gables Av,2,u,866000,S,Jellis,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,12 Hilda St,4,h,2200000,VB,Jellis,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5 Langville Ct,4,h,,S,Jellis,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/6 Peverill St,2,u,790000,S,Noel,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 The Grange,4,h,2250000,S,Marshall,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,32 Tooronga Rd,4,t,,PI,Marshall,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/240 Waverley Rd,2,u,587000,S,hockingstuart,4/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,43 Hillsdale Av,3,h,,SP,Avion,4/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,28 Hillside Cr,4,h,961000,S,Brad,4/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3 Village Wy,4,h,979888,S,Nelson,4/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,4/11 Glen Orme Av,3,u,650000,S,hockingstuart,4/03/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,35 Rose St,3,h,1985000,S,C21,4/03/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,14/2 Exhibition St,2,u,1160500,S,Kay,4/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,203/350 La Trobe St,3,u,940000,VB,hockingstuart,4/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,15/27 Queens Rd,4,u,,PI,Buxton,4/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,702/598 St Kilda Rd,3,u,1525000,S,Marshall,4/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,38 Falcon Dr,3,h,282500,PI,Ray,4/03/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,4 Pinkerton St,4,h,611000,S,hockingstuart,4/03/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,11 Raleighs Rd,5,h,,SN,Barry,4/03/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,1/44 Unitt St,2,u,,PI,Raine,4/03/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton West,52 Chelmsford Wy,6,h,190000,S,Ryder,4/03/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,3 Emerald Ct,4,h,320000,PI,Ray,4/03/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/252 Balcombe Rd,2,t,732000,S,Hodges,4/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9 Chicquita Cct,2,t,630000,S,hockingstuart,4/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/84 Latrobe St,1,t,1625000,PI,Buxton,4/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4 Ord Ct,3,h,1118500,S,Thomson,4/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,140 Everard Rd,3,h,390000,S,Harcourts,4/03/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,77 Langdon Dr,4,h,430000,S,Harcourts,4/03/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,96 Hambleton St,3,h,2956000,S,Marshall,4/03/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,3 Bundy Pl,4,h,730000,S,Harcourts,4/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Fishburn Ct,4,h,,SN,Harcourts,4/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Valadero Ct,3,h,560000,S,Ray,4/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,13 Villosa Ct,3,h,810000,S,Biggin,4/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,402/339 Mitcham Rd,2,u,470000,VB,Stockdale,4/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/5 Rupert St,2,u,580000,PI,Barry,4/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15 Simpson St,3,h,1263000,S,Jellis,4/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7A Lightfoot St,4,h,,S,Marshall,4/03/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,33 Airlie Rd,4,h,1300000,PI,Barry,4/03/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,34 Napier Cr,3,h,831000,S,Barry,4/03/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,12 Wellington St,3,h,872000,S,Buckingham,4/03/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,69 Aberfeldie St,4,h,1780000,S,Brad,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,12 Athol St,6,h,2150000,VB,Nelson,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10 Chaucer St,5,h,1730000,S,Jellis,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,43 Chaucer St,3,h,1440000,S,Nelson,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,119 Eglinton St,3,h,,SP,McDonald,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/108 Pascoe Vale Rd,3,t,,S,Barry,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,14 Scotia St,4,h,1225000,SP,Nelson,4/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,10 Avon St,3,h,980000,SP,Buxton,4/03/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,32a Fiddes St,4,t,1135000,PI,Hodges,4/03/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,48 Matilda Rd,3,h,1110000,S,Woodards,4/03/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,36 Central Av,3,h,,SN,Barry,4/03/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,20 Statesman Cr,3,h,692000,SP,Max,4/03/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,39 McDonald St,4,h,1260000,PI,O'Brien,4/03/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,16 Parsons St,3,h,1130000,SP,Ray,4/03/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,2/34 Briggs St,3,t,800000,S,Buxton,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/47 Doynton Pde,3,h,950000,PI,hockingstuart,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Fairview Rd,4,h,1290000,S,McGrath,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Princetown Rd,5,h,1593000,S,Reed,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14/38 Sampson Dr,3,t,835000,S,hockingstuart,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/14 St Albans St,3,u,1200000,SP,Jellis,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/2 St Cloud Ct,3,t,1160000,S,Fletchers,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Wallabah St,4,h,1380000,S,Harcourts,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Wilga St,3,h,,SP,Fletchers,4/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,11 Cloverdale Ct,3,h,,PI,Biggin,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Denver Cr,4,h,919000,S,Barry,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,27 Exhibition Dr,3,t,870000,S,Ray,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,47 Hansworth St,4,h,928000,S,Ray,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,15 Morawa Dr,4,h,840000,S,Ray,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/90 Portland St,4,t,,PI,Ray,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/3 Roberts Av,3,u,,SN,Biggin,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Tusmore Pl,3,h,770000,S,Ray,4/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1/22 Gerald St,4,t,1100000,SP,hockingstuart,4/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,537 Neerim Rd,4,h,1500000,S,hockingstuart,4/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,11 Perth St,3,h,1470000,S,Hodges,4/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,200 Centre Rd,4,h,650000,SP,O'Brien,4/03/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,59 Saxonwood Dr,4,h,680000,SP,O'Brien,4/03/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,71 Springfield Dr,4,h,745000,S,Eview,4/03/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,44 Challis St,2,h,800000,S,Williams,4/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/30 Charlotte St,3,t,862000,S,RT,4/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/8 Laurie St,3,t,863000,S,Jas,4/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/118 Woods St,3,u,850000,PI,hockingstuart,4/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/217 Woods St,3,h,785000,S,Raine,4/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,32 Diamond St,3,h,1235000,S,Brad,4/03/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,46 Joffre St,3,h,,PI,Barry,4/03/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,10 Langold Ct,3,h,700000,VB,O'Brien,4/03/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/6 Nithsdale Rd,3,h,546000,S,Ray,4/03/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,2/63 Brougham St,2,u,726000,S,Jellis,4/03/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,8 Haines St,3,h,1340000,S,W.B.,4/03/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,70 Munster Tce,2,t,1105000,S,Jellis,4/03/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,19 Shands La,2,t,841000,S,Jellis,4/03/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,65 Bastings St,3,h,1310000,PI,Jellis,4/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Claude St,2,h,1035000,S,Nelson,4/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,220 Victoria Rd,3,h,1980000,S,McGrath,4/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/162 Westgarth St,2,u,592000,S,Collins,4/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4 Wilmoth St,3,h,1335000,S,Ray,4/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,3 Hunsford Av,4,h,,SN,Biggin,4/03/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,291 Springvale Rd,4,h,1111000,S,Jellis,4/03/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,7 Cartwright St,4,h,1350000,S,Eview,4/03/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oaklands Junction,24 The Ridge,5,h,810000,S,RE,4/03/2017,3063,Northern Metropolitan,146,24.3,Hume City Council +Oakleigh,128 Atherton Rd,2,h,1010000,S,Ray,4/03/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,32 Leumear St,3,h,1161000,S,Buxton,4/03/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,11 Nonna St,3,h,1125000,S,Woodards,4/03/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,16 Alleford St,3,h,875000,S,Buxton,4/03/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,157 Clarinda Rd,3,h,,S,Ray,4/03/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,3/10 Ormond Rd,1,u,290000,VB,Ray,4/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,4 Thompson St,3,h,1708000,S,C21,4/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/316 Tucker Rd,2,h,758000,S,Buxton,4/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,9 Greenway Dr,5,h,690000,S,Ray,4/03/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,3/3 Davey St,2,u,,SN,Barry,4/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,25 Elm Gr,3,h,1166000,S,Buxton,4/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2B Royal Pde,2,t,780000,S,Hodges,4/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,23 Alexandra St,3,h,780000,S,Brad,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,44a Austin Cr,4,h,1276000,S,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/10 Dorset Rd,3,u,600000,S,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3 Hazel Gr,3,h,1465000,S,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,15 Joffre Rd,2,h,,SP,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,17 Kaumple St,3,h,,SN,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,16 Stennis St,4,h,955000,S,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8 Wicklow St,3,h,767000,S,Brad,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,31 Zenith St,4,h,1196000,S,Nelson,4/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,32 Heatherbell Av,4,h,701000,S,hockingstuart,4/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,56 Malibu Bvd,4,h,,SN,Ray,4/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,1203/115 Beach St,3,u,,PI,Marshall,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,802/127 Beach St,2,u,1250000,VB,hockingstuart,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111/99 Dow St,2,u,575000,VB,hockingstuart,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,66 Dunstan Pde,4,h,1915000,S,Marshall,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2/48 Esplanade Pl,2,u,850000,SP,Buxton,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,190 Nott St,3,h,,SN,Chisholm,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,22 Park Sq,3,h,1630000,S,Marshall,4/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,14 Bowen St,2,h,,S,Jellis,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,30 Harvey St,2,h,,SP,Jellis,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20/67 High St,1,u,492000,S,hockingstuart,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12 Lexton Gr,4,h,,S,RT,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,61a Princes St,3,t,1660000,PI,Marshall,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/4 Rae Ct,1,u,500500,S,Biggin,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7/36 Wynnstay Rd,2,u,,PI,Kay,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6 Wynnstay Rd,3,h,1240000,S,hockingstuart,4/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,151k Albert St,2,t,508000,S,RW,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,46 Dunstan St,2,h,835000,S,Nelson,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,111 Gower St,3,h,637000,S,Love,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Kendall St,3,h,1265000,S,hockingstuart/Barry,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Kenneth St,3,h,1100000,PI,Love,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,64 Malpas St,4,h,1082000,S,hockingstuart,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 Olver St,2,t,715000,S,Barry,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,672 Plenty Rd,5,h,630000,PI,hockingstuart,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,82 Raglan St,2,h,837000,S,Nelson,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Rayner Ct,4,h,,SN,Barry,4/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2/16 Cheddar Rd,2,t,490000,S,Nelson,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Frier Av,3,h,911000,S,Stockdale,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,686 High St,3,h,805000,S,Barry,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Hughes Pde,4,h,770000,S,Love,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,54 Lloyd Av,3,h,659500,S,Barry,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Lucille Av,3,h,660000,S,Barry,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/16 Odowd St,3,u,645000,S,Nelson,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Powell St,3,h,1005000,S,Harcourts,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Queen St,2,h,931000,S,Barry,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Rodman St,2,h,810000,S,Barry,4/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,23 Abinger St,3,h,,PI,Marshall,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,502/39 Bosisto St,1,u,437500,SP,Biggin,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,412/10 Burnley St,1,u,421000,SP,Biggin,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/24 Davison St,2,u,479000,S,Biggin,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,78 Davison St,5,h,3200000,SP,Jellis,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28/81 Edinburgh St,2,u,479000,S,Jellis,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,31 Hunter St,3,h,,SP,hockingstuart,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,32 Jubilee Pl,2,h,1042500,S,hockingstuart,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,318/185 Lennox St,2,u,655000,PI,hockingstuart,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,45 Lord St,2,h,1130000,S,Biggin,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,414/6 Lord St,2,u,561000,S,Biggin,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,101/18 Tanner St,2,u,635000,S,Biggin,4/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,30 Caroline St,2,h,950000,SP,Carter,4/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,12 Leonard St,3,h,790000,S,Barry,4/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,25 Sherbrook Av,2,h,,SN,Woodards,4/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,40 Tandarra Dr,6,h,1700000,S,Fletchers,4/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Wattle Av,3,h,991000,S,Carter,4/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1/5 Eastfield Rd,3,h,673000,S,Fletchers,4/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,19 Marwarra St,3,h,935000,S,Carter,4/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,16 Morinda St,6,h,1206000,S,Jellis,4/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,8 Teak Av,3,h,,S,Fletchers,4/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/1 Wood St,2,h,,SN,Barry,4/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,3/110 Brighton Rd,2,u,,PN,Gary,4/03/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,36 Victoria Av,4,h,1040000,S,Miles,4/03/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,5 Boyden Sq,4,h,665000,PI,@Realty,4/03/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,234 Sandhurst Bvd,3,h,530000,VB,Harcourts,4/03/2017,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,108 Bamfield St,2,h,1551000,S,Buxton,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,113/220 Bay Rd,2,u,,PI,Marshall,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5/91 Bay Rd,2,u,800000,PI,Obrien,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/153 Beach Rd,3,t,,S,hockingstuart,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5 Francis St,5,h,2210000,PI,Marshall,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,12 Nelson St,4,h,2215000,S,Buxton,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,76 Sandringham Rd,4,h,1590000,PI,Hodges,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,72 Spring St,4,h,1650000,S,Hodges,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,45 Victoria St,4,h,4680000,S,hockingstuart,4/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,2/119 Austin Rd,3,t,505000,SP,Buxton,4/03/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,3/145 Austin Rd,2,u,423000,SP,Hodges,4/03/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,25 Mountain St,3,h,1270000,S,hockingstuart,4/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,168 Napier St,3,h,,S,Marshall,4/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,38 Tribe St,3,h,2633000,S,Marshall,4/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,16 Gledswood Av,4,h,632500,S,Ray,4/03/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Jackson St,4,h,,SN,Barry,4/03/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,34 Albion St,3,h,,S,Jellis,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/53 Caroline St,1,u,422000,S,hockingstuart,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/7 Cromwell Rd,3,t,,SN,Kay,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/18 Darling St,2,u,535000,S,hockingstuart,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/9 Darling St,2,u,990000,SA,Williams,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,13/31 Kensington Rd,3,u,,SN,hockingstuart,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/32 Marne St,2,u,695000,PI,Kay,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,276 Punt Rd,3,h,,S,Greg,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,503/99 River St,2,u,978500,S,hockingstuart,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/6 Tivoli Pl,2,u,863000,S,hockingstuart,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/178 Toorak Rd,1,u,340000,VB,Jellis,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/176 Walsh St,2,u,680000,S,Jellis,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/47 Wilson St,2,u,840000,PI,Jellis,4/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,716/22 Dorcas St,1,u,385500,S,LITTLE,4/03/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,24/105 Southbank Bvd,2,u,685000,S,hockingstuart,4/03/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,408A Melbourne Rd,1,u,1015000,S,Douglas,4/03/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,1/8 Morwick St,4,t,882500,SP,Sweeney,4/03/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,26 Mein St,4,h,880000,S,iSell,4/03/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,62 Erica Av,3,h,,SN,Barry,4/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,84 Henry St,3,h,,PN,FN,4/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,26 James St,3,h,640000,S,Prof.,4/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,10 Lima St,3,h,788000,S,O'Brien,4/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,10/81 Alma Rd,2,u,495000,PI,Buxton,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,71 Barkly St,5,h,2000000,VB,Wilson,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/352 Canterbury Rd,2,u,500000,S,Wilson,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/45 Chapel St,2,u,690000,S,McGrath,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,26/12 Clyde St,2,u,530000,PI,Buxton,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,59 Clyde St,3,h,1891000,S,Marshall,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/23 Foster St,2,h,1000000,S,hockingstuart,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,48 Greeves St,4,h,2000000,VB,Gary,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,32 Gurner St,4,h,2220000,S,hockingstuart,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14 Kipling St,5,h,,S,Marshall,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/33 Robe St,3,u,1500000,VB,Castran,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,91 Spenser St,4,h,2455000,S,Frank,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7 Victoria St,3,h,2000000,VB,Wilson,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/62 Wellington St,1,u,500000,SP,Biggin,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/69 Wellington St,2,u,685000,S,Greg,4/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunshine,17 Barnard Ct,3,h,735000,S,Sweeney,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,160 Cornwall Rd,3,h,1001000,S,Jas,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,7 High St,3,h,780000,S,Sweeney,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1 Markstone Ct,2,h,710000,S,S&L,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,24 Martin St,4,h,1350500,S,Bells,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,15 Mellor St,3,h,745000,SP,Biggin,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2A Ritchie Ct,2,h,490000,S,Sweeney,4/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,10 Gresford St,3,h,701000,S,Douglas,4/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,13 Troon Cr,3,h,680000,SP,Douglas,4/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,86 Allison St,3,h,,SP,Barry,4/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,141 Ridgeway Pde,4,h,,SP,Barry,4/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,6/38 Boisdale St,2,u,640000,VB,Jellis,4/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,28A Chestnut St,4,t,,PI,Fletchers,4/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/19 Elm St,2,u,745000,S,Jellis,4/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,34 Albert Rd,4,h,710000,SP,Prof.,4/03/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,53 Harmony Dr,3,h,503000,S,hockingstuart,4/03/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,49 Rainbow Wy,4,h,,SN,Barry,4/03/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,34 Balmain Cct,4,h,709000,S,Barry,4/03/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,3 Mavora Ct,4,h,925000,S,Barry,4/03/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,12 Akma Ct,4,h,723000,S,Ray,4/03/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,3 Currumbin Ct,4,h,650500,S,Peter,4/03/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Hammersley Ct,3,h,775000,S,Barry,4/03/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,60 Anderson St,2,h,1489000,S,Fletchers,4/03/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,6 Boonah Ct,5,h,1050000,PI,Barry,4/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,11 Corroboree Pl,4,h,1257000,S,Barry,4/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,40 Mincha Av,5,h,,SN,Barry,4/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,57 Mincha Av,3,h,,SP,Barry,4/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/11 Pentlowe Av,4,t,1065000,S,Jellis,4/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,2/26 Heyington Av,2,u,260300,S,Love,4/03/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,167 Main St,4,h,620500,S,Harcourts,4/03/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,5/66 Collins St,2,t,630000,PI,Ray,4/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/133 Darebin Rd,2,u,,SP,Love,4/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,184 Raleigh St,4,h,1428888,SP,Miles,4/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,43 Wilmoth St,5,h,,SP,Nelson,4/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,49 Canterbury Rd,3,h,,VB,Kay,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/18 Lansell Rd,3,u,,S,Marshall,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/635 Malvern Rd,2,u,876000,S,Jellis,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/765 Malvern Rd,2,u,620000,S,hockingstuart,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,31 Mathoura Rd,4,h,,SN,RT,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/9 Monomeath Av,3,u,,SN,RT,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,684 Orrong Rd,4,h,5500000,S,Marshall,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13 Ruabon Rd,2,h,1300000,VB,David,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16 Tashinny Rd,3,h,1689000,S,Kay,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,34/530 Toorak Rd,2,u,517500,S,hockingstuart,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/568 Toorak Rd,3,u,1100000,VB,Rodney,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/12 Trawalla Av,1,u,750000,PI,Williams,4/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,6 Montezuma Av,4,h,,SN,Barry,4/03/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,2 Forum Pl,3,h,589000,SP,YPA,4/03/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,3 Marie Cl,3,h,630000,S,Jason,4/03/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,21 Holyrood Dr,4,h,902000,SP,Harcourts,4/03/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,61 Scott St,4,h,966000,S,Barry,4/03/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,1/585 Burwood Hwy,2,h,582000,S,Purplebricks,4/03/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,85 Martins La,4,h,920250,S,Nelson,4/03/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Rosebud Pde,4,h,1080000,S,Miles,4/03/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Warranwood,7 Warranwood Rd,3,h,,SP,Philip,4/03/2017,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,9 Grace St,3,h,1000000,S,Buckingham,4/03/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,17 Longmuir Rd,3,h,785000,S,Barry,4/03/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,6 Larose Pl,3,h,,PI,Harcourts,4/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,38 Swan St,3,h,412000,S,hockingstuart,4/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,81 Clive St,5,h,,SP,hockingstuart,4/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,29 Devonshire St,4,h,710000,PI,Sweeney,4/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,12/119 Essex St,2,u,510500,SP,Jas,4/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,15 Glamis Rd,2,h,,SP,Sweeney,4/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,90 Pitt St,4,h,837000,S,Sweeney,4/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,38 Wellington St,3,h,850000,S,Sweeney,4/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,2/26 Hillcrest Dr,2,t,510000,S,Barry,4/03/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,105 Raleigh St,3,h,568000,S,Raine,4/03/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,4 Elkins Ct,3,h,1000000,S,Barry,4/03/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,13 Tereva Cr,3,h,,SP,Biggin,4/03/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,35 Chandler St,4,h,1400000,PI,hockingstuart,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,43B Cole St,3,h,1800000,VB,Raine,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Long St,2,h,1050000,S,Sweeney,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,22 Station Rd,2,h,850000,SP,Greg,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,19 Verdon St,4,h,2910000,SP,Greg,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,56 Verdon St,3,h,2910000,SP,Greg,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,7 Victoria St,4,h,2640000,S,Williams,4/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,8 Eastbourne St,3,h,,SN,Biggin,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,344 High St,3,h,2302000,S,Marshall,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,54a Hornby St,2,h,1045000,S,Marshall,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,47 James St,3,h,,SN,Biggin,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,39 McIlwrick St,4,h,2050000,PI,Marshall,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1/60 McIlwrick St,2,u,611000,S,Hodges,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,146 Punt Rd,3,h,,SP,hockingstuart,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,52 The Avenue,4,h,,S,Jellis,4/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,32 Allendale Av,4,h,457000,S,Love,4/03/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,17 Vanin St,3,h,,SN,Barry,4/03/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,20 Milton Dr,3,h,415000,SP,YPA,4/03/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,27 Windsor Av,3,h,366000,SP,Sweeney,4/03/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,8 Ovata Cl,4,h,915000,S,Barry,4/03/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,60 Adeney St,3,h,960000,S,Sweeney,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,76 Bishop St,4,h,1235000,SP,Jas,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,16A Gordon Pde,3,t,670000,PI,Jas,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/11 Goulburn St,2,h,960000,S,Village,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5 Hood St,2,h,1000000,VB,Village,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,13 Pearce St,2,h,710000,S,Chisholm,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,109 Powell St,3,h,1320000,S,Jas,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,13 Simpson St,3,h,1100000,VB,Village,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7/88 Stephen St,2,u,782000,S,hockingstuart,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,34 Wilkins St,3,h,931000,S,Douglas,4/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,55a Park St,4,h,1600000,VB,Nelson,4/06/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,45 Vida St,4,h,,PI,Rendina,4/06/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,4/9 West Ct,2,t,420000,VB,Barry,4/06/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/36 York St,3,t,500000,VB,Nelson,4/06/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albion,29 Norwood St,3,h,593000,SP,Sweeney,4/06/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,20 Linnet St,4,h,780000,PI,Sweeney,4/06/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,29 Rose St,4,h,1780000,SP,Greg,4/06/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,16 Farrant Ct,3,h,525000,S,hockingstuart,4/06/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,81 Rosebery St,3,h,470000,S,hockingstuart,4/06/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,33 Carthy St,3,h,683000,S,FN,4/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,47 Ginifer Av,3,h,,SN,Barry,4/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,16 Harris St,3,h,623000,S,Sweeney,4/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,12 Alleyne Av,4,h,,S,RT,4/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/10 Denbigh Rd,2,u,,SP,hockingstuart,4/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/71 Denbigh Rd,2,u,700000,VB,Jellis,4/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11/17 Myamyn St,2,u,3625000,S,Jellis,4/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,526 Orrong Rd,4,h,3000000,VB,Jellis,4/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,98 Epsom Rd,3,h,971000,SP,Nelson,4/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,8 Geddes St,2,h,710000,PI,Nelson,4/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,75 Maribyrnong Rd,6,h,2425000,PI,Brad,4/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,119 Roseberry St,2,h,750000,SP,Maddison,4/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,25 Station Av,2,h,840000,S,Brad,4/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,2 Benghazi Av,3,h,1425000,S,Jellis,4/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3 Dunlop St,3,h,1555000,S,Jellis,4/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,36 Morotai Av,2,h,1417000,S,Buxton,4/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,18 Montrose St,2,h,1075000,VB,Jellis,4/06/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,22 Second Av,3,h,1090000,SP,Biggin,4/06/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,2 Arbor Tce,4,h,1155000,S,Nelson,4/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,3 Karen Ct,3,h,670000,VB,Nelson,4/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,6 Lovett Dr,4,h,1200000,S,Nelson,4/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,12 Skewes St,3,h,636000,S,Nelson,4/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,51 Sycamore Gr,3,h,,SP,Chisholm,4/06/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,9/5 Boston Rd,3,h,1140000,S,Nelson,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Gordon St,3,h,2330000,S,Marshall,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,40 Metung St,5,h,2800000,VB,Marshall,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2a Pryton Ct,4,h,,S,Marshall,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/42 Talbot Av,2,u,,S,Fletchers,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/30 Weir St,2,u,605000,S,Marshall,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/37 Yongala St,3,h,1255000,PI,Noel,4/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,62 Maud St,4,h,,S,hockingstuart,4/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,38 Nevada St,4,h,1570000,SP,Jellis,4/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Osburn Av,3,h,,PI,Ray,4/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14c Lance Rd,2,u,563000,S,Noel,4/06/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,60 Sinclair Rd,6,h,,PI,Biggin,4/06/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,8 Keith St,3,t,915000,S,hockingstuart,4/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10 Mary St,4,h,,SP,Hodges,4/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,74 Oak St,4,h,1900000,S,Buxton,4/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,24a Pacific Bvd,3,t,1270000,S,Hodges,4/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,1/10 Poplar Cr,3,t,,PI,Barry,4/06/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,37 Godfrey St,4,h,2700000,S,hockingstuart,4/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,174 Jasper Rd,3,t,900000,PI,hockingstuart,4/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15 Miles St,3,h,1100000,VB,Buxton,4/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,143 Patterson Rd,7,h,1005000,S,Ray,4/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13 Somers St,3,h,1317500,S,Buxton,4/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/48 Abbin Av,2,t,742000,S,hockingstuart,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,88b Bignell Rd,4,t,,S,Buxton,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/25 Birdwood St,2,u,495000,S,Woodards,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8a Bray Ct,2,u,570000,S,hockingstuart,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Brooks St,4,h,1220000,S,Hodges,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/348 Chesterville Rd,3,u,,S,hockingstuart,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Claronga St,3,h,885000,S,C21,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17a Edinburgh St,3,t,830000,PI,Buxton,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,49 Gowrie St,4,h,1137500,S,Woodards,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Konrad St,4,h,1100000,S,Hodges,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,39 Lesden St,3,h,1020000,S,Buxton,4/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,1/7 Arranmore Av,2,u,705000,S,Chisholm,4/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,80 Bluff Rd,3,t,1350000,VB,Buxton,4/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,29 Stanley St,4,h,1930000,S,Buxton,4/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,35 The Ridge,3,h,1380000,S,Bekdon,4/06/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,2 Bindy St,4,h,,SN,Barry,4/06/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,156 Blackburn Rd,6,h,1125000,VB,RT,4/06/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Holroyd Ct,3,h,,SN,Woodards,4/06/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,17 Sandgate Rd,5,h,1000000,S,Allens,4/06/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,15 Cannes Av,3,h,,PN,R&H,4/06/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,2/601 Nepean Hwy,3,t,,SP,hockingstuart/hockingstuart,4/06/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,13a Boronia Rd,4,h,,SN,Biggin,4/06/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,6 Crotty Rd,4,h,670000,S,Philip,4/06/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,29 Iris Cr,2,h,800000,PI,K.R.Peters,4/06/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1 Jolie Gr,3,h,,S,Christopher,4/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/10 Skewes St,3,u,495000,S,Bells,4/06/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,23 Albert St,4,h,2910000,S,Marshall,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/14 Asling St,2,t,,S,Hodges,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,30 Barkly St,3,h,2100000,S,Buxton,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,111 Carpenter St,6,h,2700000,S,Kay,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/4 Seaview Av,3,h,,SP,Nick,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/18 Waterloo St,3,t,,SP,Buxton,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/21 Were St,2,u,760000,S,RT,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/78 William St,2,u,800000,S,Hodges,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/97 Wilson St,3,t,1750000,S,Buxton,4/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,16a Billson St,2,h,980000,S,Hodges,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Cummins Rd,4,h,,VB,Buxton,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,153 Dendy St,4,t,,S,Buxton,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Florence St,4,h,1495000,S,Nick,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Francis St,5,h,,S,Marshall,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,12 Meyer Ct,4,h,1825000,PI,Buxton,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Robinson St,5,h,1700000,VB,Marshall,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,109 Thomas St,5,h,1400000,VB,Buxton,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,12 Thomas St,3,h,1075000,PI,hockingstuart,4/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,58 Cuthbert St,3,h,270000,VB,Barry,4/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Rupert Ct,3,h,524800,SP,Stockdale,4/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,31 Walsh St,3,h,270000,SP,Ray,4/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,1/182 Albion St,3,h,1050000,SP,hockingstuart,4/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11/97 Brickworks Dr,2,u,410000,S,Ray,4/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/15 De Carle St,1,u,272500,PI,Walshe,4/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/3 Donald St,3,h,680000,PI,Nelson,4/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/36 Dunstan Av,2,t,677000,S,Joseph,4/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/789 Park St,1,u,,S,Jellis,4/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,11/22 French Av,2,t,,SP,hockingstuart,4/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,55 King St,4,h,1550000,S,Woodards,4/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,4/1 Allard St,2,u,473000,S,Harrington,4/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5 Halpin St,3,h,1200000,S,Nelson,4/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,106 Hunter St,3,h,,S,Ray,4/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/91 Melville Rd,2,u,,S,Brad,4/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6 Shamrock St,3,h,,S,Nelson,4/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,42 Whitby St,4,h,930000,S,Nelson,4/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,130 Manningham Rd,3,h,880000,PI,Barry,4/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,40 Riverview Tce,3,h,980000,S,Barry,4/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,6a Tobruk St,3,t,975000,PI,Fletchers,4/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,38 Cameron Pde,4,h,617250,S,Ray,4/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Carbeen Dr,4,h,,SN,Barry,4/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Darren Av,3,h,,SN,Barry,4/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,18 Hibiscus Av,3,h,708000,S,hockingstuart,4/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Panorama Cl,4,h,620000,PI,Ray,4/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,18 Fydler Av,3,h,435000,S,Barry,4/06/2016,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,2/2 Aylwin Av,2,u,604000,S,Fletchers,4/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2 Elgar Rd,3,h,1300000,S,Marshall,4/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1 Leopold St,3,h,,SN,Woodards,4/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,48 Station St,3,h,1160000,S,Greg,4/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,16 Inverness Ct,3,h,,SN,Barry,4/06/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1/569 Camberwell Rd,2,h,950000,SP,Jellis,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Gowar Av,4,h,2285000,PI,Jellis,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9/43 Inglesby Rd,2,u,615000,S,Noel,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/21 Kalang Rd,3,t,,SN,RT,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Lansell Cr,3,h,1950000,S,Marshall,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,89 Radnor St,3,h,1987000,S,Jellis,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/28 Stodart St,2,u,683000,S,RT,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Thomas St,3,h,1690000,PI,hockingstuart,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19/1295 Toorak Rd,2,u,430000,VB,Jellis,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/926 Toorak Rd,2,u,717000,SP,Noel,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Webster St,4,h,,VB,Jellis,4/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,80 Highfield Rd,2,h,,S,Marshall,4/06/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3/13 Wattle Valley Rd,2,u,830000,S,Century,4/06/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,8/31 Bouverie St,3,u,860000,PI,Woodards,4/06/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,4/5 Anzac St,2,u,772000,S,hockingstuart,4/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,42 Margaret St,4,h,1506000,S,Jellis,4/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/78 Moonya Rd,3,t,675000,PI,Gary,4/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/314 Neerim Rd,2,u,525000,SP,hockingstuart,4/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/9 Poplar Gr,1,u,290000,S,Ray,4/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/66 Woornack Rd,1,u,363000,S,hockingstuart,4/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Chadstone,2/44 Railway Pde S,3,u,700000,S,Bekdon,4/06/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/85 Argyle Av,1,u,290000,PI,hockingstuart,4/06/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,4/20 Hilda St,2,u,606000,S,Buxton,4/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/4 Janice Av,3,t,810000,S,OBrien,4/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/20 Jean St,3,u,810000,SP,hockingstuart,4/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,42 Tulip Gr,3,h,840000,PI,Hodges,4/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/1 Wedd St,2,u,380000,VB,Buxton,4/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,43b Weymar St,3,h,720000,S,Hodges,4/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,37 Clubpoint Dr,4,h,670000,VB,hockingstuart,4/06/2016,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,1/6 Cantala St,4,t,,PI,Buxton,4/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,138 Moriah St,2,h,905000,S,Greg,4/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,47 Thompson St,3,h,960000,SP,Biggin,4/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/61 Bevan Av,4,h,,SP,hockingstuart,4/06/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,231 Westall Rd,3,h,901000,S,Barry,4/06/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,66 Noone St,2,h,780000,S,Harrington,4/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,5/118 Roseneath St,3,t,,S,Collins,4/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,18 Autumn St,4,h,,SN,Barry,4/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,171 Moreland Rd,4,h,145000,PI,Jellis,4/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,191 Ohea St,4,h,905000,S,LITTLE,4/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,114 The Avenue,3,h,,S,Nelson,4/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,33 Wellington St,3,h,860000,S,Peter,4/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,27 McMahons Rd,3,h,864000,S,Nelson,4/06/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,13 Berrima Cl,3,h,387000,S,Ray,4/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Emerald Cct,4,h,470000,SP,hockingstuart,4/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Madison Dr,4,h,613822,SP,LJ,4/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,103 Newbury Bvd,3,h,,SN,Barry,4/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Renfrey Pl,4,h,,SN,Barry,4/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,72 Cubitt St,2,h,1000000,S,hockingstuart,4/06/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,5 Gough Pl,2,h,725000,S,Jellis,4/06/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,2/72 Bayswater Rd,4,h,,SN,Barry,4/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,18 Todd Ct,3,h,,PI,Barry,4/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,8 Helston Ct,4,h,775000,PI,Hoskins,4/06/2016,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,7 Barnard Cr,4,h,,SP,Fletchers,4/06/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,3 Paddlewheeler Pkt,5,h,880000,S,Carter,4/06/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,13 Schoning Ct,4,h,794000,SP,hockingstuart,4/06/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,12 Elray Av,3,h,476000,S,Hall,4/06/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,47 Hemmings St,3,h,1005000,S,Barry,4/06/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,58 Brady Rd,3,h,,SN,Barry,4/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,20 Dorset Rd,4,h,680000,SP,HAR,4/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,2 Huckson Ri,5,h,,SP,McGrath,4/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,3 Fyffe St,4,h,623000,S,Buckingham,4/06/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,10 The Parkway,3,h,,SN,Barry,4/06/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,31 Golfwood Cl,4,h,915000,S,Ray,4/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,1905/1 Point Park Cr,3,u,1220000,SP,Barry,4/06/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,6 Acheron St,4,h,,SP,hockingstuart,4/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,18 Buckingham Cr,4,h,1390000,PI,Ray,4/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,8/3 Carnarvon St,3,u,700000,PI,Barry,4/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,28 Larkspur Av,3,h,880000,PI,Barry,4/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,13 Argus Cr,3,h,,S,Barry,4/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,67 Bowen Rd,4,h,1150000,S,Jellis,4/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,39 Dehnert St,4,h,1325000,S,Barry,4/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Hallifax Ct,4,h,,S,Barry,4/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Richard St,2,h,1065000,S,Hoskins,4/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8a Hope Av,3,h,805000,PI,Jellis,4/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,128 Kidds Rd,3,h,,PI,O'Brien,4/06/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,3 Power Rd,3,h,380000,S,hockingstuart,4/06/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,124 Powlett St,3,h,3520000,S,Jellis,4/06/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,67 Hughes Av,3,h,,SN,hockingstuart/hockingstuart,4/06/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2a Natal Av,3,h,940000,PI,Hodges,4/06/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,11 Prentice St,4,h,,S,Biggin,4/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,52a Trevelyan St,2,u,930000,S,hockingstuart,4/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,126 Franklin St,3,h,680000,S,Barry,4/06/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,23 John St,5,h,965000,S,Barry,4/06/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,47 Valonia Dr,4,h,952000,SP,Barry,4/06/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,1 Hollyoak Ri,4,h,1131000,S,Barry,4/06/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,12 Parry Rd,3,h,800000,S,Buckingham,4/06/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,8/203 Brighton Rd,2,u,790000,S,Marshall,4/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/99 Tennyson St,2,t,,S,Chisholm,4/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,13 Rhonda Cl,3,h,,PI,Hall,4/06/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,26 Axebridge Cct,4,h,485000,PI,hockingstuart,4/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,88 McDonalds Rd,4,h,,SN,HAR,4/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Nolan Dr,4,h,431000,SP,Harcourts,4/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,242 Buckley St,3,h,1100000,VB,Nelson,4/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,54 Lawson St,4,h,1325000,S,Brad,4/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,55 Richardson St,4,h,1800000,S,Nelson,4/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/12 Schofield St,2,u,,PI,Professionals,4/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,3 Oshannassy St,3,h,1580000,S,Barry,4/06/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,17 Hoffmans Rd,4,h,1422000,S,Nelson,4/06/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Eumemmerring,21 Eumemmerring Dr,3,h,450000,SP,Stockdale,4/06/2016,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Eumemmerring,26 Eumemmerring Dr,4,h,530000,S,iSell,4/06/2016,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Fairfield,197 Wingrove St,3,h,1125000,S,Jellis,4/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,56 Alec Cr,3,h,,SN,Barry,4/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1b McDougall St,2,h,378000,S,Re,4/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,20 Greeves St,2,h,,S,Nelson,4/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,51 Rae St,2,h,770000,SA,Nicholson,4/06/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,307/240 Barkly St,2,u,,W,Sweeney,4/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2 Panorama Dr,4,h,850000,PI,Ray,4/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,1 Alvina Ct,3,h,,SN,Barry,4/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/21 MacOrna St,3,h,,SN,Barry,4/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/21 MacOrna St,2,h,,SN,Barry,4/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,126 McMahons Rd,3,h,,PN,Asset,4/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Mincha St,3,h,605000,S,Ray,4/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,17 Silver Av,3,h,306000,S,O'Brien,4/06/2016,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,11 Blair Av,3,h,,SN,Barry,4/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,91 Fleetwood Cr,3,h,670000,S,Belmar,4/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,31 Gowrie Av,5,h,,SN,Barry,4/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,129 Peters Rd,3,h,750000,VB,Raine,4/06/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,29 Aylesbury Cr,3,h,540000,SP,Barry,4/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,35 Barrington Cr,3,h,460000,S,Barry,4/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,7/15 Manchester Gr,2,u,695000,S,Woodards,4/06/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,122/115 Neerim Rd,2,u,390000,S,Woodards,4/06/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,4 Aitchison Av,2,u,1090000,S,hockingstuart,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,48 Alfred Rd,3,h,1530000,S,Jellis,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Bridges St,4,h,1900000,PI,Jellis,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16/219 Burke Rd,1,u,,SN,Thomson,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16/69 Carroll Cr,2,u,475000,S,Noel,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Charles St,3,h,,SP,RT,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,45 Charles St,2,h,1500000,S,Marshall,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Chester St,3,h,1360000,PI,Fletchers,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,149 Finch St,4,h,,SN,Abercromby's,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,56 Gardiner Pde,5,h,2175000,S,Fletchers,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Hope St,3,h,,S,Kay,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Nerissa St,3,h,,S,Jellis,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Renwick St,4,h,2325000,PI,Marshall,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/76 Summerhill Rd,3,t,,S,Marshall,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,123 Tooronga Rd,3,h,,S,Jellis,4/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,14 Galahad Cr,4,h,,PI,Fletchers,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Gauntlet Av,4,h,,S,hockingstuart,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Kinnoull Gr,5,h,,SN,HAR,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,45 Myers Av,3,h,2089000,S,Ray,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Rangeview Ct,5,h,,PI,Ray,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Remington Dr,5,h,1468000,SP,HAR,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Snowden Dr,4,h,,PI,HAR,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Valiant Ct,4,h,,SN,HAR,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3a View Rd,4,t,,SN,Ray,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5/781 Waverley Rd,4,t,772000,S,Biggin,4/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,28 Centre Wy,3,h,645150,SP,Stockdale,4/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,20 Leonard Av,2,h,607000,S,Barry,4/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,76 Outlook Dr,5,h,,PI,YPA,4/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,3/12 Adeline St,3,t,622500,S,Darren,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/7 Ester St,2,u,500000,S,Darren,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,104 Greenhill Rd,3,h,725000,S,Morrison,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,25 Greenmeyer Ct,4,h,775000,S,Morrison,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/159 Grimshaw St,2,t,450000,S,Buckingham,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,39 Hume St,3,h,,PI,Barry,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9 Musgrove Ct,4,h,755000,S,Barry,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,65 Pinehills Dr,3,h,,PI,Darren,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Spring St,4,h,802000,S,Darren,4/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Aberdeen Av,4,h,,PN,Stockdale,4/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,24 Galloway Ct,4,h,700000,PI,Barry,4/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,101 Horizon Bvd,4,h,,PI,Ray,4/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,10 Langton Wy,4,h,,PI,Paul,4/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,16 Bedford St,5,h,585000,S,YPA,4/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,41 Davies St,4,h,772500,S,Stockdale,4/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,21a Edgar St,3,u,465000,SP,Brad,4/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,6b Poole Av,4,t,1610000,S,Buxton,4/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,25a Teddington Rd,3,t,,S,Buxton,4/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,71b Teddington Rd,3,h,,S,Hodges,4/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1a Walker Av,5,t,1750000,VB,Buxton,4/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,17a Leith Cr,3,t,640000,PI,Buxton,4/06/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,9 Widdop Cr,3,h,1081000,S,Charlton,4/06/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,16/5 Denham St,2,u,891000,S,Marshall,4/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/5 Finchley Ct,2,u,806000,S,Noel,4/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,523 Glenferrie Rd,4,h,,SN,Gary,4/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Lawes St,3,h,1575000,S,Jellis,4/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,36 Mason St,3,h,,SP,Jellis,4/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,23 Melville St,2,h,1155000,S,Jellis,4/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/78 Campbell Rd,3,t,1500000,VB,Kay,4/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/31 Havelock Rd,3,u,875000,S,Kay,4/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,58 Canterbury Rd,3,h,750000,PI,Jellis,4/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,7 Erica Cr,3,h,,SN,Barry,4/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,13 Woodlands Rd,3,h,,SN,Barry,4/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,18/74 Darebin St,3,u,985000,SP,Miles,4/06/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/96 Porter Rd,3,h,740600,S,Nelson,4/06/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,59 Southern Rd,3,h,580000,VB,Miles,4/06/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,141 Dougharty Rd,4,h,,W,YPA,4/06/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,62 Ramu Pde,3,h,330000,S,Barry,4/06/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,11/2 Thistle Gr,2,u,452000,S,Buxton,4/06/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,22 Langmore Dr,3,h,738000,S,Barry,4/06/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,117 Morris Rd,4,h,,SP,Melbourne,4/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,689 Tarneit Rd,4,h,1055000,S,Sweeney,4/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,5 Leigh St,3,h,920000,S,Ray,4/06/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,35 Ross St,3,h,,S,Woodards,4/06/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,9 Cook St,3,h,981000,S,Nelson,4/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,20 Locksley Rd,4,h,2400000,S,Jellis,4/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/11 Oriel Rd,3,t,890000,S,Nelson,4/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,10 Brazilia Av,4,h,431000,S,Brad,4/06/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,9 Wotan Cl,3,h,585000,S,Brad,4/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,26 Limestone Av,4,h,1100000,VB,Nelson,4/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,74 Lincoln Dr,4,h,845000,S,Brad,4/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,154 Milleara Rd,3,h,725000,S,Nelson,4/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,403/72 Altona St,2,u,492500,S,Pagan,4/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2/65 Bayswater Rd,2,u,420000,VB,Alexkarbon,4/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1 Scarborough Pl,2,t,650000,S,Nelson,4/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1/162 Stockmans Wy,3,t,620000,S,Rendina,4/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,56 Tennyson St,3,h,1050000,S,Edward,4/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,45 Barrington Av,3,h,,S,Jellis,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,74 Charles St,5,h,,SP,Jellis,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/233 Cotham Rd,2,u,,PI,Nelson,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14/25 Derby St,2,u,588000,S,Jellis,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1 First Av,4,h,1380000,PI,Jellis,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16a Gladstone St,3,t,1185000,PI,Jellis,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/76 Studley Park Rd,3,u,882000,S,Marshall,4/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,106 Kilby Rd,5,h,1950000,VB,hockingstuart,4/06/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,13 Hansen Rd,4,h,,PI,Biggin,4/06/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,77 Grevillea Rd,3,h,440000,S,YPA,4/06/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,4 Yale Wk,4,h,430000,S,YPA,4/06/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,31b Cash St,3,h,568500,S,Harcourts,4/06/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,134 Chirnside St,3,h,1155000,S,Jas,4/06/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,154 Chirnside St,3,h,,SP,Biggin,4/06/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,120 Dalray Cr,4,h,295000,S,Raine,4/06/2016,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,362 Edgars Rd,4,h,477000,S,Prof,4/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,13/34 Glenmore St,3,t,485000,S,Barry,4/06/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,25 Torbay St,4,h,830000,S,Nelson,4/06/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,4/116 Ballarat Rd,2,t,,SP,Sweeney,4/06/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/45 Cathcart St,2,u,485000,S,Jas,4/06/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,21 Pullar St,3,h,490000,SP,Jas,4/06/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,95 Claremont Av,4,h,2325000,S,Jellis,4/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,35 Dixon St,3,h,2050000,S,Jellis,4/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8/6 Finlayson St,2,u,,S,hockingstuart,4/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,12 Hornsby St,4,h,2300000,S,Jellis,4/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3 Plant St,4,h,3460000,S,Jellis,4/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,5 Anfield Ct,4,h,1185000,S,Marshall,4/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,31 Berrima Av,4,h,1550000,PI,Marshall,4/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,48 Darling Rd,3,h,,SN,Gary,4/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,29 Lakeside Cr,4,h,1650000,VB,Biggin,4/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,408/44 Skyline Dr,1,u,,W,Pagan,4/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,8/42 Wests Rd,2,t,355000,SP,Biggin,4/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2/16 Wembley Gr,3,t,880000,S,C21,4/06/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,2306/265 Exhibition St,2,u,780000,SP,Galldon,4/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1703/8 Franklin St,2,u,,SN,Pagan,4/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1707/8 Franklin St,2,u,595000,SP,Greg,4/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2/30 Queens Rd,1,u,370000,VB,Buxton,4/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,121/461 St Kilda Rd,2,u,2138000,S,Rodney,4/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,184/461 St Kilda Rd,3,u,2030000,S,Marshall,4/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,6 Clyve Av,3,t,1130000,SP,Buxton,4/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/30 Mentone Pde,2,u,600000,S,Buxton,4/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9/27 Milan St,2,u,,S,Hodges,4/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9/29 Milan St,2,u,695000,S,Buxton,4/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,13 Woolshed Av,3,h,373000,S,Love,4/06/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,2/61 Canterbury Rd,2,u,535000,S,hockingstuart,4/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mitcham,43 Churinga Av,3,h,955000,S,Carter,4/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Nymph St,4,h,1000000,S,Noel,4/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 The Glade,4,h,867000,SP,Noel,4/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2 Gawler Ct,5,h,,S,Fletchers,4/06/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,71 Victoria Cr,4,h,1666000,S,Jellis,4/06/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,20 Calrossie Av,6,h,910000,S,Darren,4/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,17 Elmo Rd,3,h,1225000,S,Barry,4/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/12 Nokes Ct,3,h,640000,S,Barry,4/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moorabbin,38 Grandview Gr,2,h,950000,SP,Buxton,4/06/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,5a Narooma St,4,t,,SN,hockingstuart,4/06/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1a Rodney St,3,h,750000,PI,hockingstuart,4/06/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,8b William St,4,h,1140000,SA,Buxton,4/06/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,7 Ashton Av,3,h,601000,SA,hockingstuart,4/06/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,26 Affinity Cl,4,h,1030000,S,Barry,4/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9 Edith St,4,h,,PN,Barry,4/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,31 Aldrin Dr,5,h,,PI,Buxton,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Carrol Gr,5,h,,S,Jellis,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,60 Darbyshire Rd,3,h,1326000,S,Stockdale,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Farquharson St,3,h,1680000,SP,Buxton,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Illuka Cr,3,h,,PI,HAR,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/20 Meadow Cr,3,t,780000,S,Jellis,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/14 Windsor Av,4,t,1000000,PI,Jellis,4/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,17 Edgbaston Wy,3,h,600000,S,HAR,4/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3 Churchill Cl,3,t,1160000,S,hockingstuart,4/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,84 Dalny Rd,3,t,1100000,S,hockingstuart,4/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9 Stewart St,3,h,820000,PI,Woodards,4/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/13 Toward St,2,t,690000,S,hockingstuart,4/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9 Winston Wy,4,h,1580000,S,Woodards,4/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,45 Coachwood Cr,5,h,,PI,Barry,4/06/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,1/24 Maddox Rd,3,u,,W,RT,4/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/24 Maddox Rd,3,u,760000,PI,RT,4/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,70 Market St,4,h,710000,S,Greg,4/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,473 Melbourne Rd,3,h,920000,VB,Williams,4/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,46 River St,4,h,940000,VB,Williams,4/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,4/67 Hoffmans Rd,2,u,457000,S,Brad,4/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3/42 Sapphire St,2,u,660000,S,Barry,4/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2e The Avenue,3,t,661000,S,Biggin,4/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,7 Mark Ct,3,h,540000,SP,Hall,4/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Newman Av,3,h,,PI,Barry,4/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,5 Valerie St,3,h,,PN,Hall,4/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,6/49 Haines St,2,u,528500,SP,Woodards,4/06/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,24/101 Leveson St,2,u,585000,SA,Edward,4/06/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,39 Barry St,3,h,1710000,PI,Collins,4/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,51 Kellett St,4,h,1590000,SP,Jellis,4/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15 Leonard St,3,h,,S,Nelson,4/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/2 McCracken Av,3,h,905000,S,Nelson,4/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Simpson St,6,h,2000000,SP,Nelson,4/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7/9 Walker St,2,u,466000,SP,Nelson,4/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,10 Saniky St,4,h,875000,S,Buxton,4/06/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,156 Central Rd,3,h,1041000,S,Jellis,4/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/13 Cartwright St,4,h,670000,VB,hockingstuart,4/06/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,8/105 Atherton Rd,2,h,305000,PI,Ray,4/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/77 Burlington St,3,h,845000,S,Ray,4/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,5 Windsor Av,3,h,,S,Woodards,4/06/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/498 North Rd,2,u,600000,S,Woodards,4/06/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,9 Queen St,4,h,1920000,S,Buxton,4/06/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,26 Marriott St,4,h,1330000,S,Buxton,4/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,69 McIndoe Pde,3,h,880000,S,Hodges,4/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/98 Warrigal Rd,2,u,580000,VB,Buxton,4/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,40 Cade Wy,5,h,1300000,PI,Nelson,4/06/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,507 Royal Pde,4,h,,S,Jellis,4/06/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,24 Alexandra St,3,h,731000,S,Brad,4/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,8 Oceanic Dr,4,h,810000,S,RW,4/06/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,13 Cavendish Dr,4,h,,SN,Barry,4/06/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,467 Bay St,2,h,1000000,S,Marshall,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,89 Cruikshank St,3,h,1470000,S,Marshall,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,212/50 Dow St,2,u,725000,VB,Cayzer,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,175 Farrell St,2,h,1234500,S,hockingstuart,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2/2 Graham St,2,u,600000,VB,Greg,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,164 Liardet St,3,h,1342000,S,Chisholm,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,510/166 Rouse St,1,u,500000,S,Greg,4/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,506/220 Commercial Rd,3,u,1400000,S,hockingstuart,4/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,68 Donald St,3,h,,S,Jellis,4/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,76/108 Greville St,3,u,685000,PI,hockingstuart,4/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,18/300 High St,2,u,630000,S,Biggin,4/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,203/11 Hillingdon Pl,3,u,710000,S,Edward,4/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,13 Garnet St,2,h,,SN,Barry,4/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,64 James St,3,t,717000,S,Nelson,4/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,191 Tyler St,3,h,950000,SP,Ray,4/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/9 Walsh St,3,t,,SP,Nelson,4/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,24 Maroong Dr,5,h,,SP,Barry,4/06/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Research,27 Research Av,5,h,,SN,Barry,4/06/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,3a Carrington Rd,3,t,770000,SA,Nelson,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/54 Dumbarton St,2,t,400000,SP,Nelson,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Massey Av,3,h,750000,S,Barry,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Odowd St,2,h,535000,S,Ray,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/71 Pine St,2,u,,S,Ray,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/170 Spring St,2,t,575000,VB,Ray,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Xavier Gr,3,h,920000,S,Nelson,4/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,247 Church St,3,h,1010000,PI,Jellis,4/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,32 Duke St,2,h,1025000,S,Jellis,4/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/6 Lord St,2,u,555000,S,Biggin,4/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,193 Mary St,2,h,1102000,S,Biggin,4/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,36 Arlington St,2,h,1300000,S,Fletchers,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1a Herbert St,3,h,620000,PI,Fletchers,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,31 Ireland St,5,h,,SP,Carter,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/26 New St,2,u,500000,SP,Barry,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/13 Pitt St,3,u,548000,S,Fletchers,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,62 Ringwood St,3,h,1100000,S,ASL,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,65a Wantirna Rd,3,u,,SN,Woodards,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,75 Wantirna Rd,3,h,900000,SP,Fletchers,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,38 Wonga Rd,3,h,780000,S,Fletchers,4/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,16 Terrigal Cl,4,h,,SN,Barry,4/06/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,28a Brassey Av,3,h,765000,SP,Nelson,4/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,21 Darvall St,2,h,971000,S,Miles,4/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,9 Jolliffe Cr,3,h,830000,VB,Miles,4/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,3 Alberton Av,3,h,442000,S,Ray,4/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,6 Centaurus Av,4,h,454000,S,Nelson,4/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,25 Lachlan Cr,3,h,425000,S,Stockdale,4/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,20 Parnell Ct,4,h,385000,S,YPA,4/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,4 Volantis Cr,3,h,432000,S,Raine,4/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,10 Meredith St,3,h,1804000,S,Buxton,4/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,13 Lucas Cr,3,h,,SN,Barry,4/06/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,38 Lily St,3,h,1325000,VB,Jas,4/06/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,42 Watt St,4,h,930000,S,Sweeney,4/06/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,144 Cobden St,3,h,1405000,PI,Greg,4/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,616/22 Dorcas St,1,u,,PI,Pagan,4/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,16/63 Dorcas St,2,u,575000,SP,Greg,4/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,3 Park Pl,1,u,760500,S,Marshall,4/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,37 Belinda Ct,3,h,437500,S,Ray,4/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,27 Featherpark Tce,3,h,410000,S,Ray,4/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Grant Ct,3,h,477500,S,Love,4/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Nouvelle Gr,4,h,545000,S,Millership,4/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,12 Warbler Wk,5,h,,SN,Millership,4/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,605/800 Chapel St,2,u,,W,Beller,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1106/1 Clara St,1,u,450000,SP,RT,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,29/100 Commercial Rd,3,u,750000,S,Marshall,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,13/55 Darling St,2,u,650000,PI,RT,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/33 Kensington Rd,2,u,,PI,Marshall,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/2 Lawson Gr,1,u,420000,S,hockingstuart,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/34 MacFarlan St,2,u,775000,SP,hockingstuart,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,20/30 Mona Pl,2,u,572000,SP,hockingstuart,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,507/99 River St,1,u,510000,S,Beller,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12 Witchwood Cl,3,t,1460000,PI,hockingstuart,4/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,9/81 Dodds St,3,u,868000,SP,Greg,4/06/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,4/55 Kavanagh St,2,u,590000,S,Marshall,4/06/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,293/88 Kavanagh St,2,u,530000,VB,Greg,4/06/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,5 Lee Av,3,h,,SP,Grant's,4/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,6 McLeod St,2,h,785000,S,Leyton,4/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,11 Nash St,4,h,660000,PI,Stockdale,4/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,2 Regina St,3,h,621000,PI,iSell,4/06/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,14 Cox St,3,h,545500,S,People,4/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,22 Gumtree Cl,3,h,,SN,Barry,4/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,21a Percy St,3,t,510000,S,Sweeney,4/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,32/10 Acland St,1,u,380000,S,Whiting,4/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/63 Carlisle St,2,u,465000,S,Marshall,4/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/1 St Kilda Rd,3,u,616000,S,Pride,4/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,1/11 Dagonet St,2,u,,PI,Brad,4/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/9 Lloyd St,3,t,,SN,Considine,4/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,90 Woodland St,5,h,,S,Brad,4/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,1/408 Mascoma St,3,h,530000,S,Nelson,4/06/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunshine,143b Cornwall Rd,2,h,483000,SP,Douglas,4/06/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,19 Balcombe St,3,h,555000,SP,Douglas,4/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,100 McIntyre Rd,3,h,490000,PI,Douglas,4/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,68 Sandford Av,3,h,505000,PI,Douglas,4/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,13 Wiltshire St,3,h,620500,S,Sweeney,4/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,87 Nicholson Pde,3,t,450000,SP,Douglas,4/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1 Guildford Rd,3,h,,S,Jellis,4/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2a Russell St,2,h,,S,Jellis,4/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6 Shepherd St,3,h,2100000,S,hockingstuart,4/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,480 Whitehorse Rd,3,h,1700000,VB,Fletchers,4/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,71 Stagecoach Cr,4,h,561500,S,YPA,4/06/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,6 Twilight Pl,5,h,570000,SP,RW,4/06/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,9 Benmore Ct,4,h,625000,S,Barry,4/06/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,6 Waranga Wy,3,h,490000,S,Barry,4/06/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,69 Apollo Rd,3,h,560000,S,Barry,4/06/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,5 Kalbarri Ct,4,h,615000,S,Professionals,4/06/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,1 Rutherglen Wy,3,h,496000,S,Barry,4/06/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,8 Berkefeld Ct,6,h,2500000,VB,Abercromby's,4/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Chiswick Ct,5,h,1400000,S,Jellis,4/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,14 Hillcroft Dr,5,h,1060000,PI,Barry,4/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,17 Montclair Ct,4,h,1035000,VB,Barry,4/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,24 Corroboree Pl,4,t,,SN,Allens,4/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,65 Glenair St,3,h,1101000,S,Barry,4/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/28 Hazel Dr,3,u,641000,S,Jellis,4/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,19/246 High St,3,t,736500,S,Jellis,4/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,40 Ironbark Dr,8,h,1150000,PI,Barry,4/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,5 Laloma Ct,4,h,1000000,VB,Jellis,4/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,363 Forest Rd,4,h,550000,PI,Professionals,4/06/2016,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,49 Bates Av,3,h,405000,S,Melbourne,4/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,30 Cumberland Cr,3,h,479000,S,Harcourts,4/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Toorak,11/14 Lansell Rd,3,u,1101000,SP,hockingstuart,4/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/29 May Rd,1,u,430000,PI,Dixon,4/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/698 Orrong Rd,2,u,,S,hockingstuart,4/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/3 Tahara Rd,2,u,701500,S,Kay,4/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,2303/18 Mt Alexander Rd,2,u,,W,Ray,4/06/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,101 Federation Bvd,4,h,,W,RW,4/06/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,16 Fenton Ct,4,h,462000,SP,RW,4/06/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1/32 Banksia Gr,2,u,399000,S,Nelson,4/06/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,7/6 Strathconnon Sq,2,t,398500,S,Stockdale,4/06/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Upwey,105 Alexander Av,2,h,,SP,Abley,4/06/2016,3158,Eastern Victoria,2591,29.3,Yarra Ranges Shire Council +Vermont,8 Arlington Wk,4,t,725000,S,Fletchers,4/06/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,641 Canterbury Rd,5,h,1360000,S,Ray,4/06/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,4 Evans Ct,4,h,1075000,S,M.J,4/06/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,5 Howqua Ct,3,h,,SN,Woodards,4/06/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,6 Adley Ct,4,h,,SP,hockingstuart,4/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,16 Canowindra Cl,3,h,1209000,S,M.J,4/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,271 Hawthorn Rd,4,h,880000,PI,Noel,4/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,1 Karina La,4,h,1000000,S,Harcourts,4/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,3 Moray Gr,5,h,1090000,PI,M.J,4/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,37 Eamon Dr,3,h,770000,S,Barry,4/06/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,14 Rosemary Ct,4,h,730000,PI,Miles,4/06/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,13 Harmsworth Av,3,h,770000,S,Professionals,4/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,39 Kidderminster Dr,4,h,,PI,Barry,4/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,65/105 Mountain Hwy,3,t,,PI,Allens,4/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,67 Raheen Av,5,h,735000,S,Ray,4/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Selborne Cl,4,h,,PI,Biggin,4/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,5 Piccadilly Av,4,h,1270000,S,HAR,4/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,29 Tate Av,3,h,,SN,Barry,4/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,5 Sarong St,3,h,600000,SP,Barry,4/06/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,86 Ashley St,4,h,850000,S,Sweeney,4/06/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,115 Abbotsford St,3,h,1260000,S,Alexkarbon,4/06/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,302/118 Dudley St,1,u,,W,Pagan,4/06/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,10/18 Ireland St,1,u,460000,PI,Nelson,4/06/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,306/145 Roden St,2,u,,PI,Edward,4/06/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,96 Roden St,3,h,2370000,S,Alexkarbon,4/06/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,15 Broad St,3,h,545000,SP,Barry,4/06/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,1 Denham Ct,4,h,540000,SP,Barry,4/06/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,6 Cope Ct,4,h,940000,PI,Barry,4/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,24 Strathconnan Pl,4,h,1525000,VB,Barry,4/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,69 Moorhen Bvd,3,h,546000,S,RW,4/06/2016,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,110 Bayview St,3,h,1200000,S,RT,4/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,27a Perry St,4,h,2000000,S,Sweeney,4/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,64 Twyford St,4,h,3130000,S,RT,4/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Yarraville,6 Clarendon St,3,h,910000,S,Village,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1a Court St,2,h,796000,SP,Jas,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3 Cuming St,2,h,856000,S,Greg,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,40 Freeman St,3,h,670000,VB,Village,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,25 Gray St,4,h,706000,S,Jas,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8 Gray St,3,h,,S,Jas,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,101 Roberts St,3,h,1050000,S,hockingstuart,4/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Albanvale,83 Fairfax Cct,3,h,,W,YPA,4/08/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,70 Mills St,3,h,,SP,Marshall,4/08/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,65 Moubray St,4,h,,SN,Greg,4/08/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,42 Pickles St,4,h,,SN,Ray,4/08/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,2/165 Maidstone St,3,t,,PI,hockingstuart,4/08/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,15 Dixon Ct,4,h,600000,S,Ray,4/08/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Ardeer,252 Forrest St,3,h,701000,S,Barry,4/08/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,107 Maxweld St,2,h,630000,S,Burnham,4/08/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,2/17 Northcote Rd,3,h,1364000,S,Marshall,4/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,76 Sutherland Rd,4,h,,S,Marshall,4/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,60 Kent St,4,h,1380000,S,Rendina,4/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,11 Vears Rd,4,h,,S,Marshall,4/08/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,36 Douglas St,3,h,,S,Buxton,4/08/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Attwood,23 Innkeepers Wy,5,h,,PN,Stockdale,4/08/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,4A Dumas Av,2,h,550000,PI,Nelson,4/08/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn North,345 Doncaster Rd,2,h,,PI,Philip,4/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1A Page St,4,h,2500000,VB,Fletchers,4/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Tormey St,4,h,,PI,Jellis,4/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/39 Trentwood Av,2,u,806000,SP,Ham,4/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,43 Terama Cr,3,h,765000,S,iTRAK,4/08/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,195 Balcombe Rd,4,h,1300000,S,Buxton,4/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4b Mariemont Av,4,t,,VB,Buxton,4/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,17 Woff St,3,h,1650000,S,Chisholm,4/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/544 Centre Rd,2,u,743000,S,Buxton,4/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/81 Daley St,3,u,681000,S,hockingstuart,4/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,19 Gilmour Rd,4,t,,VB,Darras,4/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/10 Pleasance St,2,t,898000,S,Jellis,4/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,6 Hill St,3,h,1100000,VB,Woodards,4/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,46 Latham St,3,h,,SP,Jellis,4/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,374 McKinnon Rd,4,h,1400000,PI,Jellis,4/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,26 Molden St,3,h,,SP,Gary,4/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Noora Av,4,t,1225000,PI,Jellis,4/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,31 Central Av,4,h,,SP,Buxton,4/08/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,5/169 Surrey Rd,4,t,890000,VB,RW,4/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Boronia,12 Rothan Av,4,h,740000,PI,Barry,4/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Braybrook,18 Balmoral St,5,h,,PI,Douglas,4/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,12 Carlton Ct,3,h,,VB,Barry,4/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2 Hancock Cr,3,h,695000,S,hockingstuart,4/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,12 Orange St,3,h,,SN,S&L,4/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2 Palmer St,3,h,690000,PI,Douglas,4/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,6/1 Clarkson Av,3,t,1360000,S,Jellis,4/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,107 Head St,4,h,,SN,Nick,4/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Wilson St,4,h,,PI,Nick,4/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,32A Charles St,4,t,1950000,S,Jellis,4/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,32a Nepean St,2,h,455000,SP,YPA,4/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,116 Waranga Cr,3,h,550000,PI,Stockdale,4/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,167 Widford St,3,h,450500,S,YPA,4/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,37/97 Brickworks Dr,1,u,,PI,Ray,4/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Bruce St,3,h,1350000,PI,Holland,4/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,34 Charles St,3,h,1150000,VB,Brad,4/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,24a Davies St,2,h,975000,SP,Nelson,4/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,118 Barkly St,3,h,,SN,Ray,4/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,22 Jarvie St,2,h,950000,PI,Del,4/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,103/100 Nicholson St,1,u,335000,PI,Nicholson,4/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,27 Hunter St,3,h,1200000,S,Nelson,4/08/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,7A Lincoln Dr,3,h,900000,VB,Jellis,4/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Queens Gdns,4,h,,PI,Barry,4/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/6 Havelock St,2,u,742000,S,Jellis,4/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Keogh St,5,h,1100000,PI,Fletchers,4/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,26 Lotus Cr,3,h,,VB,Barry,4/08/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,23 High Rd,4,h,,SP,Kay,4/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,74 Trafalgar Rd,3,h,,SN,Jellis,4/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,2 Charles St,3,h,1310000,S,Jellis,4/08/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,23 Grattan St,3,h,1515000,S,Nelson,4/08/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,86 Grange Rd,4,h,,PI,Ray,4/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/32 Shepparson Av,1,u,302000,S,Gary,4/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,13 Broadhurst Wy,4,h,670111,SP,Prof.,4/08/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield North,13 Wilks St,3,h,1260000,VB,Gary,4/08/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Cheltenham,40 Follett Rd,4,h,,PI,O'Brien,4/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21 Lincoln Dr,4,h,,PI,O'Brien,4/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19c Oak Av,2,u,730000,S,Ray,4/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,31 Bushland Av,3,h,800000,S,Jellis,4/08/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,72A Clarinda Rd,4,t,765000,S,C21,4/08/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,67 Harlington St,3,h,900000,S,Ray,4/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,30b Frank Av,3,u,710000,VB,Ray,4/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,80 Harding St,3,h,1840000,S,Nelson,4/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Hutchison Pl,2,h,811000,S,Peter,4/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,347 Moreland Rd,6,h,,PI,Peter,4/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/33 Shaftsbury St,3,u,,SP,Nelson,4/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,19 Stawell St,3,h,785000,PI,Re,4/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coolaroo,38 Crossley Cr,4,h,580000,PI,Barry,4/08/2018,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,41 Cockatiel Cct,3,h,517000,S,Barry,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Creighton Wy,3,h,582000,S,Ray,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Crestmont Tce,4,h,800000,SP,Ray,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Holman Av,3,h,595000,PI,Upside,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11A Huntington Dr,2,t,,PI,Barry,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Montreal Cct,4,h,670000,S,Ray,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Northstead Wy,4,h,,PI,Ray,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Star Wy,4,h,720000,S,Professionals,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Star Wy,4,h,657000,S,Professionals,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34a Windrock Av,2,u,285000,PI,LITTLE,4/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,3 Briarwood Ct,3,h,620999,SP,Barry,4/08/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/69 Hewish Rd,2,u,450000,S,iTRAK,4/08/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,18 Pleasant Ri,6,h,1200000,SA,Fletchers,4/08/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,11 Millewa Cr,3,h,490000,S,YPA,4/08/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,17 Janice Gr,2,h,,VB,McLennan,4/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,4 Keshava Gr,5,h,,PI,Le,4/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/67 King St,3,u,550000,PI,McLennan,4/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,63 Sylvia St,3,h,617000,S,Del,4/08/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,2/5 Terry St,2,u,1000000,S,hockingstuart,4/08/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Doncaster,11 Norfolk Cct,3,h,1130000,S,Jellis,4/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doreen,9 Senecio Dr,4,h,,PI,RW,4/08/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,284 Nepean Hwy,4,h,1595000,PI,Ray,4/08/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/47 Oswald St,3,u,1255000,S,Gary,4/08/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,12/8 St Georges Rd,2,u,762000,S,Biggin,4/08/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,34 Shalbury Av,3,h,825000,PI,Jellis,4/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,7/52 Scott St,2,u,625000,S,Biggin,4/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/10 Spray St,2,u,580000,S,Chisholm,4/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,5/7 Kalman Rd,3,t,440000,S,HAR,4/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,24 Grice Cr,3,h,1350000,VB,Nelson,4/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7 McCarron Pde,3,h,1635000,SP,Nelson,4/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,7/44 Kerferd St,2,u,395000,SP,Frank,4/08/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,14 Prospect St,5,h,1840000,S,Nelson,4/08/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Ferntree Gully,1/2 Callemondah Ct,3,u,,PI,Schroeder,4/08/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,4/1 St David St,1,u,460000,PI,Nelson,4/08/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,1 Freeman St,2,h,950000,SP,Chambers,4/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,225 McKean St,11,h,3880000,S,Jellis,4/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,24 Kiama Rd,3,h,,S,Nelson,4/08/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,228 Ballarat Rd,2,h,740000,PI,Jas,4/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,13/75 Droop St,2,u,415000,SP,Marvelli,4/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/36 Eldridge St,2,t,507500,S,McGrath,4/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,22/53 Whitehall St,2,u,420000,SP,Jas,4/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2 Bessazile Av,4,h,,VB,Jellis,4/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/432 Canterbury Rd,4,t,836500,S,Biggin,4/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,9 Vanbrook St,4,h,,SN,Fletchers,4/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,3 Joy St,3,h,,VB,Barry,4/08/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne,1 Kilmore Rd,3,h,1360000,S,Kennedy,4/08/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,5 Leura Ct,4,h,610000,S,Barry,4/08/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,9 Linacre Cr,4,h,693000,SP,Stockdale,4/08/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,3/17 Park Av,2,u,775000,S,Woodards,4/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/66 Glen Iris Rd,3,h,,SN,Jellis,4/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7/12 Kenilworth Gr,3,t,1200000,VB,hockingstuart,4/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,68 Rowen St,3,h,,PI,Jellis,4/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,20 Avonhurst Dr,4,h,,SN,Harcourts,4/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,21 Juniper Av,4,h,,SN,hockingstuart,4/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,23 Lowen Rd,5,h,2150000,S,Barry,4/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Viggers Pde,4,h,,PI,Biggin,4/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Windella Cr,3,h,840000,SP,Barry,4/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,36 Connell St,3,h,650000,PI,Biggin,4/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/81 Glen St,3,h,450000,PI,Barry,4/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/20 Hubert Av,2,h,537500,S,Boutique,4/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/14 Kennedy St,3,t,665000,S,Barry,4/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,82 Tarana Av,3,h,825000,S,Nelson,4/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/64 Wheatsheaf Rd,1,u,,S,Nelson,4/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,45 Adeline St,3,h,,PI,Barry,4/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/8 Vermont Pde,3,u,707500,SP,Darren,4/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Gainford Ct,3,h,,PI,New,4/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,33 Greenvale Dr,4,h,666500,S,Harrison,4/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,10 Moffat Ct,4,h,860000,S,RW,4/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,8 Skuse Ct,4,h,,PN,Stockdale,4/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,3 Lockley St,3,h,751250,S,Eview,4/08/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,51 Cornwall St,3,h,,W,iTRAK,4/08/2018,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,67 Teddington Rd,2,h,,VB,Buxton,4/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2A Dudley Av,3,t,,PI,Hodges,4/08/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,96 Wickham Rd,3,h,1180000,S,hockingstuart,4/08/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,52 Huntington Dr,3,h,,PN,Hall,4/08/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,2/20 Riversdale Rd,2,u,873500,S,Marshall,4/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/47 Riversdale Rd,2,u,,PI,Jellis,4/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,9/5 Auburn Gr,2,u,660250,S,Woodards,4/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,177 Canterbury Rd,3,h,1000000,VB,Barry,4/08/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,23 Bonar St,3,h,715500,S,Fletchers,4/08/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,39a Middleton St,1,u,582000,SP,Buxton,4/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,39a Middleton St,1,u,582000,S,Buxton,4/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,32 Miller St,4,h,2041000,S,Hodges,4/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,26 Nicol St,3,h,,SP,Buxton,4/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,28 Turner Rd,3,h,,PI,Nick,4/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,9 Celendine Pl,3,h,,S,Nelson,4/08/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bluebell Ct,4,h,660000,SP,Barry,4/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Bourke Cr,3,h,,PI,hockingstuart,4/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Landor Cl,3,h,,PI,hockingstuart,4/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Marlborough Cr,4,h,,W,YPA,4/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Shearer Cl,3,h,585000,S,Barry,4/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,1/9 Berkeley St,3,u,,PI,Ray,4/08/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Kealba,65 Rowan Dr,3,h,765000,S,Alexkarbon,4/08/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,8 Tarwin Ct,4,h,800000,SP,Brad,4/08/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,47 Hassett Cr,6,h,1160000,SP,Nelson,4/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,15 Ronald Gr,3,h,850000,VB,Nelson,4/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,21 Warren Ct,4,h,730000,VB,Barry,4/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,4/18 Bent St,2,u,650000,S,Nelson,4/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,51 Derby St,2,h,770000,S,Nelson,4/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1/60 Henry St,2,u,520000,S,Rendina,4/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,40 Maloney St,1,t,,SN,Pagan,4/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,52 Ormond St,4,h,1501000,S,Jellis,4/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/29 Asquith St,3,h,1050000,VB,Marshall,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15/7 College Pde,2,u,775000,S,Nelson,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25/380 High St,3,u,820000,S,hockingstuart,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/33 Parkhill Rd,3,t,940000,VB,Nelson,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Rossfield Av,5,h,3680000,S,Marshall,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,32 Stawell St,3,t,1550000,VB,Jellis,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Vaughan Cr,3,h,,PN,Jellis,4/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,4/77 Harp Rd,2,u,726000,S,Jellis,4/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,4/12 Station St,2,u,725000,S,Lindellas,4/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,1 Nyala Ct,4,h,865000,S,Biggin,4/08/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,21 Triton Dr,4,h,,VB,Le,4/08/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,2/18 Kingsville St,2,u,,PI,hockingstuart,4/08/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,31 Bruce St,4,h,,PI,Skad,4/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,39 Derrick St,3,h,710000,S,Ray,4/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,155 Kingsway Dr,3,h,620000,S,HAR,4/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/120 Mount View Rd,3,u,505000,SP,HAR,4/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,5 Bladin St,3,h,525000,S,Ray,4/08/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Maidstone,5 Desmond St,3,h,630000,PI,hockingstuart,4/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,27/46 Eucalyptus Dr,2,u,,PI,HAR,4/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4A Eva St,4,h,1700000,VB,Marshall,4/08/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,6 Llanos Av,3,h,1295000,S,Jellis,4/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,3 Casuarina Cl,5,h,1200000,PI,Trimson,4/08/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,6 Binnak Ct,3,h,,PI,Barry,4/08/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,431/539 St Kilda Rd,1,u,,PI,Pagan,4/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,63/632 St Kilda Rd,3,u,,PN,MICM,4/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,21 Bundora Pde,3,h,,S,Hodges,4/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,16 Rimmer St,3,h,1075000,VB,Hodges,4/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,16 Maremma Dr,4,h,620000,S,HAR,4/08/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,3 Reveille Wy,4,h,677500,S,Barry,4/08/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,3 Vautier Av,3,h,435000,S,Ray,4/08/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,29 Westlock Rd,3,h,440000,SP,Ray,4/08/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,1/53 Blackman Av,3,t,642500,S,Ray,4/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,20 Heritage Dr,3,h,555000,S,Love,4/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Oakbank Av,4,h,686000,S,Barry,4/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Pulford Cr,5,h,,SN,Gross,4/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Montmorency,9 Adam Cr,3,h,,PI,Darren,4/08/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1a Elizabeth St,2,u,655000,S,Jellis,4/08/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,10 Addison St,3,h,,PI,Brad,4/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,25 Bent St,3,h,,PI,Nelson,4/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,13 Holberg St,4,h,1600000,VB,Nelson,4/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10/51 Holmes Rd,4,u,950500,S,Nelson,4/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/27 Learmonth St,4,t,850000,S,Nelson,4/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1/51 Bulli St,3,h,895000,S,Buxton,4/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2b Isabella St,4,t,1240000,S,Jellis,4/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,3/8 Edith St,2,u,,SP,Ray,4/08/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,19/4 Gipps Av,2,u,,PI,Hodges,4/08/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,19 Hansen St,3,h,1171000,S,Jellis,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/19 Lynden Gr,3,h,805000,PI,Jellis,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/7 Miller Cr,3,u,,PI,McGrath,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,28B Park Rd,3,t,1175000,S,Jellis,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Smyth St,3,h,1101000,S,McGrath,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Whiton St,4,h,1116000,SP,McGrath,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Wortley Av,3,h,,S,Barry,4/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,1/56 Glencairn St,3,u,740000,S,Ray,4/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/35 Medoro Gr,4,t,,PI,FN,4/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Montana Av,3,h,650000,PI,Ray,4/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,7/35 Dunoon St,3,u,,SP,Ray,4/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/12 Toward St,2,u,,PI,Ray,4/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,3 Sylvanwood Cr,6,h,,PI,Ray,4/08/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,3/119 Blackshaws Rd,3,t,696000,S,Williams,4/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2B Bruce St,3,t,,SN,Barry,4/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,28 Grosvenor St,5,h,980000,PI,McDonald,4/08/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3/20 Allan St,2,t,470000,S,Area,4/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,41 Dunblane Rd,4,h,,PI,Hall,4/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,136 Beavers Rd,2,h,1332000,S,Jellis,4/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11/210 Clarke St,1,u,356000,SP,Nelson,4/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,120 Mitchell St,2,h,1100000,SP,Jellis,4/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,18 Colorado St,4,h,943615,S,Eview,4/08/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,2/167 Atherton Rd,2,u,450000,PI,Ray,4/08/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/13 Logie St,1,u,360000,PI,Ray,4/08/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,2 Mandorah Ct,4,h,1010000,PI,Barry,4/08/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,11/50 Lillimur Rd,1,u,280000,SP,Woodards,4/08/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,54 Balmoral Dr,4,h,,PI,O'Brien,4/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,7 Ellen St,5,h,,SN,Buxton,4/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/214 Nepean Hwy,4,h,1025000,PI,Barry,4/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,22/495 Royal Pde,2,u,810000,S,Nelson,4/08/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/157 Essex St,2,t,628000,S,Jellis,4/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/6 Hazel Gr,1,u,390000,SP,Nelson,4/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/8 Stewart St,3,t,695000,S,RW,4/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,17 Gramercy Bvd,4,h,,PI,Barry,4/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Palmer Av,3,h,,SP,Reliance,4/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,1 Rockefeller Wy,4,h,730000,PI,Reach,4/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,129 Waterhaven Bvd,2,t,440000,VB,Biggin,4/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,8 Clay St,1,h,1000000,PI,Frank,4/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,17 Harvey St,2,h,1050000,VB,hockingstuart,4/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,24/2 Arthur St,3,u,620000,SP,Jellis,4/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 Collins St,4,h,1900000,S,Eview,4/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,518 Murray Rd,3,h,1102500,S,Stockdale,4/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,5/23 Ashley St,2,u,350000,PI,Barry,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/38 Bartrop St,3,t,580000,SP,Ray,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,45 Frankston St,2,h,630000,PI,Stockdale,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/47 Hickford St,2,u,557000,SP,Ray,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Kenilworth St,3,h,807000,S,Love,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Lane Cr,3,h,720000,SP,RW,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/13 Mason St,2,u,640000,SP,hockingstuart,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Mason St,2,h,,SP,Exchanged,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/42 McComas St,1,u,400000,SP,Love,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/5 Smith St,3,u,542500,S,HAR,4/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,11 Bowen St,4,h,3000000,VB,Abercromby's,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,102/28 Burnley St,1,u,390000,SP,Biggin,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24/339 Burnley St,2,t,771000,S,Jellis,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,18 Carroll St,3,t,,SN,Jellis,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,62 Neptune St,3,h,1500000,PI,Biggin,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16 North St,3,h,1150000,PI,Biggin,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,50 Somerset St,2,h,1340000,SP,Jellis,4/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,26 Bond St,2,h,,PN,Philip,4/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/22 Heatherbrae Av W,3,u,567000,SP,Fletchers,4/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/30 New St,2,u,460000,S,Area,4/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/136 Warrandyte Rd,4,t,1120000,VB,Jellis,4/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,21 Byways Dr,4,h,865500,SP,Barry,4/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,11 Highton St,3,h,935000,S,Philip,4/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rockbank,3 Wool St,4,h,600000,SP,Prof.,4/08/2018,3335,Western Metropolitan,538,23.8,Melton City Council +Roxburgh Park,14 Aquila Gr,3,h,497500,S,HAR,4/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,2 Denison Pl,4,h,,PI,Raine,4/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,70 Kennedy Pde,4,h,545000,S,Raine,4/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,12 Lynch Pl,4,h,575000,S,HAR,4/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Stead St,3,h,610000,S,Boutique,4/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Weir Ct,4,h,,PI,Barry,4/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,128/218 Bay Rd,1,u,,SP,Branon,4/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,31 Michele Dr,4,h,851000,S,Ray,4/08/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seabrook,108 Shane Av,3,h,625000,SP,Biggin,4/08/2018,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +South Melbourne,7 Clarendon Pl,4,h,,PI,Parkinson,4/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,376A Dorcas St,2,t,,W,Cayzer,4/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,117 Napier St,2,h,1140000,VB,Buxton,4/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,13 Allan Av,4,h,565000,S,Ray,4/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19 Featherpark Tce,5,h,,PI,HAR,4/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,28A Serenity Wy,3,t,521000,S,Ray,4/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2/85 Caroline St,1,u,420000,VB,hockingstuart,4/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17/52 Darling St,2,u,,S,Kay,4/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/36 Marne St,2,u,795000,S,hockingstuart,4/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,7/114 Dodds St,1,u,480000,S,Marshall,4/08/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2107/22 Dorcas St,2,u,617500,PI,Greg,4/08/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,16a McNeilage St,3,t,1230000,S,McGrath,4/08/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Kilda,3/34 Barkly St,2,u,530000,S,McGrath,4/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/84 Blessington St,1,u,287000,S,Woodards,4/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/25 Crimea St,2,t,1072500,SP,Buxton,4/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,112/135 Inkerman St,1,u,,PN,C21,4/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,32 Grammar St,4,h,1750000,PI,McDonald,4/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,25 Lockheed St,3,h,890000,S,Considine,4/08/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,32 Dunrossil Dr,3,h,,PI,One,4/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,13 Balcombe St,3,h,760000,SA,Douglas,4/08/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,66 Cary St,4,h,,VB,Barry,4/08/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,5 Compton Pde,4,h,,SN,Sweeney,4/08/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,124 Hilma St,4,h,,PI,Douglas,4/08/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,124 Hilma St,5,h,,PI,Douglas,4/08/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,30 Erasmus St,3,t,,PI,Noel,4/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Varzin Av,4,h,1770000,PI,Marshall,4/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,25 Chatham Av,4,h,,PI,hockingstuart,4/08/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,31 Amberlea Cct,3,t,490000,VB,Burnham,4/08/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,3 Power Pl,5,h,910000,S,Barry,4/08/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,7/53 John St,2,u,550000,PI,Ray,4/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,120A Templestowe Rd,3,t,,VB,Fletchers,4/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,9 Belah St,3,h,678000,S,HAR,4/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/88 Dundas St,3,u,796000,S,Ray,4/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,19 Lewis St,3,h,1100000,PI,McGrath,4/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,19 Miller St,4,h,1000000,PI,Harcourts,4/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,10 Mell St,2,h,,SN,Upside,4/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,1202/18 Mt Alexander Rd,2,u,,PI,Pagan,4/08/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,1/43 Banksia Gr,3,t,585000,S,Barry,4/08/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,6 Orion St,3,h,816000,S,Harcourts,4/08/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,7 Tulkara Gr,4,h,990000,PI,Eview,4/08/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,6 Melissa Ct,4,h,1040500,S,Buckingham,4/08/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,9 Noel Ct,4,h,,S,Jellis,4/08/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,25 Trist St,3,h,620000,VB,Fletchers,4/08/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,21 Carissa Cct,3,h,630000,S,Ray,4/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Fauna Ct,3,h,,PI,Ray,4/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,18 Julian St,3,h,490000,S,Barry,4/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,54 Kookaburra Av,3,h,,SP,LJ,4/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,71 Cala St,2,h,686000,S,Jas,4/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,7/106 Cross St,2,u,,VB,Peter,4/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,312 Geelong Rd,3,h,700000,SA,Burnham,4/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,37 Copeland Rd,3,h,585000,PI,YPA,4/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,4 Portobello Pl,4,h,1406000,S,Ray,4/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,36 Pasco St,3,h,1323000,S,Sweeney,4/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,11 Pearson St,3,h,1500000,SP,Sweeney,4/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wyndham Vale,10 Greenwich Cl,3,h,,PI,Barry,4/08/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,15 Fahey Cr,3,h,710000,PI,Fletchers,4/08/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,6 Ovata Cl,3,h,815000,S,Buckingham,4/08/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,19 Alice St,3,h,1125000,PI,Biggin,4/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8/81 Bellairs Av,1,u,330000,S,Sweeney,4/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14 Freame St,4,h,1420000,PI,Jas,4/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aspendale,9 Karingal Cr,3,h,,VB,hockingstuart,4/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,8 Nirringa Av,3,h,,SP,hockingstuart,4/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Bayswater,9 Warrien Ct,3,h,750000,SP,hockingstuart,4/11/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Berwick,13 Vista Ct,4,h,815000,SP,Barry,4/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Brunswick,53 Canberra St,3,h,,S,Jellis,4/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,17/374 Lygon St,1,u,,SP,LITTLE,4/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Chelsea,3/52 Glenola Rd,2,u,600000,S,Eview,4/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,7 Perovic Pl,2,u,580000,S,Ray,4/11/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,13/227 Thames Prm,3,u,660000,S,Harcourts,4/11/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,11b Jean St,3,t,1011000,S,Johnston,4/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,533 Clayton Rd,3,h,1000000,SA,Barry,4/11/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3 Hayden Rd,3,h,750000,PI,Barry,4/11/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Craigieburn,25 Claremont St,3,h,595000,S,Barry,4/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Marchmont Ri,3,h,505000,S,Ray,4/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Marchmont Ri,3,h,536000,S,Barry,4/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,136 Wattletree St,4,h,630000,S,RW,4/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,31 Yarcombe Cr,4,h,540000,S,Barry,4/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon South,1A Faraday Rd,3,h,952000,S,Jellis,4/11/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,18 Usher Ct,3,h,,W,C21,4/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,4 Mollison St,3,h,,SN,Biggin,4/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diggers Rest,23 Shoring Rd,3,h,405000,PI,Brad,4/11/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Doncaster,24 Botanic Dr,4,h,1325000,PI,Barry,4/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,172 George St,5,h,1350000,PI,Barry,4/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doveton,2 Claret St,3,h,614000,S,Barry,4/11/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Endeavour Hills,6 Patterson Ct,3,h,676500,S,Del,4/11/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,40 Vilcins Views,5,h,1000000,S,hockingstuart/Harcourts,4/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Ferntree Gully,6 Lydford Rd,3,h,754000,S,iTRAK,4/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Frankston,4/127 Beach St,2,u,330000,VB,hockingstuart,4/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,115 Heatherhill Rd,5,h,655888,S,Bowman,4/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Glen Iris,9/1512 Malvern Rd,2,u,565000,S,hockingstuart,4/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,4 Kwinana St,3,h,,SN,Biggin,4/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Leicester Av,4,h,,PI,Fletchers,4/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6/24 Tulloch Gr,3,t,696000,S,Fletchers,4/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/14 Hubert Av,3,t,756000,S,Stockdale,4/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greenvale,8 Bridlington Dr,5,h,,SP,Nelson,4/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Inverie Ct,5,h,735000,SP,RW,4/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hawthorn East,79a Harcourt St,5,h,,S,Marshall,4/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg Heights,47 Marie Av,4,h,870000,SP,RW,4/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Hoppers Crossing,91 Grevillea Cr,3,h,641000,S,Barry,4/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Rosslare Ct,3,h,621000,SP,Barry,4/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Keilor East,2 David Av,3,h,,SP,Nelson,4/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,40 Nyah St,3,h,801000,SP,Nelson,4/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Langwarrin,4 Sasha Ct,4,h,635000,S,hockingstuart,4/11/2017,3910,Eastern Victoria,8743,41,Frankston City Council +MacLeod,117 Harborne St,4,h,760000,S,Nelson,4/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,26 Kinlock St,4,h,870000,VB,Nelson,4/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Melton South,3 Brand Ct,3,h,413000,S,HAR,4/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,19 Garfield Cl,3,h,431500,S,hockingstuart,4/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,31 Staughton St,3,h,720000,S,HAR,4/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mitcham,26 Sharrow Rd,4,h,1111000,S,Ray,4/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Moonee Ponds,2 Grosvenor St,3,h,1400000,S,McDonald,4/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,212 Maribyrnong Rd,3,h,1275000,S,Nelson,4/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mordialloc,3 Anita Ct,3,h,850000,S,hockingstuart,4/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,4/547 High Street Rd,3,t,,VB,Buxton,4/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,27 Pascall St,3,h,1460000,S,McGrath,4/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Severn Ct,4,h,,S,Buxton,4/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Wingate Av,1,h,1820000,SP,LLC,4/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Noble Park,1/29 Racecourse Rd,4,u,,W,Harcourts,4/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,87 Jenkins St,3,h,1085000,S,Barry,4/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,208 Central Rd,3,h,1000000,S,Sell,4/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,60 Abbeygate St,2,h,,SP,Woodards,4/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,2 Acacia Av,3,h,,PN,RT,4/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,5 Stewart St,4,h,,SP,Jellis,4/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkville,3/83 Manningham St,2,u,462000,S,Hodges,4/11/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,88 Story St,3,h,2675000,VB,Collins,4/11/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,13/88 Landells Rd,1,u,289000,S,Brad,4/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/52 Railway Pde,2,t,540000,VB,Nelson,4/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Shedden St,3,h,950000,S,Barry,4/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,2 Halifax Ct,4,h,750000,SP,LJ,4/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Hollington Cr,4,h,635000,SP,Point,4/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,32 Solitude Cr,4,h,758000,S,hockingstuart,4/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,1001/101 Bay St,2,u,,PN,Barry,4/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Preston,9/4 Spring St,1,u,,SP,Love,4/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16 Wurruk Av,4,h,905000,S,Ray,4/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2A Lawson St,3,t,700000,SP,RW,4/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/29 Northernhay St,2,h,,SP,C21,4/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Ringwood,3 Muir Ct,3,h,1010000,S,Fletchers,4/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Rowville,3 Clare Ct,4,h,900000,VB,Barry,4/11/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,9 Marsden Wk,3,h,450000,S,Ray,4/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Vela Pl,4,h,,W,Barry,4/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +South Melbourne,1111/28 Bank St,2,u,835000,S,Greg,4/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,13 The Gables,4,h,,PI,Ray,4/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,4/267 Williams Rd,2,u,785000,S,Jellis,4/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Sunbury,41 Menzies Dr,4,h,,W,Leading,4/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,30 Pasley St,4,h,670000,S,Barry,4/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Tarneit,22 Adavale Ambl,3,h,475000,SP,Sweeney,4/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Thornbury,253 Gooch St,4,h,1400000,SA,RW,4/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,333 Raleigh St,3,t,810000,VB,Charter,4/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/85 St David St,2,u,541000,S,Nelson,4/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Truganina,10 Rugby Cr,4,h,603000,S,Barry,4/11/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,1/46 Westmeadows La,3,u,,PI,Barry,4/11/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,103 Derby St,3,h,590000,S,Nelson,4/11/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,3 Adrian Av,4,h,,PI,Biggin,4/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,113 Morack Rd,4,h,1560000,PI,MJ,4/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,7 Kuranga Rd,3,h,950000,S,Nelson,4/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,37 Danaher Av,3,h,411000,S,Ray,4/11/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna South,3/3 Berkley St,3,u,,W,Barry,4/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,18 Gateshead Dr,3,h,1062000,SP,Barry,4/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,8 Alan Pl,5,h,1162000,S,Barry,4/11/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,4 Coorong Cir,4,h,1266000,S,Ray,4/11/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +West Footscray,16/745 Barkly St,2,u,350000,SP,Village,4/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,2 Latrobe Ct,5,h,2820000,S,Harcourts,4/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wyndham Vale,242 McGrath Rd,3,h,496000,S,Barry,4/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,3 Merri St,3,h,500500,S,hockingstuart,4/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Abbotsford,17 Hunter St,4,h,1950000,PI,Nelson,5/05/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,22 Park St,4,h,1720000,S,Collins,5/05/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2b Batman St,4,t,1150000,VB,Rendina,5/05/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,83 Fawkner St,5,h,2200000,S,Nelson,5/05/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,20 Valencia St,3,h,1500000,SP,Rendina,5/05/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,46 Kingsley Rd,4,h,,PI,Nelson,5/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,39 Walters Av,5,h,1435000,S,Nelson,5/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,16 Watt St,3,h,,S,Nelson,5/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,45 President Rd,3,h,,PI,HAR,5/05/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,30 Beaconsfield Pde,3,h,3210000,S,Marshall,5/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,34 Herbert Pl,3,h,1720000,SP,hockingstuart,5/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,102 Page St,4,h,2950000,VB,Marshall,5/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,49 Page St,3,h,2860000,S,Greg,5/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,2/62 Selwyn St,3,t,538000,S,Douglas,5/05/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,2 Arbor St,4,h,2125000,S,Collins,5/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,89 Yarralea St,2,h,,SP,Jellis,5/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,89 Civic Pde,4,h,584000,S,Sweeney,5/05/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,60 Hammond St,3,h,800000,VB,Sweeney,5/05/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,53 Central Av,3,h,,VB,Ray,5/05/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,30 Scherman Dr,3,h,672500,S,Compton,5/05/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,14 Sheppard Ct,3,h,1030000,S,Sweeney,5/05/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Armadale,39 New St,2,h,,PN,RT,5/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,507 Orrong Rd,10,h,6600000,S,Marshall,5/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,5 Langs Rd,3,h,890000,S,Jellis,5/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,34 Sandown Rd,3,h,1125000,S,Nelson,5/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,10 The Grove,3,h,,SP,Alexkarbon,5/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,4/105 Ashburn Gr,4,t,1450000,PI,Noel,5/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,11 Dunscombe Av,4,h,1900000,VB,Marshall,5/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,36 Eleanor St,4,h,1918000,VB,RW,5/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/4 Huon Gr,4,h,,SP,Marshall,5/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Aspendale,61 Nirringa Av,3,h,,SN,Biggin,5/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,7 Monique Ct,4,h,901000,S,Ray,5/05/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,20 Alison Pl,3,h,630000,S,Barry,5/05/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,3 Trumpington Tce,4,h,910000,S,Barry,5/05/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,17 Riverview St,4,t,950000,PI,Moonee,5/05/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,11 Orange Gr,4,h,1600000,PI,Gary,5/05/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,356 Belmore Rd,4,h,1820000,PI,Noel,5/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,26 Head St,4,h,1743000,S,Marshall,5/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,57 Metung St,3,h,2120000,S,Jellis,5/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,59 Yarrbat Av,2,h,2407000,S,Jellis,5/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,44 Columba St,3,h,1500000,PI,Woodards,5/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,130 Doncaster Rd,3,h,1142000,S,Kay,5/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,2/17 Kumala Rd,3,u,778000,SP,Barry,5/05/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/8 Lemon Gr,3,u,607500,S,Harcourts,5/05/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,17 Hardy Gr,3,h,,S,Hodges,5/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,13 Hastings Av,4,h,2100000,PI,Hodges,5/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Hugo St,4,h,1615000,S,hockingstuart,5/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 Kirkwood St,4,h,1350000,S,Hodges,5/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9A Pasadena Av,4,t,1925000,PI,Hodges/Hodges,5/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,2/37 Wilkinson Cr,2,u,660000,S,William,5/05/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,32 Strathmore St,3,h,1655000,S,Woodards,5/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,19 Wavell St,4,h,,PI,Jellis,5/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,3 Abbin Av,3,h,,SP,Jellis,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,140 Bignell Rd,3,h,,PI,RT,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13a Clements St,2,t,837000,S,Buxton,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Greenview Ct,4,h,1340000,S,Woodards,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17 Lancaster St,3,h,1210000,S,Buxton,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Malane St,3,h,1175000,S,Buxton,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/122 Marlborough St,3,t,1221000,SP,Gary,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Moray St,3,h,,S,Jellis,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Mulsanne La,3,t,925000,PI,Buxton,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/1 Omeo Ct,1,u,355000,S,Jellis,5/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,13 Arranmore Av,3,h,2061000,S,Chisholm,5/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,83 Stanley St,4,h,2250000,VB,Hodges,5/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,5/66 Blackburn Rd,2,u,571000,PI,Jellis,5/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,27 Greenglade Ct,5,h,1165000,SP,Fletchers,5/05/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,127 Springfield Rd,2,h,,S,Fletchers,5/05/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Bonbeach,1/28 Cannes Av,3,h,755000,S,O'Brien,5/05/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,19A Patterson St,3,h,793000,S,O'Brien,5/05/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,22 Matlock Rd,3,h,745000,S,RW,5/05/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/31 Robertson Cr,2,u,572000,SP,Barry,5/05/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,8/11 Bishop St,1,u,315000,SP,hockingstuart,5/05/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/6 Camelia St,3,u,860000,PI,Woodards,5/05/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/42 Darnley St,3,u,565000,S,Burnham,5/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,16 Hancock Cr,2,h,710000,S,Douglas,5/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,12 Lily St,2,h,755000,S,Douglas,5/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,18 Marnoo St,2,h,785000,S,Douglas,5/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,10 Rennison St,2,h,780000,S,Douglas,5/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,17 Heather Gr,4,h,963000,S,Buckingham,5/05/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,12A Law St,3,t,897000,S,Jellis,5/05/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,65 Bay St,4,t,2285000,S,Buxton,5/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/15 Grosvenor St,3,t,,S,Hodges,5/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,54 Lynch Cr,4,h,,S,Buxton,5/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 McCallum St,4,h,,SN,McGrath,5/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,25 Montclair Av,3,h,2100000,VB,Buxton,5/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Wolseley Gr,4,h,,SN,Marshall,5/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,2/12 Camperdown St,3,h,1400000,SP,Buxton,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Denton St,3,h,,S,Jellis,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,29 Dunoon Ct,4,h,1760000,PI,Marshall,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Griffin St,4,h,2500000,VB,Buxton,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Raymond Ct,4,h,,PI,Buxton,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Stradbroke Av,3,h,1485000,S,Buxton,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Talofa Av,4,h,,SN,Nick,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/42 Union St,2,u,860000,S,Hodges,5/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,20 Blair St,3,h,,PI,YPA,5/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/149 Cuthbert St,3,h,445000,PI,YPA,5/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,161 Cuthbert St,3,h,615000,S,Eview,5/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,64 Kitchener St,3,h,530000,PI,Barry,5/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,14 Carlsson Ct,3,h,737000,S,hockingstuart,5/05/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,159 Albert St,3,h,1200000,PI,Williams,5/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Carnarvon St,3,h,,S,Nelson,5/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,16 Cooraminta St,4,h,1350000,VB,Nelson,5/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/38 Mitchell St,2,u,505000,S,Walshe,5/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,58 Mitchell St,3,h,,SP,Nelson,5/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15 Percy St,4,h,1210000,S,Nelson,5/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,8 Aintree St,3,h,1164000,S,Nelson,5/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1711/182 Edward St,2,u,600000,VB,Nelson,5/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2 Jarvie St,4,h,1530000,S,Nelson,5/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,153 Stewart St,2,h,1150000,VB,Nelson,5/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,11/117 Victoria St,2,u,,PI,Ray,5/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,18 Coronation St,4,h,1675000,S,Nelson,5/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/23 Everett St,3,t,745000,S,Walshe,5/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6/16 Jolley St,1,u,,SP,Ray,5/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,28 Stanley St,4,h,,SP,Woodards,5/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Britten Ct,4,h,,PI,Ray,5/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,36 Judith St,3,h,669000,S,Barry,5/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,13/2 Shoalhaven St,3,t,,PI,Ray,5/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,124 Tenterfield Dr,3,h,,PI,YPA,5/05/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,50 Morton Rd,4,h,,SP,hockingstuart,5/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,66 Morton Rd,4,h,1400000,S,hockingstuart,5/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/17 Webb St,3,u,992000,S,Buxton,5/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/17 Webb St,4,t,,PI,Buxton,5/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/2 Worrall St,3,t,1120000,PI,McGrath,5/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,61 Fairview Av,4,h,,VB,Fletchers,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,36 Glencairn Av,4,h,3530000,PI,Buxton/Marshall,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,90A Glyndon Rd,5,h,3000000,VB,Marshall,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Kalang Rd,4,h,2900000,VB,Marshall,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Lansell Cr,4,h,1985000,S,Marshall,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10 Tyrone St,5,h,3180000,S,Marshall,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/216 Wattle Valley Rd,2,u,952000,S,Marshall,5/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,2/1 Gascoyne St,3,u,,SN,Marshall,5/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/3 Myrtle Rd,2,u,820000,S,Noel,5/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,23 Rochester Rd,5,h,4900000,VB,Buxton,5/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3/45 Wattle Valley Rd,2,u,985000,S,Marshall,5/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,260 Amess St,3,h,1900000,S,Nelson,5/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,19/1150 Dandenong Rd,1,u,317000,S,Marshall,5/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/35 Rosstown Rd,1,u,390000,S,Gary,5/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,8 Creekbank Pl,3,h,581750,SP,Prof.,5/05/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,31 Vintage Wy,5,h,1153750,S,Prof.,5/05/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield South,25 Russell St,3,h,1160000,VB,Gary,5/05/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,15 Coolac St,4,h,,SP,Woodards,5/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/6 Evans St,3,t,,PI,Buxton,5/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,39 Jindabyne Av,3,h,1150000,VB,McGrath,5/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/4 Kalymna Gr,3,t,,VB,Buxton,5/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/9 Margot St,3,t,,SP,Buxton,5/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,197 Charman Rd,3,h,1410000,PI,Marshall,5/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Eagland Rd,2,u,,VB,Thomson,5/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9/1 Jellicoe St,2,u,610000,SP,O'Brien,5/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/81 Wilson St,2,u,437000,S,Area,5/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,2015 Dandenong Rd,12,h,,PI,C21,5/05/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,2/479 Clayton Rd,3,u,701000,S,Ray,5/05/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,14/200 Noone St,3,t,,S,Jellis,5/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,365 Wellington St,2,h,880000,VB,Nelson,5/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,420 Wellington St,3,h,1400000,S,Nelson,5/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,17 Armstrong St,4,h,1000000,VB,Jellis,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Beckwith St,3,h,1031000,S,Barry,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Methven St,3,h,830000,PI,Holland,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,73 Munro St,3,h,895000,S,Re,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,82 Reynard St,2,h,860000,S,Nelson,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,82 Ross St,3,h,836000,S,Nelson,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/33 Sheffield St,2,h,780000,S,Barry,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Tanderum Dr,3,h,911000,S,Nelson,5/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,125 Rupert St,2,h,897000,S,Nelson,5/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,13 Bottlebrush Rd,3,h,465000,PI,Ray,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Chinnock Ct,3,h,490000,S,Raine,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Coolamon Dr,4,h,535000,S,YPA,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Grange Ri,4,h,912000,S,Ray,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Grevillea St,3,h,515000,S,YPA,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,47 Hothlyn Dr,3,h,,PI,YPA,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Huntingfield St,3,h,589000,S,YPA,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,104 Huntington Dr,3,h,590000,S,Ray,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Somersby Rd,3,h,680000,S,Ray,5/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,90b Cremorne St,4,t,,S,Jellis,5/05/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,32 Broughton Av,3,h,710000,S,Barry,5/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4 Broughton Av,3,h,832000,S,Jellis,5/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,20 Palmer Av,4,h,1111000,SP,McGrath,5/05/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,5 Ulysses Av,4,h,820000,SP,Barry,5/05/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,427 Barry Rd,1,h,382500,S,hockingstuart,5/05/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,8 Corinella Cr,3,h,564000,S,A,5/05/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,172 Dallas Dr,1,h,520500,S,hockingstuart/hockingstuart,5/05/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,86 Cleeland St,3,h,,VB,McLennan,5/05/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,1/1 Oberon St,2,u,425000,S,Raine,5/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,11 Pearson St,3,h,703000,S,Win,5/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,22 Deepdene Rd,4,h,4831000,S,Kay,5/05/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,7 Ormesby Pl,4,h,540500,S,Barry,5/05/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,31 Appleby Lp,4,h,600000,PI,Ray,5/05/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,22 Upton Cir,4,h,785000,S,Stockdale,5/05/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,16 Shannon Ct,3,h,786000,S,Buxton,5/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,1 Eden Ct,4,h,1275000,VB,Fletchers,5/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Makybe Wk,4,t,,SN,Philip,5/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,31 Stables Cct,2,h,770000,PI,Barry,5/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,4/4 Koala Ct,2,t,,PI,Barry,5/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Owens St,4,h,1180000,S,Jellis,5/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/13 Turnstone St,3,u,,SP,Barry,5/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,9 Balcombe Ct,5,h,1435000,SP,Jellis,5/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,5/11 Cherry Gr,3,t,704000,S,HAR,5/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,3/18 Chippewa Av,4,t,931000,S,HAR,5/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/48 Chippewa Av,3,u,730000,PI,Ray,5/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,26 Darvall St,3,h,930000,PI,hockingstuart,5/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,32 Breakwater Dr,4,h,620000,SP,HAR,5/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,11 Impulse Av,4,h,637000,S,Millership,5/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,12 Sinnott St,4,h,725000,PI,Morrison,5/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,19 Boobyalla St,3,h,,W,LJ,5/05/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,84 Alandale Rd,4,h,1740000,VB,Jellis,5/05/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,74 Glenard Dr,4,h,,VB,Marshall,5/05/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,7/22 Powlett St,3,u,1650000,PI,Kay,5/05/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,102 Berry Av,5,h,1356000,S,O'Brien,5/05/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/66 Lochiel Av,2,u,801000,S,Buxton,5/05/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,101A Rae Av,3,h,760000,PI,Hodges,5/05/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,21 Bayview St,3,h,1650000,VB,Gary,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2/61 Clarence St,2,h,965000,S,Gary,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,29A Downshire Rd,3,t,1550000,VB,Biggin,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4/571 Glen Huntly Rd,2,u,665000,S,Buxton,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,12 Murray St,3,h,1300000,VB,Gary,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,17/4 Parkside St,3,u,675000,S,Biggin,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,7 Willow St,4,h,2485000,S,Gary,5/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,70 Bible St,2,h,772000,S,Jellis,5/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,7 MacAulay Ct,4,h,1000000,PI,Morrison,5/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,63 Milborne Cr,4,h,786000,SP,hockingstuart,5/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,19 Ridgeview St,4,h,1360000,S,Jellis,5/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,38 Highpoint Cr,4,h,940000,VB,Jellis,5/05/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,208 Progress Rd,4,h,875000,SP,Morrison,5/05/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,75 Ormond Esp,4,h,,S,Chisholm,5/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,50 Carlisle Dr,3,h,650000,S,HAR,5/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,37 Houston St,3,h,625000,S,Ray,5/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 McKillop Av,3,t,510000,SP,Love,5/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Plowman Ct,3,h,573000,S,HAR,5/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4 Brewster St,4,h,2600000,VB,Jellis,5/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1 Miller St,2,h,905000,S,McDonald,5/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,52 Langridge St,2,h,1239000,SP,Jellis,5/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/30 Hedley St,3,u,512000,S,McDonald,5/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/17 Oliver Ct,3,u,,SP,Barry,5/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,35 Princess St,3,h,805000,S,Stockdale,5/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,450 George St,3,h,,VB,Nelson,5/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,4/30 Palmer St,2,u,,S,Collins,5/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,204/185 Rose St,2,u,640000,PI,McGrath,5/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,123 McKean St,3,h,,VB,Jellis,5/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,346 Rae St,2,h,,VB,Nelson,5/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,5/16 Taplin St,2,h,1010000,SP,Woodards,5/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,5/16 Taplin St,2,h,1010000,SP,Woodards,5/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,8 York St,3,h,1150000,VB,Collin,5/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,2/10 Cross St,2,t,758500,S,Village,5/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,34 Leander St,3,h,865000,S,Sweeney,5/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/26 Park St,3,t,715000,S,Jas,5/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,51 Stafford St,3,h,832000,SP,Jas,5/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,9 Ranfurlie Rd,6,h,,SN,Harcourts,5/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,7 Valma Ct,4,h,1433000,S,Jellis,5/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,5 Brigantine Ct,4,h,970000,S,Ray,5/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Raphael Cr,3,h,719000,S,Purplebricks,5/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,3 Woodside Av,5,h,956000,S,Eview,5/05/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,5 Acacia Ct,3,h,,SN,Raine,5/05/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,9 Morand St,4,h,820000,PI,Raine,5/05/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Glen Iris,8 Francis Cr,4,h,2250000,VB,Marshall,5/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Greendale Rd,4,h,2800000,VB,Marshall,5/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Hazeldine Rd,4,h,,S,Marshall,5/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,30 Liston St,3,h,1585000,S,Tim,5/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,107 Summerhill Rd,4,h,,S,Marshall,5/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 White St,4,h,,S,Marshall,5/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,39 Annandale Cr,4,h,1204000,S,Harcourts,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Argyle Ct,5,h,,PI,Harcourts,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Bunker Cr,4,h,1275000,VB,Jellis,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Carmen Ct,3,h,896000,S,JRW,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/76 Cypress Av,3,t,800000,S,Ray,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34 Diamond Av,3,h,1610000,S,Barry,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Gymea Ct,4,h,1350000,S,JRW,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Hammence St,2,h,951000,S,Ray,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/23 Monterey Av,2,u,690000,S,Stockdale,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/13 Panoramic Gr,2,u,921000,SP,McGrath,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Parsons Av,4,h,1300000,S,hockingstuart,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/678 Waverley Rd,3,t,,SN,Biggin,5/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2 Gorrie Pl,3,h,,PI,Stockdale,5/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,29 Tarana Av,3,h,885000,S,Stockdale,5/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,12 Cam St,4,h,,PI,Darren,5/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,21 Doris St,4,h,960000,S,Darren,5/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Gilmour Ct,3,h,,PI,Fletchers,5/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,20 Marissa Cr,4,h,1140000,S,Darren,5/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Ridge Rd,4,h,951000,S,Morrison,5/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/151 St Helena Rd,3,t,771000,SP,Nelson,5/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Elliot Ct,5,h,1730000,S,Nelson,5/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Manhattan Ct,5,h,835000,SP,Stockdale,5/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Mezzo Wk,2,t,365000,S,Raine,5/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1/1 Dickinson St,3,h,621000,S,Barry,5/05/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,6 Edgar St,3,h,760000,S,Brad,5/05/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,1/119 North St,2,t,562000,S,Stockdale,5/05/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,6A Ocean St,3,t,,PI,RT,5/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2 Rouen St,4,h,2310000,S,Buxton,5/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,19A Heath Cr,3,t,1337500,S,Buxton,5/05/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,12 King St,3,h,1130500,S,Buxton,5/05/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1 Leith Cr,3,h,930000,S,Hodges,5/05/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,7/24 Elphin Gr,2,u,480000,SP,Marshall,5/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,40 Evansdale Rd,3,h,,SP,Marshall,5/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,20 Riversdale Ct,4,h,,S,Marshall,5/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/47 Riversdale Rd,2,u,900000,VB,Noel,5/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5/4 Higham Rd,5,h,3800000,VB,Marshall,5/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,17 Mayston St,4,h,,PI,Jellis,5/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,43A Pleasant Rd,3,h,,SP,Jellis,5/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/282 Riversdale Rd,1,u,360000,PI,LITTLE,5/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7 Temple St,3,h,2227500,S,Marshall,5/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,303/3 Sandbelt Cl,2,u,450000,VB,Hodges,5/05/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,24 Royal Av,4,h,975000,SP,Barry,5/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,59 Berkeley Av,4,h,1250000,VB,Miles,5/05/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/146 Cape St,2,u,807000,S,Miles,5/05/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,11/96 Hawdon St,1,u,450000,VB,Miles,5/05/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,35 Bamfield Rd,3,h,,PI,Ray,5/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Glover St,2,h,750000,VB,hockingstuart,5/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,44 Swanston St,3,h,770000,VB,Miles,5/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,2A Goodenough Ct,2,h,736000,S,Fletchers,5/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1c Middleton St,3,h,1225000,PI,Buxton,5/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/212 Wickham Rd,4,u,950000,VB,Buxton,5/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,11 Benshaw Ct,3,h,580000,PI,Barry,5/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,8 Champagne Wy,4,h,596000,SP,Raine,5/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,16 Priestley Av,3,h,550000,S,Greg,5/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,21 Fintonia St,4,h,1500000,S,Jellis,5/05/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,1640 Dandenong Rd,3,h,765000,S,Ray,5/05/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,86 Bond St,4,h,1480000,S,William,5/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,75 Ford St,3,h,1255000,S,Miles,5/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/13 Linden Av,3,t,881000,S,Jellis,5/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4/46 Locksley Rd,2,u,683000,S,Ray,5/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1A Waterdale Rd,5,h,,S,Jellis,5/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,24 Flora Gr,3,h,1690000,VB,Miles,5/05/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,3/1015 Pascoe Vale Rd,2,t,440000,SP,YPA,5/05/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,13 Stuart Ct,4,h,650000,PI,Brad,5/05/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,47 Hassett Cr,6,h,,PI,Nelson,5/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,6A McPherson St,4,h,,SP,Moonee,5/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,10 Nicola Ct,4,h,1236000,S,Brad,5/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,55 Park Dr,4,h,912000,S,Nelson,5/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,45A Eastwood St,2,h,953000,S,Jellis,5/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,129 Rankins Rd,3,h,1450000,VB,Jellis,5/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,33 Smith St,2,h,,S,Biggin,5/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,103/121 Barkers Rd,2,u,670000,PI,Jellis,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/283 Barkers Rd,2,u,857000,SP,McGrath,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Hartington St,5,h,2700000,VB,Marshall,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Hillcrest Av,4,h,,SP,Fletchers,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,56 Normanby Rd,4,h,2010000,PI,Jellis,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,77 Normanby Rd,5,h,,S,Marshall,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/85 Pakington St,3,h,,S,Jellis,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Rockingham St,4,h,,S,Kay,5/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,11 Namur St,4,h,,PI,RT,5/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,60 Burnham Cr,4,h,900000,VB,Hodges,5/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,6 Kirribilli Av,4,h,765000,S,Area,5/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,2 Oakwood Dr,3,h,,PI,Area,5/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,1 Club Av,3,h,,PI,HAR,5/05/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,4/37 Kingsville St,2,u,450000,S,Jas,5/05/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,56 Queensville St,3,h,980000,PI,Village,5/05/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,2/40 Allister Cl,3,h,720000,PI,Prof.,5/05/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,695 Toorak Rd,3,h,,SP,Marshall,5/05/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Kurunjang,36 Greenhills Dr,3,h,,PI,Ray,5/05/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,1/46 Cyprus St,2,u,,PI,HAR,5/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,315 Dalton Rd,3,h,,PI,HAR,5/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,7 Kingsford St,3,h,655000,SA,hockingstuart,5/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/18 Prince Andrew Av,3,u,585000,S,HAR,5/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,414 Station St,6,h,1150000,VB,hockingstuart,5/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,10 Dunstan St,2,t,722000,SP,Ray,5/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,44 Jacka St,4,h,1160000,VB,Miles,5/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,73 McNamara St,2,h,620000,VB,Fletchers,5/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/125 Torbay St,3,u,700000,S,Darren,5/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,4/46 Eucalyptus Dr,1,u,336000,SP,Biggin,5/05/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,6 McKinley Av,4,h,,SN,Upside,5/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,77 Brunel St,5,h,2720000,S,Marshall,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/66 Fisher St,3,t,1300000,S,Marshall,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,31 John St,4,h,2415000,S,Marshall,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,43 Karma Av,3,h,2420000,SP,hockingstuart,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Serrell St,4,h,1870000,PI,Marshall,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6/410 Waverley Rd,2,u,661001,S,Buxton,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,439 Waverley Rd,3,h,1157500,S,Marshall,5/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,10 Ibis Pl,3,h,995000,S,Jas,5/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,8/47 Middle Rd,2,u,447500,SP,Biggin,5/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,47 Carlton St,3,h,1457500,S,Buxton,5/05/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,4106/220 Spencer St,1,u,285000,S,Lucas,5/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,91 First Av,3,h,,PI,YPA,5/05/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,5 Welland Rd,4,h,470000,SP,Raine,5/05/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,5/6 Brindisi St,3,u,950000,S,Hodges,5/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/94 Patty St,3,t,1070000,S,Hodges,5/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/8 Salmon St,2,t,675000,S,Hodges,5/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,21 Sea Pde,5,h,1950000,S,O'Brien,5/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/19 Southern Rd,3,t,873000,SP,O'Brien,5/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,19 Stawell St,2,u,796000,S,hockingstuart,5/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,59 Hollaway Dr,4,h,,PI,HAR,5/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,28 Lockhart St,4,h,569000,S,Stockdale,5/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Lucerne St,4,h,760000,S,Stockdale,5/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,28 Bowman Dr,2,h,476500,S,Love,5/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,31 Bradley Dr,4,h,850000,VB,hockingstuart,5/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,362 Childs Rd,3,h,711000,S,Ray,5/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,33 McLaughlin Cr,3,h,,PI,Barry,5/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,49 Moorhead Dr,4,h,,PI,HAR,5/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Wakeful Pl,4,h,,PI,Barry,5/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,7/8 Harrison St,3,t,,PI,Noel,5/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3 Grace Ct,4,h,1700000,PI,hockingstuart,5/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/30 Kenmare St,3,u,1275000,S,Noel,5/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,1/5 Rowland St,3,u,850000,VB,Fletchers,5/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,22 Victoria Cr,3,h,,SN,Marshall,5/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,29 Victoria Cr,3,h,,SP,Fletchers,5/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,4/84 Airlie Rd,2,u,435000,S,Miles,5/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4 Terrara Ct,3,h,920000,S,Morrison,5/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,707/341 Ascot Vale Rd,2,u,455000,S,Pagan,5/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,34 Bent St,3,h,1275000,S,Nelson,5/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,62A Bent St,4,h,1450000,VB,Nelson,5/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/8 Chaucer St,1,u,404000,S,Nelson,5/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,15 Holberg St,3,h,1800000,VB,Jellis,5/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2/14 Bruthen St,3,t,955000,S,Buxton,5/05/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,2/44 Cedric St,2,u,400000,SP,Harcourts,5/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,4A Collocott St,3,t,1310000,PI,Buxton,5/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/11 McDonald St,1,u,491000,S,Buxton,5/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,2/4 Ann Ct,4,t,1385000,PI,Jellis,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/6 Avondale Gr,2,u,740000,PI,Buxton,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Bishop Ct,2,h,,PI,Biggin,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Derham St,4,h,,PI,Buxton,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Elm Gr,6,h,,VB,Jellis,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Laura Gr,5,h,2270000,S,LLC,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Viewbank Rd,7,h,1320000,S,Jellis,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,22 Wortley Av,4,h,1415000,SP,Fletchers,5/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,28 Bute St,4,h,,PI,Watermark,5/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,6/33 Kangaroo Rd,2,u,668000,S,Jellis,5/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,219 Hamilton Rd,4,h,1300000,S,Raine,5/05/2018,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,7 Paine St,4,h,,SN,Raine,5/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,5 Lume Ct,3,h,645000,S,C21,5/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,31 Yarraman Rd,3,h,,SN,Le,5/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,88 Howard St,3,h,1520000,S,Jellis,5/05/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,43 Auburn Av,3,h,1755000,S,Collins,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,907/8 Breavington Wy,1,u,500000,S,Biggin,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,194 Clarke St,3,h,,S,Jellis,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Elm St,3,h,,S,Jellis,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 George St,2,h,1240000,SP,Nelson,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,101 Gladstone Av,3,h,,VB,Jellis,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11/26 High St,1,u,,S,Collins,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,34 Simpson St,3,h,,S,Jellis,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Thames St,3,h,,PI,Jellis,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Veronica St,3,h,,S,Jellis,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/22 Westgarth St,1,u,331000,S,Woodards,5/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,21 Finch St,3,h,1318888,SP,McGrath,5/05/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,6 Efron St,3,h,900000,PI,RW,5/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Mardion Dr,2,h,1116000,S,Noel,5/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh East,1/25 Calista Av,3,h,855000,S,Barry,5/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,5 Esper Av,3,h,1030000,PI,Buxton,5/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,13 Greendale Bvd,4,h,660100,SP,Ray,5/05/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,11 Robin Ct,4,h,600000,SP,Barry,5/05/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,11 Stockmans Cct,3,h,750000,VB,C21,5/05/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,5 Dover Pl,4,h,1940000,S,O'Brien,5/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,65 Evan St,4,h,1210000,SP,Buxton,5/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,249A Nepean Hwy,5,h,,W,RT,5/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,157 Park Dr,3,h,3339000,S,Nelson,5/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,5 Royal Pde,5,h,2898000,S,Nelson,5/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/46 Kent Rd,2,t,535000,S,Eview,5/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/36 Park St,2,u,505000,S,Brad,5/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14A Snell Gr,3,t,842000,S,Barry,5/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,3/17 Canberra St,4,t,820000,PI,Buxton,5/05/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,16 Amboy Wk,3,t,505000,SP,Sweeney,5/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,40 Bliss St,4,h,,SP,Pagan,5/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 Campaspe Wy,4,h,620000,VB,hockingstuart,5/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 Jamieson Wy,3,h,,PN,LJ,5/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Moselle St,3,h,615000,S,Reliance,5/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,17 Pier Wy,4,h,,PN,LJ,5/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,310/101 Bay St,2,u,660000,VB,Marshall,5/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,31 Dunstan Pde,2,h,1320000,SP,Frank,5/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,306/41 Nott St,2,u,560000,PI,Ray,5/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,101/85 Rouse St,2,u,2100000,VB,Marshall,5/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3/2 Seisman Pl,2,u,765000,S,RT,5/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,7/317 Dandenong Rd,1,u,,SP,hockingstuart,5/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,31 Greville St,4,h,3000000,SP,Biggin,5/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,410/11 Hillingdon Pl,3,u,800000,PI,Biggin,5/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,114 Peel St,2,h,1277000,S,Biggin,5/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,27 Arthur St,3,h,770000,PI,Ray,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Benambra St,3,h,1255000,S,hockingstuart,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,45 Dunstan St,3,h,862000,S,Walshe,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Herbert St,3,h,1172000,S,Nelson,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6/529 High St,2,u,400000,VB,Brad,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/4 Josephine Gr,3,u,820000,S,Woodards,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/5 Laha Cr,2,t,632500,S,Ray,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/5 Laha Cr,3,t,620000,PI,Ray,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,58 Leicester St,3,h,1210000,S,McGrath,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/108 Murray Rd,3,h,760000,SP,Nelson,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,9 Winifred St,3,h,1190000,S,RW,5/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,60 Anstey Av,3,h,700000,PI,Ray,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Cheddar Rd,5,h,,PI,RW,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Drysdale St,4,h,895000,PI,Barry,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/9 Evans Cr,2,u,542500,S,Ray,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/103 Hickford St,3,t,677500,S,Ray,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Leamington St,3,h,,PI,Ray,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/7 Oconnor St,1,u,360000,PI,Barry,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,231 Spring St,3,h,810000,S,RW,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Tormey St,3,h,720000,PI,Barry,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Wattle Gr,3,h,,SP,Nelson,5/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,14/50 Baker St,2,u,,PI,Biggin,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,77 Bendigo St,3,h,1810000,S,Jellis,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,61 Laity St,2,h,1077000,S,Jellis,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,42 Lyndhurst St,2,h,900000,VB,Biggin,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/13 Somerset St,2,u,876000,S,Biggin,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,102/63 Stawell St,1,u,417000,S,Jellis,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/10 Waltham Pl,3,u,,S,Marshall,5/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,18 Ashcombe Dr,4,h,,PI,Philip,5/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 Catherine St,3,h,847500,S,Jellis,5/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,355 Maroondah Hwy,3,h,850000,PI,Ray,5/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Oliver St,2,h,655000,S,Fletchers,5/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,66 Wantirna Rd,2,h,635000,S,Noel,5/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,7 Howship Ct,3,h,987800,S,Barry,5/05/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3/6 Illoura Av,2,u,735000,S,Fletchers,5/05/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rockbank,50 Frontier Av,4,h,815000,S,Prof.,5/05/2018,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,12 Alfreda Av,3,h,1525000,VB,Fletchers,5/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/59 Hillside Rd,3,h,1160000,S,Fletchers,5/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,10 Fourth Av,4,h,,PI,Noel,5/05/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,8 Sokleng Cl,6,h,1055000,SA,Harcourts,5/05/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,8 Beveridge Dr,4,h,,W,Barry,5/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,21 Lakeside Dr,3,h,465000,S,HAR,5/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/111 Bay Rd,3,t,1330000,VB,Buxton,5/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,28 Grange Rd,3,h,1445000,S,Purplebricks,5/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,23 Seabrook Bvd,4,h,,PN,LJ,5/05/2018,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seddon,42 Greig St,3,h,1476000,S,Village,5/05/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,4A William St,3,h,,S,Jas,5/05/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,105 Bank St,3,t,1300000,S,Cayzer,5/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,22A Cobden St,2,h,910000,PI,Cayzer,5/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,4/238 Ferrars St,2,h,1325000,S,Greg,5/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,13 Mountain St,2,h,1370000,PI,Marshall,5/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,86 Pickles St,2,h,1300000,VB,Greg,5/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,22 Tribe St,5,h,3776000,S,Greg,5/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,5 Flamingo Pt,4,h,662000,S,Barry,5/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,9 Neddletail Cr,4,h,735000,S,HAR,5/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Slide St,4,h,,SP,The,5/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,47 Stagecoach Bvd,4,h,755555,SP,Morrison,5/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,4 Luxton Rd,2,h,1280000,S,Marshall,5/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,37 Surrey Rd,3,h,2500000,VB,Kay,5/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,52/390 Toorak Rd,2,u,1305000,S,Kay,5/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,110/221 Sturt St,2,u,600000,S,Jellis,5/05/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,14 Keets Ct,3,h,778000,SP,LJ,5/05/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,17 Kiparra Cl,3,h,,W,Barry,5/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,26 Watford Rd,3,h,620000,S,Barry,5/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,4 Adori Ct,3,h,791000,S,Darren,5/05/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,22/12 Acland St,2,u,875000,S,Ray,5/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/29 Charnwood Rd,2,u,460500,S,Jellis,5/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/19 Mitford St,3,u,1025000,PI,Whiting,5/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,74 Lloyd St,3,h,1200000,S,Frank,5/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,6 Upland Rd,3,h,,SP,Nelson,5/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,4 Hotham Ct,4,h,526000,SP,YPA,5/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,73A Melba Av,3,t,,W,Barry,5/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,22 Noble Wy,4,h,515000,S,YPA,5/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Pasley St,3,h,780000,SP,HAR,5/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,54 Sassafras Dr,3,h,605000,S,Leeburn,5/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,88 Wilsons La,4,h,525000,S,YPA,5/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,3 McLeod St,4,h,670000,PI,Douglas,5/05/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Sofia Ct,3,h,705000,PI,McGrath,5/05/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,17 Dalton St,3,h,,SN,FN,5/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,13 Davey St,3,h,635000,S,Douglas,5/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3/45 Kent Rd,4,t,1405000,S,Fletchers,5/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/6 Park Rd,2,u,735000,S,Ray,5/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,46 Pembroke St,4,h,1750000,VB,Marshall,5/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,8 Contursi Dr,4,h,780000,S,Prof.,5/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,5A Manerlong Wk,3,t,610000,SP,Barry,5/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,7 Rachel Ct,4,h,,SS,O'Brien,5/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,6 Shields Ct,3,h,675000,S,Prof.,5/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,35 Barron St,3,h,450000,SP,Biggin,5/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,13 Moonlight Pl,5,h,,SP,Ray,5/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,47 Callista Cct,2,t,480500,SP,O'Brien,5/05/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,46 Tasman Cr,3,h,831000,S,O'Brien,5/05/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,289 Church Rd,3,h,,PI,Barry,5/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,29 Church Rd,3,h,,PI,Barry,5/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,12 Helmsdale Rt,5,h,,PI,Barry,5/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,1/5 Ashford St,4,t,900000,PI,Barry,5/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,7/231 High St,3,u,480500,S,Ray,5/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,50 Jeffrey St,4,h,,SS,Philip,5/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1 Mayfair Av,3,h,1055000,S,Dawson,5/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,12A Mincha Av,3,h,1010000,SP,Fletchers,5/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,311 High St,3,h,710000,SP,Barry,5/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,223 Mansfield St,3,h,,SP,Biggin,5/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/34 Pender St,1,u,391000,SP,Love,5/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/304 Rossmoyne St,2,u,,SP,Love,5/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,96 Speight St,3,h,,S,Jellis,5/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Tullamarine,33 Eumarella St,4,h,820000,PI,YPA,5/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,78 Sharps Rd,3,h,630000,PI,Jason,5/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,18 Donbirn Wy,4,h,,SN,Harcourts,5/05/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,10 Vogue Av,3,h,,SS,Philip,5/05/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,24 Bartram Ri,4,h,1315000,S,Darren,5/05/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,1 Royston St,3,h,899000,S,Miles,5/05/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,4 Dakota Av,3,h,,PI,Barry,5/05/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,36 Bateman St,3,h,,PN,Barry,5/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,83 Artesian Av,3,h,,PN,Biggin,5/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Rebecca Ct,4,h,1075000,S,Barry,5/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,17 Medbury Av,3,h,838000,S,Darren,5/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,4 Westdale Ct,4,h,840000,VB,Jellis,5/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,42 Meakin St,3,h,,PI,Barry,5/05/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,8 Anna Ct,3,h,491000,S,Ray,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Anton Cl,4,h,620000,S,Ray,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,59 Church St,3,h,630000,S,YPA,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Deborah St,3,h,490000,SP,Greg,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,6 Florence Ct,3,h,,PI,Barry,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Golden Av,3,h,420000,PI,Barry,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,114 Kookaburra Av,3,h,526000,S,Biggin,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,52 Shaws Rd,3,h,475000,S,Greg,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,121 Thames Bvd,4,h,,W,C21,5/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,23 Clive St,4,h,1507000,S,Jas,5/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,53 Devonshire St,3,h,960000,S,Sweeney,5/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,40B Dongola Rd,2,t,620000,PI,Village,5/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1B Glamis Rd,3,t,800000,S,Village,5/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,78 Hawke St,4,h,,S,Jellis,5/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,33 Ireland St,3,h,,PI,Matrix,5/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,18/33 Jeffcott St,3,u,750000,SP,MICM,5/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,10 Arjay Ct,3,h,720000,SP,YPA,5/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,4 Harwell Ct,4,h,770000,PI,Barry,5/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,19/84 Hillcrest Dr,6,h,,PI,YPA,5/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,1 Redan Ct,3,h,475000,SP,Ray,5/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,46 Earlwood Dr,3,h,,PI,Jellis,5/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,1 June Cl,6,h,,PI,RW,5/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,93 Hanmer St,4,h,1995000,SP,RT,5/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4/63 Melbourne Rd,2,u,654000,S,Williams,5/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,35A Thompson St,3,h,1390000,PI,Sweeney,5/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,6/40 Victoria St,2,u,530000,SP,Compton,5/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,2/50 Lewisham Rd,3,h,,VB,RT,5/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,23 Bancroft St,4,h,605000,S,Iconek,5/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,6 Sirius Ct,3,h,908500,S,Jellis,5/05/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yan Yean,2215 Plenty Rd,3,h,,SP,hockingstuart,5/05/2018,3755,Northern Victoria,122,29.3,Nillumbik Shire Council +Yarraville,14 Dickens St,3,h,1310000,SP,Sweeney,5/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,216 Fogarty Av,3,h,,PI,Biggin,5/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,245 Hyde St,7,h,1260000,S,Greg,5/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,342 Williamstown Rd,3,h,680000,PI,Sweeney,5/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,1009/1 Acacia Pl,2,u,750000,VB,Jellis,6/01/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Beaver St,4,h,1630000,PI,Nelson,6/01/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,32 Coniston Av,3,h,970000,S,Barry,6/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23 Matthews Av,4,h,790000,VB,Barry,6/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Miriam Ct,3,h,1025000,S,Nelson,6/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,122 Parer Rd,4,h,,SN,Brad,6/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,23 Boyd St,4,h,,SP,Marshall,6/01/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,164 Richardson St,3,h,1950000,S,Marshall,6/01/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/44 Derrimut St,2,u,530000,SP,Sweeney,6/01/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,12C Perry St,3,t,,PI,Jellis,6/01/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,175 Blyth St,4,u,1160000,S,Barlow,6/01/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,17 Merritt Ct,3,h,925000,SP,hockingstuart,6/01/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2A Robin St,3,h,850000,S,hockingstuart,6/01/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Taegtow Wy,3,h,718000,S,Barry,6/01/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,34 Binns St,5,h,800000,SP,RT,6/01/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,70 Blanche St,3,h,,PI,Barry,6/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 Helene St,2,h,595000,PI,Biggin,6/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,2/38 Holt St,4,t,,PI,Barry,6/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/69 Denbigh Rd,3,h,1681000,S,Marshall,6/01/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,25/37 Ascot Vale Rd,2,t,530000,VB,Jellis,6/01/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,52 Langs Rd,5,h,1320000,PI,Nelson,6/01/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/9 Sandown Rd,4,t,805000,SP,Alexkarbon,6/01/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,54 Cassinia Av,2,h,1200000,VB,Jellis,6/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Condah Ct,3,h,1183000,S,Ray,6/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/135 High Street Rd,3,t,,VB,Buxton,6/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/39 Lavidge Rd,4,t,1350000,PI,Buxton,6/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,34 Albany Cr,3,h,1000000,S,Buxton,6/01/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,48 Iluka Av,3,h,830000,SP,Barry,6/01/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,48 Lake St,3,h,815000,PI,Barry,6/01/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,191 Military Rd,3,h,727500,S,Barry,6/01/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,57 Gordon St,4,h,,PI,Noel,6/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10 Myambert Av,5,h,4600000,VB,Fletchers,6/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Northcote Av,2,h,1710000,S,Fletchers,6/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Parkdale Av,4,h,1700000,PI,Jellis,6/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Threadneedle St,5,h,2475000,PI,Noel,6/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/363 Belmore Rd,3,t,1270000,VB,hockingstuart,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/82 Doncaster Rd,2,u,555500,S,Fletchers,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/49 Hatfield St,3,u,1451000,PI,hockingstuart,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/2 Heather St,4,h,1420000,SA,Fletchers,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Highview Rd,4,h,,S,Fletchers,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lawson St,4,h,2640000,VB,Marshall,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Libra St,4,h,,S,hockingstuart,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Longview Rd,4,h,,VB,hockingstuart,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Oravel St,5,t,950000,PI,hockingstuart,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Renown St,4,h,1960000,S,Fletchers,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Tudor Ct,2,h,,S,hockingstuart,6/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Fallons Wy,3,h,910000,S,Noel,6/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,45 Jeanette St,3,h,862000,S,Barry,6/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1 Valma St,5,h,822000,PI,iTRAK,6/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2 Yarran Gr,2,u,652000,S,iTRAK,6/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2 Illawara Cr,3,h,,VB,Noel,6/01/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,10 Mason Ct,3,h,720000,VB,McGrath,6/01/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bellfield,26 Davidson St,3,h,810000,SA,William,6/01/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,138 Oriel Rd,5,h,,W,Purplebricks,6/01/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,21 Coates St,5,h,1740000,S,Buxton,6/01/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12A Hutchinson St,3,t,1185000,S,Jellis,6/01/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9/463 South Rd,2,u,392000,SP,Jellis,6/01/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,206/24 Becket Av,1,u,,PN,Gary,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,147b Bignell Rd,4,t,1389000,S,Jellis,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,72 Blamey St,3,h,1220000,PI,Buxton,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 East Boundary Rd,2,u,663000,S,Buxton,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Jassa St,4,t,1320500,S,Buxton,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32b Jassa St,4,t,1280000,S,C21,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Malane St,3,h,,PI,Buxton,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Margaretta St,3,h,1100000,PI,Buxton,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,414 McKinnon Rd,3,h,,S,Buxton,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Millis Av,4,h,1420000,S,Jellis,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Noora Av,3,h,1182000,S,Jellis,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Orange St,4,h,1420000,S,Jellis,6/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,34 Euroa Av,3,h,490000,S,hockingstuart,6/01/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,10 Gardiner St,5,h,960000,SP,Barry,6/01/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/34 Second St,3,u,,S,Charlton,6/01/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,24 Lake Rd,5,h,1758000,S,Sell,6/01/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36A Sheehans Rd,5,h,2250000,VB,Ascend,6/01/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,22 Charlton St,5,h,1570000,S,Noel,6/01/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,49 Koonung Rd,4,h,1300000,S,Noel,6/01/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,180 Canterbury Rd,3,h,950000,VB,Noel,6/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Craig St,4,h,,SN,Woodards,6/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,38 Lawrence St,3,h,950000,PI,Noel,6/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Mingeta Av,3,h,1050000,SP,Ray,6/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,22 Blythe Av,3,h,629000,S,Schroeder,6/01/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,3/3 Narcissus Av,2,u,,PI,McGrath,6/01/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/6 Simpsons Rd,2,u,,SP,hockingstuart,6/01/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/25 Wellington Rd,2,u,669000,S,Noel,6/01/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Myamyn St,3,h,850000,S,Douglas,6/01/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/31 Vine St,3,t,600000,VB,Barry,6/01/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,23 Tower Dr,3,h,825000,S,Nelson,6/01/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1 Baroona Ct,3,h,,S,Marshall,6/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Cole St,4,h,5500000,S,Marshall,6/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Lynch Cr,3,h,2350000,VB,Hodges,6/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40 Whyte St,3,h,1900000,PI,Nick,6/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Arnold Rd,4,h,,W,Marshall,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,75 Baird St,4,h,3100000,VB,Marshall,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Carrington Gr,4,h,,VB,Buxton,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Centre Rd,3,h,1415000,S,Hodges,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,32 Clive St,2,h,1262000,S,Hodges,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Curzon St,3,h,1880000,S,Hodges,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Davey Av,4,h,,SP,Marshall,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Parker St,4,h,,S,Marshall,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Raymond Ct,4,h,,PI,Buxton,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,152 Thomas St,2,h,950000,VB,Gary,6/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,17 Wharton Av,5,h,,PI,YPA,6/01/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/6 Corrigan Av,3,t,750000,S,hockingstuart,6/01/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,10/116 Albert St,2,u,757000,SP,Jellis,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,250 Albion St,4,h,1200000,VB,Jellis,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Bennie St,2,h,1011000,S,Nelson,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Charles St,3,h,1010000,S,Peter,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/94 Donald St,1,u,340000,SP,Nelson,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Errol Av,2,h,,SP,Jellis,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Harvey St,3,h,1150000,VB,Lindellas,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Ivy St,2,h,970000,S,Nelson,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Rope Wk,2,t,978000,S,Brad,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Stewart St,2,h,970000,S,Nelson,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Sturrock St,4,h,1665000,SP,Jellis,6/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,14 Foden St,3,h,1255000,S,Barry,6/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/252 Hope St,3,t,700000,VB,Nelson,6/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Howson St,4,h,,VB,Jellis,6/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/546 Moreland Rd,2,u,340000,VB,Brad,6/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,134 Manningham Rd,3,h,1182000,S,Jellis,6/01/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/82 Willow Bnd,3,u,,VB,Philip,6/01/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,77 Cameron Pde,3,h,,PI,Barry,6/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/210 Greenhills Rd,2,u,440000,PI,Barry,6/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Hanover Rd,5,h,1470000,S,Barry,6/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,69 Linacre Dr,4,h,1225000,S,Barry,6/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Milton Pde,4,h,870000,S,Stockdale,6/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Trafalgar Cr,3,h,,PI,Ray,6/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,25 Barnes Av,4,h,1607500,S,Jellis,6/01/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/16 Wridgway Av,2,u,758000,SP,Buxton,6/01/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,6 Heron Rd,3,h,679000,S,Barry,6/01/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,9 Moorhead St,3,h,1827000,S,Marshall,6/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Remon Av,3,h,1855000,S,Jellis,6/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/870 Riversdale Rd,2,u,,SN,Garvey,6/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2C Staughton Rd,4,t,,PI,RT,6/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/71 Through Rd,3,h,1950000,S,Marshall,6/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,916 Toorak Rd,5,h,,SP,Marshall,6/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5/26 Faversham Rd,2,u,837000,S,Fletchers,6/01/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,173 Drummond St,4,h,3825000,S,Woodards,6/01/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,610/123 Pelham St,2,u,567000,S,MICM,6/01/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,821 Rathdowne St,4,h,1391000,S,Nelson,6/01/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,679 Station St,3,h,1580000,S,Woodards,6/01/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/39 Coorigil Rd,2,u,,S,Ray,6/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/52 Coorigil Rd,2,u,711000,S,Jellis,6/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Mimosa Rd,3,h,1222000,S,Gary,6/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/36 Moonya Rd,1,u,331000,SP,Woodards,6/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,84 Oakleigh Rd,2,h,1100000,S,Jellis,6/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2/9 Graham Rd,3,u,743000,S,hockingstuart/hockingstuart,6/01/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield South,28 Goe St,4,h,1300000,VB,Jellis,6/01/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,34B Marara Rd,4,t,1675000,S,Gary,6/01/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,21 Binalong Av,3,h,1120000,S,Jellis,6/01/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/111 Waverley Rd,3,u,780000,SP,Barry,6/01/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/19 Scotch Pde,2,u,620000,S,Barry,6/01/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9 Allnutt Ct,3,h,800000,PI,Ray,6/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Clendon Ct,3,h,950000,VB,Greg,6/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Evergreen Cct,3,t,810000,S,Greg,6/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2C Gilford Gr,2,t,955000,S,Buxton,6/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Merton Cl,3,h,888000,S,O'Brien,6/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Wingrove St,3,h,,S,Buxton,6/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,35 Bardaster Bvd,3,t,,PN,LLC,6/01/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Chirnside Park,12B Meadowgate Dr,3,h,645000,S,Ray,6/01/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/24 Arunta Cr,3,u,730000,SP,Buxton,6/01/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,17 Leonard Cl,3,h,799000,S,C21,6/01/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Merrigum Cr,3,h,766000,S,C21,6/01/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/40 View St,3,t,962000,S,Barry,6/01/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,6 Linda St,4,h,,PI,Ray,6/01/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,119 Spensley St,3,h,1300000,VB,Collins,6/01/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,206 Bell St,4,h,1090000,S,Jellis,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Bruce St,2,h,1010000,S,Raine,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,70 Devon Av,3,h,,SP,Nelson,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,33 High St,2,h,710000,PI,Chambers,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Lascelles St,3,h,946000,SP,YPA,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/3 The Grove,3,t,795000,S,Nelson,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/11 Wolseley St,2,u,587000,S,Nelson,6/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,60 Boyne St,3,h,905000,S,Barry,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,7 Keady St,4,h,965000,S,Barry,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Merlyn St,3,h,1100000,PI,YPA,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13 Norris St,2,h,730000,VB,Brad,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/16 Norris St,3,t,,SP,Biggin,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Outlook Rd,3,h,950000,S,Nelson,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Ronald St,3,h,800000,VB,Nelson,6/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,34 Gold St,2,h,1079500,SP,Harrington,6/01/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,48 Bainbridge Cl,3,h,550000,SP,YPA,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,83 Cimberwood Dr,3,h,,SN,Barry,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Dempster Dr,3,h,,S,Ray,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Folger Rd,3,h,479250,S,Ray,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,348 Grand Bvd,2,t,380000,S,HAR,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,474 Grand Bvd,4,h,630000,S,Barry,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Grange Ri,5,h,688000,S,Barry,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,96 Hanson Rd,3,h,590500,S,Barry,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,92 Hothlyn Dr,7,h,,W,YPA,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Langdon Cr,3,h,567000,S,YPA,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Newbury Bvd,4,h,716000,S,Ray,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Nobility Rd,4,h,640000,S,Barry,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Royal Tce,3,h,480000,S,Barry,6/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,13 Greenbriar Wy,3,h,517250,S,LJ,6/01/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,43 Chestnut St,3,h,1245000,S,hockingstuart,6/01/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,4/8 Bennison St,3,u,720000,SP,Max,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Eden St,3,h,,SN,McGrath,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/6 Haig St,4,t,600000,VB,McGrath,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,167 Maroondah Hwy,4,h,820000,S,Philip,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Melton Gr,3,h,720000,S,Barry,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Moore Av,4,h,,SN,Barry,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 The Pass,5,h,997000,S,Fletchers,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 View St,3,h,655200,S,McGrath,6/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,3 Donald St,3,h,,W,YPA,6/01/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/15 Grace Av,3,t,,PI,O'Brien,6/01/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,107 Herbert St,3,h,,PI,O'Brien,6/01/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Yarra Ct,4,h,,S,Fletchers,6/01/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,6 Belmont Av,4,h,3680000,SP,Marshall,6/01/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,914 Burke Rd,5,h,3080000,S,Harcourts,6/01/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,24 Bird St,3,h,580000,S,Burnham,6/01/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,15 Anakie Wk,3,h,580000,PI,Bells,6/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,22 Brampton Cct,3,h,,PI,Calder,6/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,14 Doran Wk,3,h,,PI,Calder,6/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,34 Frost Dr,4,h,600000,PI,Nelson,6/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,10 Oakham Gld,4,h,561000,S,Burnham,6/01/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,96 Windsor Bvd,4,h,912000,S,Stockdale,6/01/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,14 Moray St,3,h,588000,S,Barry,6/01/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2 Wensley St,3,h,700000,S,Morrison,6/01/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5/169 Centre Dandenong Rd,2,u,680000,S,Buxton,6/01/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Fairway Dr,4,h,839000,S,Buxton,6/01/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Rhoda St,3,h,952000,S,Ray,6/01/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,23 Buckingham Cr,3,h,,SP,Fletchers,6/01/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/40 Finlayson St,3,h,850000,PI,Barry,6/01/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,56 Victoria St,3,h,1150000,PI,hockingstuart,6/01/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Carisbrook Ct,4,h,1198000,S,hockingstuart,6/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/1050 Doncaster Rd,3,u,750000,VB,Fletchers,6/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/37 Greendale Rd,3,u,,VB,Philip,6/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/11 Howell Cl,3,h,868000,S,hockingstuart,6/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Silvana Ct,4,h,,S,hockingstuart,6/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Worthing Av,4,h,1420000,S,Barry,6/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,15 Braford Dr,4,h,740000,S,Barry,6/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,96 Laurimar Bvd,4,h,525000,SP,HAR,6/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,1 Nancarrow Dr,3,h,470000,S,HAR,6/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,17 Patience Av,3,h,558000,S,Barry,6/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,10 Powlett St,6,h,,S,RT,6/01/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,3/35 Shoobra Rd,3,u,930000,VB,Gary,6/01/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Wynton Ct,4,h,,SP,Morrison,6/01/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,13/197 Brighton Rd,1,u,411000,SP,hockingstuart,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,49 Brighton Rd,4,h,,S,hockingstuart,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/1 Glen Huntly Rd,2,u,,VB,Greg,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/145 Glen Huntly Rd,3,u,,SP,Chisholm,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/5 Joyce St,2,u,,PI,hockingstuart,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/199 Ormond Rd,2,u,675000,SP,Buxton,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/34 Pine Av,3,u,1800000,SP,Chisholm,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Robert St,4,h,,PN,Chisholm,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,113 Spray St,3,h,,VB,Hodges,6/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,20 Rhonda Cl,3,h,656000,S,C21,6/01/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Brazil Ct,4,h,735000,S,hockingstuart,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10A Cabot Dr,2,h,432000,S,Ray,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Charteris Gr,4,h,611000,SP,HAR,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/82 Epping Rd,2,u,300000,S,HAR,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/88 Epping Rd,2,u,309000,S,HAR,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Kilby Cl,3,h,610000,S,HAR,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Plowman Ct,3,h,571550,SP,Millership,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Winterton Cl,3,h,658000,S,Iconek,6/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/142 Cooper St,3,t,800000,VB,Barry,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/5 Kalimna St,2,u,768000,S,Barry,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Laluma St,4,h,,S,Nelson,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/62 Nimmo St,2,t,,S,Nelson,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,46 Salmon Av,5,h,2200000,S,Nelson,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/12 Schofield St,2,u,480000,PI,Hodges,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/24 Schofield St,2,u,695000,S,Nelson,6/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,9/15 Royal Av,2,u,365000,SP,Brad,6/01/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,4/25 Rathmines St,2,u,512500,SP,McGrath,6/01/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,75 Rathmines St,4,h,1300000,VB,Thomas,6/01/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,4 Bonwick St,3,h,767500,SP,hockingstuart,6/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/3 Brian St,3,h,616000,SP,Brad,6/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/1 Clara St,2,u,412000,S,Ray,6/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Link Pde,3,h,482000,S,Brad,6/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Selola Ct,3,h,783000,SP,hockingstuart,6/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,32 Lydford Rd,3,h,755000,S,Noel,6/01/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,215 Argyle St,2,h,1930000,SP,Nelson,6/01/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,5/3 Hertford St,2,h,950000,S,Nelson,6/01/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/26 Victoria St,1,u,640000,S,Nelson,6/01/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,103/500 Brunswick St,2,u,655000,SP,Nelson,6/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,810 Brunswick St,3,h,1325000,S,Woodards,6/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23 Egremont St,2,h,1380000,PI,Nelson,6/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/71 Holden St,2,u,650000,SP,Jellis,6/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2/63 Crown St,2,t,785000,S,Edward,6/01/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,10/20 French St,3,u,517000,SP,Brad,6/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Nicholson St,6,h,1527000,S,Nelson,6/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Steet St,4,h,,VB,Biggin,6/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,48b Wolverhampton St,3,t,760000,S,Sweeney,6/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,16 Mutual Ct,3,h,,SN,Woodards,6/01/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Aquarius Dr,3,h,,PI,O'Brien,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Finisterre Ct,4,h,814250,S,Ray,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Frawley St,5,h,840000,SP,hockingstuart,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/13 Gairloch Dr,3,t,569000,S,Barry,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,150 Heatherhill Rd,3,h,538000,SA,Bowman,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,8 Leighton Ct,3,h,,W,Ray,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,82 Lindrum Rd,4,h,560000,S,O'Brien,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/9 Phillip St,2,u,,S,Aquire,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,105 Raphael Cr,3,h,636000,S,Barry,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,67 Raphael Cr,3,h,672500,S,Ray,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Wave St,2,h,574000,S,O'Brien,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wettenhall Rd,4,h,1036000,S,Ray,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,37 Williams St,3,h,1250000,VB,hockingstuart,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/46 Williams St,3,t,605000,S,hockingstuart,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Woodlands Gr,4,h,1150000,VB,hockingstuart,6/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,32 Fleetwood Cr,3,h,1200000,S,Ray,6/01/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Tavistock Rd,3,h,760000,S,Barry,6/01/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,68 Fersfield Rd,3,h,616000,S,Raine,6/01/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1/5 Robert Ct,3,h,535000,SP,Raine,6/01/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,12a Sundew Ct,3,h,550000,S,Raine,6/01/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Cassandra Dr,3,h,620000,S,Barry,6/01/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Chisholm Cl,6,h,,PN,Barry,6/01/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,27 Goodwood Cr,3,h,730000,SP,Barry,6/01/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13/1526 High St,2,u,670000,S,hockingstuart,6/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/40 Osborne Av,2,u,,SN,Biggin,6/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Parkin St,6,h,2245000,S,Marshall,6/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Renwick St,4,h,1735000,S,hockingstuart,6/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,114 Summerhill Rd,3,h,,S,Jellis,6/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Burramine Rd,4,h,,SN,Barry,6/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,57 Hinkler Rd,3,h,,PI,Ray,6/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Short St,6,h,2350000,PI,Harcourts,6/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Summit Cr,4,h,,SN,Biggin,6/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/8 Apsley St,3,t,765000,SP,Stockdale,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,70 Beatty Av,2,t,530000,S,Stockdale,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,43 Bindi St,2,h,637000,S,Brad,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,181 Daley St,2,h,628000,S,RW,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,36 Gladstone Pde,2,h,1245000,S,Jellis,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/122 Loongana Av,3,h,,PI,Stockdale,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 Morley St,3,h,885000,S,Nelson,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/66 Pecham St,3,u,635000,S,Barry,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,73 Tarana Av,4,h,801000,SP,Barry,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/121 Widford St,3,t,554000,S,Stockdale,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 York St,2,h,900000,S,Stockdale,6/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Duranta Dr,3,h,790000,S,Nelson,6/01/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Marigold Cr,3,t,700000,VB,Nelson,6/01/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Mirrim Pl,4,h,1260000,PI,Nelson,6/01/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,14 Anama St,3,h,1002000,S,Morrison,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Booyan Cr,3,h,759000,S,Darren,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,32 Louis St,3,h,835000,S,Buckingham,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9A Scotland Av,3,t,920000,S,Darren,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Simmons Ct,3,h,876000,S,Morrison,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,17 Thoona Gr,4,h,1215000,S,Jellis,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Wanbanna Av,3,h,760000,S,Morrison,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,92 Warralong Av,3,h,838000,S,Buckingham,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/11 William St,3,t,635000,S,Buckingham,6/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Ambleside Rd,4,h,750000,VB,Barry,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Arkley Dr,3,h,671000,S,Barry,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 Elphinstone Bvd,6,h,1515000,S,Jason,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Frontier Av,3,h,660000,S,Barry,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,48 Glencairn Dr,4,h,690000,S,Barry,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Lysterfield Dr,4,h,679000,S,LJ,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Mossgiel Av,4,h,,PN,Barry,6/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5 Richard St,3,h,911000,S,Stockdale,6/01/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,27 West St,3,h,772500,S,Nelson,6/01/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,56E Beach Rd,3,t,2440000,SP,Marshall,6/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,304/33 Crisp St,2,u,850000,S,hockingstuart,6/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2 Grout St,3,h,1500000,VB,Hodges,6/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Kingston St,3,h,1006000,S,Hodges,6/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/5 Walker Av,3,t,1100000,S,Hodges,6/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,25 Daff Av,4,h,1330000,SP,Buxton,6/01/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/229 Auburn Rd,3,t,1400000,PI,Noel,6/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/4 Barkers Rd,2,u,822500,S,Jellis,6/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,128 Church St,4,h,2055000,S,Marshall,6/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/136 Church St,2,u,660000,S,Marshall,6/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/488 Glenferrie Rd,2,u,525000,S,Woodards,6/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/14 Liddiard St,1,u,640000,S,Nelson,6/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/85 Pleasant Rd,2,u,658000,S,Jellis,6/01/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,401/480 Riversdale Rd,2,u,985000,VB,Jellis,6/01/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/137 Victoria Rd,2,u,590000,SP,LITTLE,6/01/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Doulton Av,3,h,1051000,S,Barry,6/01/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,37 Collins St,2,h,782500,SP,William,6/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,9 Heffernan Wk,3,t,760000,SP,Nelson,6/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/74 Porter Rd,4,h,920000,VB,Fletchers/Fletchers,6/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Terry St,2,h,640000,VB,Nelson,6/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,4/9 Exeter Ct,2,u,471000,SP,Miles,6/01/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,367 Liberty Pde,2,h,687000,S,Buckingham,6/01/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,25 Haynes St,3,h,1430000,S,Hodges,6/01/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,229/286 Highett Rd,2,u,590000,VB,Wilson,6/01/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,30 Beattys Rd,4,h,,PI,Barry,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Cynthia Ct,4,h,666000,S,Barry,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,51 Landscape Dr,6,h,830000,PI,Prof.,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Rivergum Pl,5,h,,S,Barry,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,66 Royal Cr,5,h,700000,S,Prof.,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Stonybrook Bvd,4,h,855000,PI,Barry,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 The Grove,4,h,1405000,S,Barry,6/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bolger Cr,3,h,596000,S,hockingstuart,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Casey Dr,3,h,,VB,Triwest,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Harris Av,3,h,505000,S,LJ,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,61 Johnson Av,3,h,586000,S,hockingstuart,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,46 Provence Gr,3,h,525000,S,Greg,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,32 Toulouse Cr,3,h,580000,SP,Greg,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Tucker Ct,5,h,,PI,S&L,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Yarrabee Dr,4,h,660000,S,Barry,6/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,197 Banksia St,4,h,1095000,SP,RW,6/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/18 Belmont Rd,3,u,1220000,S,Miles,6/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,29 Melcombe Rd,2,h,1395000,S,Miles,6/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,41 Myrtle St,4,h,,PI,Nelson,6/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,10 Stanley St,3,h,1150000,VB,Nelson,6/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,34 Cedric St,2,h,1432000,S,Miles,6/01/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,5 Bessell Ct,2,h,,PN,Barry,6/01/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,9 Fox Ct,3,h,455000,SP,YPA,6/01/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,19 Faye Cr,5,h,,SP,Nelson,6/01/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,4 Gidgee Ct,3,h,670000,S,Barry,6/01/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,52 Morcambe Cr,3,h,635000,S,Prof.,6/01/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,9 Odessa Av,4,h,685000,S,Calder,6/01/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Milleara Rd,6,h,1130000,S,Nelson,6/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,84 Parkside Av,2,h,580000,S,Nelson,6/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,178 Rachelle Rd,4,h,975000,S,Moonee,6/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,52 West Gwy,2,h,740000,S,Nelson,6/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorite Pl,3,t,780000,VB,Barry,6/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3 Dana Ct,4,h,,SN,Alexkarbon,6/01/2018,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,55 Spence St,5,h,550000,PI,Nelson,6/01/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,306/72 Altona St,2,u,520000,SP,Jellis,6/01/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,25 Robertson St,2,h,,S,Brad,6/01/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,17 Serong St,3,t,,W,Barry,6/01/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1A Glendene Av,3,h,1760000,VB,Noel,6/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/325 High St,1,u,505000,S,Marshall,6/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Oshaughnessy St,3,h,,S,Marshall,6/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,21 Baker Av,5,h,2300000,VB,Jellis,6/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,47 Bennett Pde,3,h,1702000,SP,Philip,6/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,45 Frater St,3,h,,S,Marshall,6/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/20 Hartwood St,3,h,1150000,S,Jellis,6/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Carribean Dr,3,h,715000,SP,O'Brien,6/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,21 Serpentine Rd,3,h,770000,S,C21,6/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10/72 Stanley Rd,2,t,,SN,Biggin,6/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Woomera Av,3,h,,PI,Barry,6/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,1 Churchill Wy,2,h,830000,S,McGrath,6/01/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,45 Grevillea Rd,4,h,665000,S,Barry,6/01/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 Shepherds Gr,5,h,675000,S,Barry,6/01/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,6 Timothy Ct,4,h,,PI,Barry,6/01/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,1/34 Highland St,3,u,702500,S,Barry,6/01/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,55 Coronation St,3,h,1210000,PI,Jas,6/01/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,32 Empress Av,3,h,1250000,S,McGrath,6/01/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,51 Archer Dr,4,h,439000,S,Raine,6/01/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,14 Narebar Ct,3,h,381000,S,PRDNationwide,6/01/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,4 Columbia Rd,3,h,,SP,HAR,6/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Cyprus St,3,h,707000,S,Barry,6/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 McKimmies Rd,3,h,640000,S,Ray,6/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Mosaic Dr,3,h,700000,S,Iconek,6/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Otway Ct,4,h,600000,S,HAR,6/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Partridge St,3,h,665000,S,HAR,6/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,30 Leonard Dr,4,h,570000,S,Barry,6/01/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,20 Raneen Dr,3,h,510000,S,Bowman,6/01/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,20 Thomas St,3,h,,SP,hockingstuart,6/01/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,5/3 Glenauburn Rd,4,t,1160000,S,Jellis,6/01/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4/34 Glenmore St,3,u,471000,S,Miles,6/01/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/23 MacLeod Pde,2,u,690000,SP,Ray,6/01/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,21 Wungan St,3,h,695000,S,Ray,6/01/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,13/12 Crefden St,2,u,,S,Biggin,6/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,36/44 Eucalyptus Dr,2,u,420000,S,Pagan,6/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,43 Fisher St,3,h,895000,S,Sweeney,6/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11D Rooney St,3,t,670000,PI,Biggin,6/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,34 Suffolk St,3,h,825000,S,Jas,6/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/395 Glenferrie Rd,2,u,2100000,VB,Marshall,6/01/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29 Gordon Gr,4,h,3100000,VB,Marshall,6/01/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,31 Belson St,3,h,,S,Marshall,6/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/8 Burke Rd,2,u,530000,VB,Marshall,6/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Millewa Av,4,h,2830000,S,Jellis,6/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,114/141 Waverley Rd,1,u,112000,S,C21,6/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,51 MacEdon St,2,h,1250000,PI,Sweeney,6/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Middle Rd,3,h,,SP,Brad,6/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/127 Raleigh Rd,2,t,540000,VB,Nelson,6/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,57 Wests Rd,3,t,625000,PI,Raine,6/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/4 Glen Orme Av,3,t,1350000,VB,Gary,6/01/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,28 Lewis St,4,h,1820000,S,Hodges,6/01/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,273 McKinnon Rd,4,h,1730000,S,Buxton,6/01/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Tamboon Ct,3,h,,SN,Barry,6/01/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2009/568 Collins St,1,u,,W,Pagan,6/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2608/620 Collins St,2,u,750000,SP,MICM,6/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1216/74 Queens Rd,2,u,,PI,Purplebricks,6/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,401/340 Russell St,2,u,1000000,SP,MICM,6/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,54/461 St Kilda Rd,3,u,1825000,SP,Gary,6/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,7 Emil Ct,3,h,,PI,Raine,6/01/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,111 Palmerston St,3,h,400000,VB,Biggin,6/01/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,1/23 Hume Av,2,u,290000,SP,Raine,6/01/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,14 Thomas Av,3,h,361000,SP,FN,6/01/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,9 Morrow St,3,h,518000,S,FN,6/01/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,75 Westmelton Dr,3,h,400000,VB,PRDNationwide,6/01/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/62 Balcombe Rd,2,h,680000,SP,Purplebricks,6/01/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4A Delville Av,3,t,920000,S,Barry,6/01/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,71 Patty St,6,h,1650000,SP,Buxton,6/01/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,25 Gael Ct,4,h,598000,S,RW,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Grafton St,4,h,518000,S,RW,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Gridley St,4,h,900000,SP,Morrison,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Maahu Ambl,3,t,482500,S,LJ,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 McCulloch St,3,h,572500,S,Ray,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Monarch Av,3,h,580058,SP,Stockdale,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Riberry Cr,4,h,745500,SP,Love,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Stradling Ri,4,h,662000,PI,Barry,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Tarwin Dr,3,h,595000,S,RW,6/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,50 Callaway Dr,5,h,1500000,S,Barry,6/01/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,4 Berry Ct,4,h,,PI,The,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Blamey Av,3,h,700000,S,Love,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Bolina Ct,3,h,637500,S,HAR,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Clement Ct,4,h,751000,S,HAR,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Hawkes Dr,3,h,699000,S,RW,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/1 Mill Park Dr,2,u,485000,SP,Barry,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3/1 Morang Dr,3,u,410000,SP,Love,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Packard Crse,3,h,551500,SP,Barry,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Randell Ct,3,h,,PI,HAR,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Sirius Ct,4,h,700500,S,Ray,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Streeton Cct,3,h,622000,PI,Love,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 Thompson Cct,4,h,740000,S,Millership,6/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1 Fawcett St,3,h,1020000,S,Philip,6/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/6 Grace Ct,2,h,732500,SP,Noel,6/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/54 Percy St,2,u,,PI,Ray,6/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/22 Walker Av,3,u,1075000,S,Parkes,6/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Walter St,3,h,1151000,S,McGrath,6/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2/394 Mont Albert Rd,2,u,541500,S,Fletchers,6/01/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,734 Whitehorse Rd,2,h,,SP,Jellis,6/01/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,129 Windsor Cr,4,h,2105000,PI,Bekdon,6/01/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,56 Astley St,4,h,,SP,Morrison,6/01/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,52 Kirwana Gr,3,h,880000,SP,Flannagan,6/01/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,84 Sackville St,3,h,907000,S,Jellis,6/01/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/21 Learmonth St,2,h,,VB,Hodges,6/01/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/719 Mt Alexander Rd,2,u,715000,SP,Pagan,6/01/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,34 Wilson St,3,h,1490000,S,Jellis,6/01/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,4 Akima Tce,4,h,,PI,Fletchers,6/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,54 Barker Dr,4,h,712000,PI,Ray,6/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,24 Russell Av,4,h,,SP,Fletchers,6/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Wandana St,4,h,825000,SP,McGrath,6/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,13/17 Collocott St,4,t,930000,S,hockingstuart,6/01/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11B Avondale Gr,5,h,1856000,S,Ray,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4c Bales St,4,t,,VB,Jellis,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Darbyshire Rd,3,h,1240000,S,Fletchers,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Dorgan St,2,h,1240000,S,OBrien,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Grenfell Rd,3,h,1215000,S,Ray,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Heleus Ct,3,h,,PI,Ray,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/454 High Street Rd,2,u,,VB,Jellis,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Jack St,3,h,,SN,McGrath,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Josephine Av,5,h,,PI,Barry,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,183 Lawrence Rd,3,u,742500,S,Ray,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 The Highway,5,h,2700000,VB,Jellis,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Toombah St,6,h,,PI,Ray,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/532 Waverley Rd,3,u,850000,PI,hockingstuart,6/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Bentley Ct,3,h,867000,PI,Harcourts,6/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,65 Haverbrack Dr,4,h,,SN,Jellis,6/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Wanda St,3,h,825000,S,Barry,6/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Windermere Cr,5,h,,PI,Ray,6/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/9 Ardyne St,2,u,801000,S,C21,6/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Blythe St,3,h,1437000,S,Ray,6/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5 Packer St,3,h,1590000,S,Jellis,6/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Swan Rd,4,h,,PI,Buxton,6/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Wallace Av,3,h,1550000,VB,Woodards,6/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,14 Carbine Ct,3,h,625000,S,Raine,6/01/2018,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,9a Berty St,4,t,1090000,S,Ray,6/01/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,91 Gordon St,2,h,660000,S,Jas,6/01/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16a Johnston St,5,h,1180000,PI,Jas,6/01/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,30 Grosvenor St,4,h,1050000,VB,Nelson,6/01/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,150 Buckley St,3,h,1025000,S,Area,6/01/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/28 David St,2,t,530000,S,O'Brien,6/01/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,14 Candy St,3,h,1575000,PI,Nelson,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Candy St,3,h,1585000,S,Jellis,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Johnson St,4,h,1650000,VB,FN,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Latham St,4,h,1420000,SP,McGrath,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,66a Mitchell St,4,h,,S,Nelson,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1315000,S,McGrath,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Oldis Av,3,h,1120000,S,Thomas,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/8 Ross St,2,u,675500,S,Nelson,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Simpson St,2,h,1100000,VB,Nelson,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Thames St,5,h,2525000,SP,Jellis,6/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1 Winifred St,3,h,1000000,S,VICPROP,6/01/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,49 Worrell St,3,h,1102000,S,Jellis,6/01/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/154 Waterloo Rd,2,t,580000,PI,Brad,6/01/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,11 The Avenue,2,h,,PI,Buxton,6/01/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,15 Lehem Av,4,h,1000000,VB,Buxton,6/01/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/12 Lillimur Rd,2,u,790000,VB,Gary,6/01/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/9 Wild Cherry Rd,2,u,810000,S,Buxton,6/01/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/18 Eighth St,2,h,975000,VB,Buxton,6/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,28 Keiller Av,5,h,1160000,VB,Buxton,6/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/5 Sixth St,3,h,1150000,VB,Buxton,6/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/1 White St,2,u,465000,VB,Thomson,6/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/297 Cumberland Rd,2,t,520000,S,Brad,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dale Av,2,h,800000,VB,Nelson,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/3 Grover St,3,t,690000,VB,Barry,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Kitchener Rd,3,t,826000,S,Nelson,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,32 Northumberland Rd,3,h,,S,Nelson,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/28 Raeburn St,2,u,585000,SP,Brad,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2A Waratah St,4,h,1015000,S,Nelson,6/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,10 Gordes St,3,h,464000,S,Daniel,6/01/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,59 Breasley Pky,3,h,670000,S,hockingstuart,6/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Copeland Cr,4,h,650000,S,Point,6/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Gilmore Gr,4,h,,SP,Barry,6/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Horizon Pt,4,h,,PI,hockingstuart,6/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Whitetop Dr,4,h,690000,PI,hockingstuart,6/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,510/1 Danks St W,2,u,797000,S,Castran,6/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Esplanade Pl,3,t,1525000,VB,Buxton,6/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,702/142 Rouse St,3,u,1362000,S,Home,6/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,60/3 Seisman Pl,3,u,,S,Marshall,6/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,61 Chomley St,3,h,,S,hockingstuart,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,80/108 Greville St,3,u,765000,S,Beller,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/37 Greville St,1,u,383000,S,hockingstuart,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/573 High St,2,u,690000,PI,Shape,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/14 Highbury Gr,2,u,680000,SP,Jellis,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/17 Irving Av,2,u,612000,S,Gary,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7 Trinian St,3,h,2400000,VB,Marshall,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,93 York St,2,h,1312000,PI,hockingstuart,6/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,106/448 Bell St,2,u,,PI,Ray,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Carlisle St,3,h,1185000,S,Nelson,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Esther St,2,t,723000,S,hockingstuart,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 Kathleen St,3,h,985000,S,RW,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Kendall St,4,h,,SN,McGrath,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12/39 Mt Pleasant Rd,3,t,760000,S,hockingstuart,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,218 Murray Rd,4,h,930000,VB,Nelson,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,88B Murray Rd,4,h,1950000,PI,Love,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Roseberry Av,4,h,800000,PI,Stockdale,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Shakespeare Av,5,h,1455000,S,Nelson,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,111 Wood St,3,h,,W,Purplebricks,6/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,101 Paterson St,3,h,1575000,S,Nelson,6/01/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,6 Raglan Ct,4,h,900000,S,Morrison,6/01/2018,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,36 Anstey Av,3,h,600000,PI,Ray,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/37 Ashton St,2,t,562000,S,Barry,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Bourke St,3,h,900000,S,Nelson,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/47 Burbank Dr,3,u,,SP,Spencer,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Byfield St,3,h,700500,S,Ray,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/8 Chaleyer St,3,t,560000,S,Barry,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/59 Cheddar Rd,1,t,455000,S,Barry,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Clingin St,4,h,845000,SP,RW,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 East St,3,h,810000,S,hockingstuart,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Hickford St,3,h,920000,S,Barry,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1019 High St,3,h,865000,S,Barry,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/830 High St,3,t,585000,S,Ray,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/63 Kinsale St,3,h,770000,S,Nelson,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Legh St,4,h,,SN,Ray,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Locksley Av,3,h,775000,S,McGrath,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/61 Marchant Av,2,t,600000,S,Nelson,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2B Moore Cr,3,t,669000,S,RW,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Ramleh Rd,4,h,890000,S,Nelson,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/49 Storey Rd,2,t,698000,S,Barry,6/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,62 Appleton St,2,h,1000000,VB,hockingstuart,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/22 Bosisto St,2,u,550000,VB,hockingstuart,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Cutter St,3,h,1490000,S,Nelson,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Davison St,3,h,1182000,S,Jellis,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Durham St,3,h,1700000,SP,Biggin,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Survey St,3,h,1710000,S,Collins,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Wellington St,2,h,1145000,S,Nelson,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 York St,3,h,1000000,S,Biggin,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/45 York St,1,u,530000,S,Marshall,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Yorkshire St,3,t,,PI,Biggin,6/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,148 Main Rd,4,h,765000,PI,Raine,6/01/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,16 Ford St,4,h,1246000,S,Carter,6/01/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,121 Dublin Rd,3,h,805000,S,Carter,6/01/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7/51 Mt Dandenong Rd,2,u,,PI,McGrath,6/01/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,23 Erindale Av,2,h,1380000,S,Cayzer,6/01/2018,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/66 Grandview Gr,3,u,,SN,Miles,6/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,26 Laane Av,3,h,,SN,Barry,6/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/30 Mountain View Pde,3,u,,VB,Fletchers,6/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,51 Dandelion Dr,5,h,956000,S,Ray,6/01/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,247 Karoo Rd,4,h,,PI,Purplebricks,6/01/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10 Pickersgill Cr,4,h,,SP,RW,6/01/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Tiffany Cr,4,h,630000,SP,YPA,6/01/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,57 Bay Rd,4,h,,SP,Nick,6/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,28/170 Beach Rd,3,t,1017500,S,Marshall,6/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9/91 Beach Rd,2,u,720000,S,Buxton,6/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/65 Royal Av,3,h,850000,PI,hockingstuart,6/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,29 Victoria St,4,h,,S,hockingstuart,6/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,7 Saxil Ct,3,h,635000,S,Ray,6/01/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,5 Sussex St,3,h,1410000,S,Barlow,6/01/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2/21 Bellairs Av,2,u,435000,S,Sweeney,6/01/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1111/38 Bank St,3,u,810000,S,Greg,6/01/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,20 Bluestone Ct,4,h,676000,S,Millership,6/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Chamonix Pde,3,h,500000,VB,RW,6/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14 Elite Wy,4,h,711000,S,RW,6/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Fantail Pl,3,h,616000,S,Millership,6/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jenolan Wy,4,h,697000,S,Millership,6/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19/74 Thomas St,2,h,412500,S,HAR,6/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,804/800 Chapel St,1,u,,S,hockingstuart,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26/12 Copelen St,3,t,1500000,PI,Jellis,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/61 Darling St,2,u,,PI,Purplebricks,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/785 Punt Rd,2,t,981000,S,Hodges,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/386 Toorak Rd,3,u,770000,S,hockingstuart,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/35 Walsh St,2,u,1300000,S,Marshall,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/273 Williams Rd,1,u,347500,S,Jellis,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,802/35 Wilson St,2,u,,SP,Space,6/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1700/63 Whiteman St,1,u,,W,Pagan,6/01/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,4 Stephenson St,4,h,1060000,S,Sweeney,6/01/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,6 Errington Rd,3,t,505000,S,Calder,6/01/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/22 Fox St,3,u,,PI,Barry,6/01/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Ironbark St,3,h,650000,SP,Barry,6/01/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1 Natasha Cl,5,h,,SP,Morrison,6/01/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,10/12 Acland St,2,u,500000,VB,Jellis,6/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/14 Alma Rd,1,u,270000,VB,hockingstuart,6/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46 Chapel St,3,h,1310000,S,McGrath/Langwell,6/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/1 St Kilda Rd,2,u,,SP,McGrath,6/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,36b Dublin Av,2,u,850000,VB,Brad,6/01/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/40 Glenbervie Rd,3,u,900000,VB,Nelson,6/01/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,15 Aitken St,3,t,496000,S,Leeburn,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,59 Davenport Dr,3,h,499500,S,Barry,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,12 Davies Ct,3,h,460000,SP,Leeburn,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Ervine Cl,4,h,450000,S,Brad,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Higgs Cct,3,h,516500,S,Barry,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Higgs Cct,4,h,580000,SP,Raine,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2/19 Lalor Cr,2,u,400000,SP,Barry,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Mounsey Ct,4,h,590000,SP,Brad,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,,W,YPA,6/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,7 McKay St,4,h,1155500,S,Jas,6/01/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2A Charles St,3,h,697000,S,Douglas,6/01/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Fulton Rt,4,h,690000,S,Biggin,6/01/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Maldon Ct,3,h,690000,S,Bells,6/01/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,47 Bardsley St,5,h,990000,PI,Douglas,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Dinnell St,3,h,555000,PI,Barry,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Estelle St,4,h,753000,S,Barry,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,32 Mark St,3,h,680000,VB,Bells,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Saltbush Ct,3,h,550000,VB,Barry,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Wingan Ct,4,h,560000,S,Bells,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,243 Wright St,4,h,685000,S,GL,6/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/11 Sunbury Cr,2,t,950000,VB,Jellis,6/01/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/11 Sunbury Cr,2,t,950000,VB,Jellis,6/01/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2/2 Albert Rd,2,u,395000,S,Prof.,6/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4/2 Albert Rd,2,u,400000,S,Prof.,6/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Brogil Wk,6,h,700000,PI,Barry,6/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Hatton Ct,3,h,601000,S,Brad,6/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Hepburn Pl,3,h,495000,SP,Barry,6/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,1/10 Jordyn St,3,u,405000,SP,Benlor,6/01/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Larson Av,4,h,527500,S,S&L,6/01/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,116b Wootten Rd,3,u,420000,S,hockingstuart,6/01/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Kent Pl,4,h,830000,S,Barry,6/01/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,13 York Cl,4,h,660000,S,YPA,6/01/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,72 Admirals Cr,4,h,720000,S,Barry,6/01/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Nerida Ct,4,h,,SP,Barry,6/01/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Warrego Pl,4,h,770000,PI,YPA,6/01/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,53 Hodgson St,3,h,900000,VB,Fletchers,6/01/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,90 MacEdon Rd,5,h,1330000,S,McGrath,6/01/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Chesney Ct,3,h,,W,LJH,6/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,25 French St,3,h,860000,SP,Ray,6/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4/327 High St,2,u,261500,S,HAR,6/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,76 Lincoln Dr,3,h,625000,S,Barry,6/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Waratah St,3,h,925000,S,Ray,6/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Yilleen Cl,4,h,,SP,Barry,6/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,4/104 Gooch St,2,u,500000,VB,Love,6/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,15 Harry St,4,h,1965000,PI,McGrath,6/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108/630 High St,2,u,,SN,Jellis,6/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,34 Rossmoyne St,3,h,920000,S,Jellis,6/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,352A Victoria Rd,3,t,950500,S,Woodards,6/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,90 Woolton Av,3,h,1455000,S,Woodards,6/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2 Cross St,5,h,4515000,PI,Kay,6/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/12 Lambert Rd,3,t,1310000,S,hockingstuart,6/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/723 Orrong Rd,3,u,1550000,VB,Marshall,6/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/425 Toorak Rd,2,u,,PI,Jellis,6/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/322 Melrose Dr,2,u,470000,SP,Barry,6/01/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,10 Paramount Ct,3,h,732000,S,Barry,6/01/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Shawlands Dr,4,h,780000,SP,Barry,6/01/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1/40 Terrara Rd,4,u,841000,S,Harcourts,6/01/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,235 Hawthorn Rd,4,h,,PI,Ray,6/01/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Dawn Ct,4,h,1140000,VB,Miles,6/01/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Royston St,4,h,900500,S,Fletchers/Fletchers,6/01/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,27 Augusta Wy,5,h,600000,S,Ray,6/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,10 Danaher Av,3,h,390000,S,Ray,6/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,76 Roulston Wy,4,h,590000,S,Barry,6/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,39 Clarence Rd,4,h,975000,S,Jellis,6/01/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Kellaway Ct,4,h,1188888,S,Barry,6/01/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,52 Jenola Pde,5,h,1500000,S,Noel,6/01/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Maringa Cl,5,h,1075000,S,Ray,6/01/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Sally Cl,5,h,,S,Fletchers,6/01/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,151 Cameron Pde,3,h,,PI,Barry,6/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,3 Michelle Av,4,h,760000,PI,Barry,6/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Norman Av,4,h,,PI,Ray,6/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,22 Trist St,3,h,700000,SP,Barry,6/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Wattle Glen,4 Warrington Cr,4,h,835000,SP,Mason,6/01/2018,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,20 Harvest Wy,4,h,691000,S,hockingstuart,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Harvest Wy,3,h,,SP,Ray,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Mekong Cl,3,h,420000,S,Barry,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Parker St,2,h,566000,S,Greg,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Selbourne Av,4,h,552000,S,Burns,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8/183 Shaws Rd,2,u,341000,S,Ray,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Trent Cl,3,h,501000,S,Barry,6/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/6 Exhibition St,2,h,775000,PI,Jas,6/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,27 Hex St,2,h,790000,SP,Jas,6/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,33 Wattle St,2,h,1300000,VB,Sweeney,6/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,7 Cuthbert Ct,4,h,1700000,VB,Harcourts,6/01/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Nelse Ct,3,h,1100000,S,Harcourts,6/01/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,6 Wildebrand Av,4,h,785000,S,hockingstuart,6/01/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,4 Alma Tce,2,h,1115000,S,Williams,6/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12/77 Dover Rd,2,u,570000,S,RT,6/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,192 Melbourne Rd,3,h,870000,VB,Raine,6/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,151 Nelson Pl,3,h,2400000,VB,S&L,6/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,67 Nelson Pl,4,h,,SP,Greg,6/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,68 Hornby St,2,h,1000000,VB,Beller,6/01/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,66 Fulham Wy,3,h,640000,S,HAR,6/01/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,11 Tindales Rd,4,h,520600,S,Stockdale,6/01/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,16 Fulford Rd,3,h,,PI,Jellis,6/01/2018,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,5 Chatswood Pl,3,h,410000,S,hockingstuart,6/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,21 Mermaid Cr,3,h,400000,SP,Barry,6/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,20 Olive Wy,5,h,,VB,Greg,6/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,8 Opala Ct,3,h,416000,S,Sweeney,6/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,15 Yaltara Dr,3,h,,S,hockingstuart,6/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,7/6 Borlase St,3,t,745000,S,Buckingham,6/01/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8/6 Borlase St,3,t,655000,S,Buckingham,6/01/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,9 Alice St,2,h,870000,SP,Jas,6/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/119 Gamon St,2,u,495000,SP,Village,6/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Grace St,3,h,1000000,SP,Jas,6/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/13 Stephen St,2,u,410000,SP,Sweeney,6/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/247 Williamstown Rd,3,t,,S,Jas,6/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,32 Fawkner St,4,h,1330000,S,Nelson,6/05/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Albert Park,4 Ashworth St,3,h,1700000,VB,Greg,6/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,15 Welsh Wy,3,t,920000,VB,Jellis,6/05/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,10/90 Yarralea St,1,u,320000,S,Miles,6/05/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,16 Dickenson St,4,h,660000,VB,Triwest,6/05/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,53 Second Av,3,h,807000,S,Sweeney,6/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,83 Second Av,3,h,825000,S,Greg,6/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,35 Sunhill Cr,4,h,660000,S,Barry,6/05/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,22 Baldwin St,2,h,1859000,S,Marshall,6/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10 Eileen St,3,h,,S,Marshall,6/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/29 Mercer Rd,2,t,1200000,S,RT,6/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,8 Anderson St,5,h,2100000,S,Nelson,6/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,44 Electra Av,3,h,1045000,S,Harcourts,6/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,17/1 McIntosh Ct,2,h,503000,S,McGrath,6/05/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,33a Deutscher St,3,u,765000,S,Moonee,6/05/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,34 South Tce,5,h,860000,SP,Moonee,6/05/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn North,2 Osburn Av,3,h,,SP,RW,6/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 The Nook,4,h,,SP,RW,6/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaconsfield,27 Hammerwood Grn,3,h,560000,S,Harcourts,6/05/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,11 Cherbourg Av,3,h,1770000,S,Buxton,6/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 Parkside St,3,h,1500000,S,Charlton,6/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,52 Spicer St,3,h,1305000,S,Noel,6/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,345 Waterdale Rd,3,h,1110000,S,Haughton,6/05/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,2 Delhi St,2,h,1402000,S,Woodards,6/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,10 Luckins Rd,3,h,1500000,S,HAR,6/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/4 Lydia St,3,u,,S,Buxton,6/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/12 Hull St,3,h,825000,S,hockingstuart,6/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Kashmira St,2,h,,SP,Buxton,6/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Melva St,4,h,1515000,S,Buxton,6/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Yarraburn Cl,4,h,,SP,hockingstuart,6/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,16 Lakeside Dr,4,h,756000,S,Grant's,6/05/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,11 Tulip St,3,h,,PI,Chisholm,6/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,191 Canterbury Rd,4,h,1060000,PI,Noel,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1 Eustace St,4,h,1550000,S,Noel,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,38 Gardenia St,3,h,,SN,Woodards,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,35 Larch St,3,h,1430000,S,RT,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/436 Middleborough Rd,3,t,1000000,VB,Noel,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,6/460 Middleborough Rd,3,t,750000,PI,Fletchers,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/44 Naughton Gr,3,u,936000,SP,Noel,6/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,9 Pipe Ct,5,h,,PI,Fletchers,6/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,191 Blackburn Rd,4,h,,PN,Noel,6/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/6 Canora St,3,h,890000,SP,Noel,6/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,6 Highfield Av,3,h,1350000,S,Noel,6/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,5 Samuel Rd,4,h,1370000,S,Fletchers,6/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,44B Troy St,3,t,,PN,C21,6/05/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,13 Melrose Ct,4,h,630000,S,Harcourts,6/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,10 Mitchell Av,3,h,670500,S,Noel,6/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Botanic Ridge,43 Limeburner Gr,4,h,920000,S,O'Brien,6/05/2017,3977,South-Eastern Metropolitan,1240,34.7,Casey City Council +Box Hill,5/10 Camelia St,2,u,780000,S,Ray,6/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/16 Barrie Ct,2,u,480000,S,hockingstuart,6/05/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,96 Duke St,2,h,610000,S,Barry,6/05/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,3 Lawrence St,2,h,,S,Buxton,6/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,21 Manor St,5,h,,S,Buxton,6/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,35 William St,4,h,,SP,Buxton,6/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,21B Creswick St,3,h,,VB,hockingstuart,6/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,134 Johnstone St,3,h,517000,SP,Barry,6/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,44 Katunga Cr,3,h,460000,PI,Melbourne,6/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,14 Marong Ct,3,h,615000,S,YPA,6/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,9 Nathalia St,3,h,520000,PI,YPA,6/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,56 Stanhope St,3,h,680500,S,YPA,6/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,61 Amelia St,3,t,900000,S,Jellis,6/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,129 Glenlyon Rd,3,h,1652000,S,Jellis,6/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/15 Mitchell St,2,u,735000,SP,Walshe,6/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,217 Victoria St,3,h,1210000,S,Woodards,6/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,3/164 Nicholson St,2,h,932500,SP,Woodards,6/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/5 Allard St,2,u,407500,SP,hockingstuart,6/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,46/2 Centennial Av,2,u,470000,S,Brad,6/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6A Duggan St,3,t,670000,S,Raine,6/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,22 Henderson St,2,h,825000,PI,Nelson,6/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1 McLean St,3,h,645000,SP,Nelson,6/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/10 Melville Rd,3,t,865000,S,Barry,6/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,1/15 Allen St,3,u,860000,S,Jellis,6/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/1 Colite St,2,t,599900,S,Barry,6/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,33 Lindsay St,4,h,1540000,S,Jellis,6/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4/62 Manningham Rd,4,t,910000,SP,Barry,6/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,12 Fifer Ri,3,h,685000,PI,Ray,6/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Julie St,3,h,700000,S,Ray,6/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Oxley Av,3,h,820000,SP,RW,6/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,11 Charlesworth Cr,3,h,482000,SP,YPA,6/05/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,24 Andrews St,6,h,1591000,S,Ray,6/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,165 Highbury Rd,4,h,,PI,Ray,6/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/51 Middleborough Rd,2,u,580000,S,McGrath,6/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/12 Somers St,2,u,605000,S,Noel,6/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,15 Summit Rd,3,h,,SP,@Realty,6/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,3 Telopea Pl,4,h,1105000,S,Ray,6/05/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,2/65 Athelstan Rd,4,u,,SP,Marshall,6/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,36 Cochran Av,4,h,3600000,VB,Jellis,6/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,114 Through Rd,3,h,1930000,S,Nelson,6/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8 Tyrone St,3,h,2570000,S,Marshall,6/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,7 Byron St,4,h,,S,Marshall,6/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,132 Lee St,2,h,,S,Nelson,6/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/6 Kokaribb Rd,2,u,605000,SP,Ray,6/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/376 Neerim Rd,4,t,1201000,S,Ray,6/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/60 Woornack Rd,2,u,635000,S,Noel,6/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,50 Edgbaston Pde,4,h,807500,SP,Barry,6/05/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,47 The Parkway,3,h,596000,S,Biggin,6/05/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,4/17 Eel Race Rd,2,u,420000,S,Asset,6/05/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,39 Hillview Dr,3,h,,PI,Ray,6/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,3/1015 Glen Huntly Rd,2,u,535000,S,Biggin,6/05/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,6/24 Park Cr,1,u,3050000,SP,Gary,6/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,47 Ludbrook Av,3,h,1690000,S,Gary,6/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,14 Binalong Av,3,h,1265000,S,Ray,6/05/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,100 Devon St,5,h,1682000,S,Ray,6/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3B Elliott St,3,t,860000,VB,Barry,6/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10A Fairview Av,3,h,950000,S,Branon,6/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,26 Jack Rd,3,h,1150000,VB,Hodges,6/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,22 Kelmar St,3,h,1116000,S,Barry,6/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,22 Rosewall Pl,3,h,712000,S,Ray,6/05/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,6 Tatra Cl,4,h,800000,S,Woodards,6/05/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,4/20 Burton Av,3,u,747000,S,Buxton,6/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,116 Moriah St,3,h,,VB,Jellis,6/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,14 Orloff Cl,3,h,800000,SP,Buxton,6/05/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,7 Turnbull St,4,h,1825000,S,Biggin,6/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,1/27 Cope St,2,u,,SN,Barry,6/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,41a Rennie St,2,u,495000,S,Barry,6/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,65 Victoria St,2,h,930000,S,Raine,6/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,22 Irene Av,2,h,640000,S,Ray,6/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,4/67 Easey St,2,u,535000,S,Nelson,6/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,6 Cavalier Dr,4,h,650000,S,Ray,6/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,70 Dorchester St,4,h,,SN,Barry,6/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Eve Ct,3,h,511000,S,YPA,6/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Gully Wy,3,h,381000,S,Barry,6/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 London Ct,3,h,460000,S,Barry,6/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,119 Clarendon St,8,h,,SP,O'Brien,6/05/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,27 Balmain St,3,h,1350000,S,Biggin,6/05/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,7 Kauri Ct,3,h,,PI,Philip,6/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,1/31 Oaktree Rd,4,h,700000,S,Philip,6/05/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,1/8 MacKenzie Ct,3,h,,PI,Barry,6/05/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,10 Maurice St,3,h,625000,S,Hall,6/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,72 Scott St,3,h,500000,SP,O'Brien,6/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,154 Stud Rd,4,h,550000,PI,Hall,6/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,11/47 Stud Rd,2,u,,PI,Stockdale,6/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,11 Suzanne St,3,h,666000,S,Hall,6/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Avril St,4,h,690000,S,O'Brien,6/05/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,17 Mollison St,3,h,805000,S,Hall,6/05/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,5 Paydon Ct,4,h,,PN,LJ,6/05/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,2/34 Deepdene Rd,2,u,1103500,S,Jellis,6/05/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,34 Huddersfield Rd,6,h,592100,S,YPA,6/05/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,64 Poole St,3,h,646000,S,HAR,6/05/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,40 Christina Tce,5,h,1782500,S,Ray,6/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,2103/1 Point Park Cr,2,u,,PI,Barry,6/05/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,1/58 Ayr St,3,t,,SP,Jellis,6/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9a Bayley Gr,3,h,840000,PI,Barry,6/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/25 Clay Dr,2,t,,SP,RW,6/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/37 Queens Av,2,u,752000,S,Philip,6/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,5/9 Devon Dr,3,u,691000,S,McGrath,6/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/28 Leeds St,3,h,1000000,PI,Jellis,6/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,72 Roy St,3,h,,SP,Fletchers,6/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,12 Cootamundra St,3,h,477000,S,O'Brien,6/05/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Edithvale,3 Bridges Av,4,h,1007500,S,hockingstuart,6/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham North,3 Angus Ct,4,h,900000,S,Buckingham,6/05/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Epping,5 Athena Pl,3,h,610000,S,Ray,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Cullen St,4,h,655000,S,hockingstuart,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,601 Dalton Rd,3,h,515000,SP,Ray,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Glendale Av,4,h,,PI,Stockdale,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,25 Loxton Tce,3,h,465000,S,Harcourts,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18 Memorial Av,3,h,570000,S,RW,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Memorial Av,4,h,557000,S,RW,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Somerset St,4,h,610000,S,Love,6/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,3/18 Balmoral St,2,u,440000,S,Barry,6/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,50 Buckley St,3,h,1700000,S,Weda,6/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,53 Market St,3,h,1070000,VB,Nelson,6/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,401/322 Pascoe Vale Rd,3,u,1000000,VB,Nelson,6/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3 Raleigh St,4,h,,S,Barry,6/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,83A Spencer St,2,h,745000,S,Barry,6/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Eynesbury,6 Boolite St,4,h,450000,VB,FN,6/05/2017,3338,Western Victoria,852,29.8,Melton City Council +Fairfield,11/272 Heidelberg Rd,2,u,676000,S,Jellis,6/05/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,200 McBryde St,3,h,700000,SP,Ray,6/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,42 Loretto Av,7,h,970000,PI,Philip,6/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2 Mahonia Ct,3,h,796000,S,Noel,6/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,8 Barkly St,2,h,,S,Collins,6/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,476 Brunswick St,2,h,1200000,S,Jellis,6/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,7/110 Miller St,1,u,330000,S,Nelson,6/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,90 Bryant St,2,h,1100000,SP,Nelson,6/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,10 Dartford St,3,h,1250000,S,McDonald,6/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,14/41 Dover St,2,t,615000,S,Edward,6/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,2/91 High St,2,t,668000,S,Nelson,6/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,8/11 Nicholson St,2,u,392500,PI,Sweeney,6/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Southampton St,3,h,1320000,SP,Sweeney,6/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/42 Whitehall St,2,u,400000,VB,Trimson,6/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,45 Faulkner St,3,h,990000,PI,Noel,6/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Tisane Av,4,h,1420000,S,Jellis,6/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,30 Frank St,3,h,510000,S,Eview,6/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,42 Leawarra Pde,3,h,530000,S,One,6/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,2 McComb Bvd,4,h,,PI,Harcourts,6/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gembrook,7 Vista Ct,4,h,,W,Stockdale,6/05/2017,3783,Eastern Victoria,923,47,Cardinia Shire Council +Gladstone Park,9 Allenby Pl,4,h,820000,S,YPA,6/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,213/16 Etna St,2,u,560000,S,Steller,6/05/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,8/1522 Malvern Rd,3,t,950000,VB,Ray,6/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Wills St,3,h,1452000,SP,Jellis,6/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2 Epworth Ct,4,h,,S,Harcourts,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Golden Gr,5,h,2700000,S,Ray,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Ivanhoe St,3,h,1205000,S,LLC,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/27 Lindwall St,2,u,736000,S,hockingstuart,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Panoramic Gr,4,h,2120000,S,Harcourts,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/4 Ralton Av,4,t,,PI,Ray,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,321 Springvale Rd,3,h,2020000,S,Harcourts,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,104 Watsons Rd,5,h,1230000,S,LLC,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/780 Waverley Rd,3,h,,SN,Biggin,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,75 Winmalee Dr,3,h,1100000,SP,Buxton,6/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,97 John St,3,h,683000,S,Stockdale,6/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,33 Kennedy St,3,h,1158000,S,YPA,6/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,12 Lewis St,4,h,793000,S,Nelson,6/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1 Meadowbank St,3,h,780000,PI,Brad,6/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6/5 Murrell St,2,t,420000,VB,Brad,6/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Wheatsheaf Rd,3,h,895000,S,Barry,6/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,29 Baird St,3,h,,S,Nelson,6/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,12 Baranbali Gr,3,h,,SN,Barry,6/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/27 Kempston St,3,u,580000,VB,Darren,6/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,18 Adderley Dr,4,h,930000,S,YPA,6/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,42 Kirkham Dr,6,h,950000,S,Jason,6/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5 Curtin Av,3,h,,SP,Barry,6/05/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,82 Highett Rd,3,h,1615000,S,Buxton,6/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,15 Littlewood St,3,h,2513000,S,Hodges,6/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,33 Smith St,3,t,,PI,Buxton,6/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,54A Apex Av,3,t,,PI,Buxton,6/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,16 Burt Cr,3,h,1326000,S,Buxton,6/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,7 Howitt Av,4,h,1610000,S,Buxton,6/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,215 Auburn Rd,3,h,,S,Kay,6/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7 Colvin Gr,3,h,1700000,VB,Kay,6/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/54 Liddiard St,1,u,440000,S,Jellis,6/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,25 Myrniong Gr,5,h,3750000,VB,Woodards,6/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/382 Riversdale Rd,2,u,,S,Jellis,6/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,47 Beverley Rd,4,h,1450000,PI,Miles,6/05/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,53 Lloyd St,2,h,910000,S,Haughton,6/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,14 Shelley St,2,h,665000,S,Jellis,6/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,3 Leyte Pde,3,h,880000,S,Haughton,6/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,330 Liberty Pde,3,h,687000,S,Haughton,6/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,8/1 Major St,2,u,525000,PI,Steller,6/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/8 Maxflo Ct,3,h,,PI,Buxton,6/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,60 Tibrockney St,2,h,,SP,Charlton,6/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,93 Jade Wy,3,h,540000,S,Barry,6/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,7 James Ct,4,h,600000,S,Barry,6/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,21 Chardonnay Pl,3,h,520000,S,hockingstuart,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1/3 Judkins Av,3,u,410000,S,Triwest,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2/3 Judkins Av,3,u,410000,S,Triwest,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,312 Morris Rd,5,h,,PI,Sweeney,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,52 Mossfiel Dr,3,h,489000,S,Triwest,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 Nelson Wy,5,h,,PI,PRDNationwide,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Sycamore St,3,h,645000,SP,JK,6/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/7 Darling St,3,t,,S,Woodards,6/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,4 Edwin St,3,h,990000,S,Nelson,6/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4 Mandall Av,4,h,2535000,S,Miles,6/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,24 Osney Av,3,h,1060000,S,Nelson,6/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,47 Waterdale Rd,4,h,1410000,S,Barry,6/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,7 Robinhood Rd,2,h,2100000,S,Miles,6/05/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,30 Bundeena Av,3,h,772000,S,O'Brien,6/05/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor East,5 Limestone Av,5,h,1470000,S,FN,6/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kew,27 Carson St,5,h,,S,Kay,6/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Gordon Av,2,h,1230000,S,Marshall,6/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Uvadale Gr,5,h,3800000,VB,Jellis,6/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/110 Walpole St,2,u,700000,SP,Jellis,6/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,4/27 Windella Av,2,u,720000,S,Nelson,6/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth South,17 Memory Ct,5,h,890000,SP,Fletchers,6/05/2017,3137,Eastern Metropolitan,962,26,Maroondah City Council +Kingsville,134 Empress Av,3,h,1108000,SP,Village,6/05/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,7 Adina Ct,3,h,335000,S,Raine,6/05/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,17 Alimia Ri,4,h,900000,S,Harcourts,6/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,50 Anderson St,3,h,706000,S,Ray,6/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Dickens St,3,h,660000,SP,Purplebricks,6/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,3/122 Main Rd,3,h,660000,S,Darren,6/05/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,41 Munro St,4,h,,SN,Miles,6/05/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,51 Churchill Av,3,h,836000,S,Sweeney,6/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/170 Mitchell St,4,t,,PI,hockingstuart,6/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,10/27 Ewart St,1,u,,PN,Shape,6/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,5/11 Johnstone St,1,u,365000,SP,hockingstuart,6/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,14 Norfolk Pl,2,t,1000000,VB,Jellis,6/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,9 Plant St,3,h,,SN,RT,6/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,32 Shaftesbury Av,3,h,,SP,Thomson,6/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,11/5 Warner St,1,u,456000,S,Jellis,6/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,26 Boston Av,4,h,,SP,Marshall,6/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,32 Chadstone Rd,3,h,2250000,S,Fletchers,6/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,9 Emo Rd,2,h,,S,Marshall,6/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7 Karma Av,4,h,,PI,Marshall,6/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,33 Hillside Cr,3,h,1110000,PI,Biggin,6/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,407/54 La Scala Av,2,u,600000,VB,Weda,6/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,33 Station Av,5,h,,S,Woodards,6/05/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,23 Mitchell Cr,3,h,595000,S,Barry,6/05/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,501/318 Little Lonsdale St,1,u,432000,S,Greg,6/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,82/632 St Kilda Rd,3,u,750000,VB,Hodges,6/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,55 McKenzie St,4,h,710000,S,hockingstuart,6/05/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,12 Acacia Cr,3,h,340000,S,Raine,6/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,44 Panorama Dr,4,h,435000,S,hockingstuart,6/05/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/264 Balcombe Rd,2,u,685000,S,Buxton,6/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/37 Milan St,3,u,1100000,S,Hodges,6/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,17 Hatfield Dr,5,h,531000,S,Ray,6/05/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 Strachan Ri,3,h,598000,S,Harcourts,6/05/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,77 Trillium Bvd,4,h,600000,S,Ray,6/05/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,1 Bernborough Pl,5,h,730000,S,Harcourts,6/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Blamey Av,3,h,685000,S,Ray,6/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Farrer Ct,3,h,692000,S,RW,6/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Whitfield Ct,4,h,682000,S,Harcourts,6/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,11 Albert St,2,h,911000,S,Noel,6/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,18 Rotherwood Av,2,h,,SN,Woodards,6/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/1 Tourello St,3,h,655000,S,Philip,6/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,8 Gawler Ct,4,h,1865000,S,Fletchers,6/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/90 Victoria Cr,2,u,770000,S,hockingstuart,6/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,28 Orr La,1,h,632500,S,Barry,6/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,8/128 Park St,1,u,296000,PI,Village,6/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,31 Pattison St,4,h,1531000,S,Rendina,6/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,6 Dyson Ct,3,h,,W,Purplebricks,6/05/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,2/40 Chute St,4,t,1265000,S,Thomson,6/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/11 McDonald St,1,u,462000,S,Buxton,6/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9 Steedman St,4,h,1425000,S,Barry,6/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1A Woods Av,3,t,864000,S,McGrath,6/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,42 Carrol Gr,4,h,,SP,Barry,6/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Nicholson Av,4,h,1405000,S,Barry,6/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Norman Ct,3,h,,SN,hockingstuart,6/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,9 Carson St,3,h,908000,S,Ray,6/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/71 Highfield Av,3,u,599900,S,Ray,6/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,23 Oliver Ct,4,h,1180800,S,Jellis,6/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,7 Merrimu St,4,h,1656000,S,Mandy,6/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,28 Agg St,4,h,1230000,SP,Gunn&Co,6/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,74 Challis St,4,h,1560000,S,Village,6/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,83 Elizabeth St,3,h,2000000,S,Sweeney,6/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,15 Oxford St,3,h,,PI,Williams,6/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,38 Speight St,2,h,820000,S,RT,6/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,30 Carrington Rd,3,h,1312000,S,Brad,6/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,13 George St,3,h,960000,S,Nelson,6/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,13 Haldane Rd,3,h,935000,S,Purplebricks,6/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/262 Corrigan Rd,3,u,350000,PI,C21,6/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,48 Charles St,2,h,1343000,S,Jellis,6/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12/412 High St,2,u,680000,SP,McGrath,6/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,8 Winchester Rd,5,h,1750000,PI,Ray,6/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,15 Kiama St,2,t,600000,S,Nelson,6/05/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,65 Drummond St,5,h,,S,Buxton,6/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Ormond,265 Tucker Rd,3,h,1300000,S,Buxton,6/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,26 Keith St,3,h,,PI,Buxton,6/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,13/54 The Avenue,3,u,835000,S,Nelson,6/05/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/6 Bothwell St,3,t,,S,Rendina,6/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,62 Devon Rd,3,h,755000,S,Nelson,6/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4 Dixon St,2,h,750000,PI,Nelson,6/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,13 McCracken Av,2,h,1290000,S,Nelson,6/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/1 Vale St,2,h,,PI,Raine,6/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,281 Esplanade East,3,h,1400000,S,Marshall,6/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,16 Lalbert Cr,3,h,,VB,RT,6/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,47 Wrights Tce,3,h,1251000,PI,Jellis,6/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,7/4 Austral Av,2,t,792000,S,Nelson,6/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/25 Inverloch St,2,h,605000,S,Barry,6/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,502/49 Plenty Rd,2,u,413000,SP,Raine,6/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,14 West St,3,h,1190000,S,Barry,6/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,288 Richardson St,3,h,1550000,S,Woodards,6/05/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,10 Armstrong St,2,h,,SP,Ray,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Fordham Rd,4,h,741000,S,Ray,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Greenock St,3,h,725000,S,Barry,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/144 Hickford St,3,u,615000,S,Barry,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/963 High St,2,u,406000,S,Barry,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,92 Lawley St,3,h,825000,PI,Holland,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Southernhay St,3,h,1010000,S,Barry,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Whitby St,2,u,,SP,Ray,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,83 Whitelaw St,2,h,852000,S,Love,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Zinnia St,3,h,595000,SP,Barry,6/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,7 Berry St,2,h,950000,VB,hockingstuart,6/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,60 Gardner St,2,h,1110000,S,hockingstuart,6/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,49 Garfield St,2,t,950000,VB,hockingstuart,6/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/39 Hunter St,2,u,1226000,S,hockingstuart,6/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,516/2 McGoun St,1,u,500000,VB,Collins,6/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,118 Somerset St,3,h,1214000,S,Nelson,6/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/68 Ringwood St,3,h,710000,VB,hockingstuart,6/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,11 Surrey St,3,h,1086000,S,Philip,6/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,12 Scenic Av,4,h,,SN,Barry,6/05/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,16 Walhalla Dr,3,h,950000,SP,hockingstuart,6/05/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,1/7 Ellesmere Pde,3,t,,PI,Morrison,6/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,5 Amalfi Ct,4,h,550500,S,YPA,6/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,15/170 Beach Rd,3,t,,PI,Buxton,6/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,46 Duncan St,2,h,1350000,PI,Hodges,6/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,29 Sheppard Dr,4,h,950000,S,iTRAK,6/05/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,15 Bellairs Av,2,h,842000,S,Sweeney,6/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Skye,39 Edinburgh Dr,5,h,,PN,hockingstuart,6/05/2017,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,20 Glover St,3,h,2240000,S,Greg,6/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,28 Nelson Pl,3,h,2050000,PI,Marshall,6/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,5 Bellows St,4,h,685000,S,Ray,6/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,6/38 Chambers St,3,u,1320000,S,RT,6/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,407/800 Chapel St,1,u,537000,S,hockingstuart,6/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,806/800 Chapel St,2,u,800000,VB,Beller,6/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/49 Tivoli Rd,2,u,,S,Jellis,6/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale South,2/1 Reginald St,3,t,597000,S,Leyton,6/05/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,10 Bent St,3,h,,SN,Barry,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,10 Breydon Ct,3,h,,SN,Barry,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,24 Cordelia Gr,3,h,,W,YPA,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Hook St,4,h,835000,SA,Sweeney,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,35A Lima St,3,h,472000,S,Burnham,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,39 Stradbroke Dr,3,h,,VB,Homes,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,57 Walmer Av,3,h,763000,S,Barry,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,38 Walter St,3,h,695000,S,Ray,6/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,5/18 Barkly St,1,u,346000,SP,Buxton,6/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/25 Mitford St,3,u,786000,S,McGrath,6/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,18 Strathaird St,4,h,810000,PI,Nelson,6/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1 Willonga St,3,h,,S,Nelson,6/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,26 Aitken St,3,h,617500,S,Leeburn,6/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,167 Gap Rd,3,h,395000,S,YPA,6/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Learmonth St,3,h,420000,S,YPA,6/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,54 Ardoyne St,3,h,940000,S,Douglas,6/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,138 Devonshire Rd,4,h,726000,S,YPA,6/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,27 Parsons St,3,h,950000,S,Douglas,6/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,25 Lincoln St,3,h,830000,S,Douglas,6/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,19 Plymouth Cl,3,h,600000,S,Douglas,6/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,32 Killara St,3,h,716000,S,Barry,6/05/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Mentha St,4,h,,PN,HAR,6/05/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3/700 Canterbury Rd,2,u,682000,S,Ham,6/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/251 Elgar Rd,3,h,1100000,VB,Jellis,6/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,14 Bradman Dr,4,h,,W,YPA,6/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,7 Kerlin Cr,3,h,,PI,YPA,6/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,19 Northbridge Dr,4,h,570000,S,hockingstuart,6/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,253 Thames Bvd,3,h,515000,SP,Barry,6/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,54 Barwon St,5,h,650250,S,Purplebricks,6/05/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,30 Dorcas La,3,h,,SP,Prof.,6/05/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,6 Rushcutters Pl,4,h,687000,S,Ray,6/05/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,8 Corryong Cr,5,h,602000,S,Prof.,6/05/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,5 Solent Cr,3,h,650000,S,Prof.,6/05/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,27 Smiths Rd,4,h,1750000,PI,Ray,6/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,2/92 Foote St,3,t,940000,PI,Jellis,6/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Jean St,3,h,1503500,S,Noel,6/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,111 Edgars Rd,4,h,,PI,Harcourts,6/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Fiesta Ct,3,h,601000,S,Barry,6/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,6 Glenburn St,3,h,570000,S,Harcourts,6/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,144 Main St,3,h,645000,S,Harcourts,6/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Palm St,3,h,657000,S,Ken,6/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Wirilda Cl,4,h,633500,S,Barry,6/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,8/350 Gooch St,3,u,750000,SP,McGrath,6/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,154 Normanby Av,3,h,765000,SP,Nelson,6/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,177 Raleigh St,3,h,1750000,S,McGrath,6/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Vermont South,18 Overland Dr,4,h,,SN,Biggin,6/05/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,8 Graham Rd,3,h,810000,VB,Miles,6/05/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,10 Berkley St,3,h,1174000,S,Harcourts,6/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,28 Curtis Av,4,h,1193000,S,Ray,6/05/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,60 Orana Dr,3,h,880000,S,Barry,6/05/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,5 Regis Ct,5,h,826000,S,Barry,6/05/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,61 Clive St,4,h,1435000,S,Village,6/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4/8 Margot St,2,h,470000,SP,Greg,6/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6/350 Somerville Rd,2,h,502000,S,Sweeney,6/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,14 Campbell St,3,h,630000,S,YPA,6/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,9 Duncan Ct,4,h,,SN,YPA,6/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,28 Eyre St,3,t,507000,S,YPA,6/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1 Cope Ct,4,h,,SN,Biggin,6/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Tracey Ct,4,h,1200000,VB,Jellis,6/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Tracey Ct,4,h,1275000,S,Ray,6/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,62 Whalley Dr,4,h,1119000,S,Harcourts,6/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,44 Electra St,4,h,2165000,SP,Greg,6/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Jobson St,3,h,1245000,S,hockingstuart,6/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,73a Victoria St,4,h,2075000,SP,Greg,6/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,6/24 Ryrie Gr,3,t,355000,S,Harcourts,6/05/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,76 Castlemaine St,3,h,935000,S,Jas,6/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8 Gordon Pde,3,h,990000,S,Jas,6/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,92 Simpson St,2,h,950000,SP,Village,6/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,16 Maugie St,4,h,,SN,Nelson,6/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,53 Turner St,2,h,,S,Biggin,6/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,99 Turner St,2,h,,S,Collins,6/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,33 Bowes Av,5,h,1035000,S,Airport,6/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,89 Bowes Av,4,h,960000,S,Barry,6/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,45 Laurence Av,4,h,960000,S,Nelson,6/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,54 Marshall Rd,3,h,720000,S,Barry,6/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,36 Roberts Rd,4,h,785000,S,Considine,6/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,9 Boyd St,3,h,,SN,Greg,6/08/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,75 Graham St,2,h,1110000,S,Marshall,6/08/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,1/170 Blyth St,3,u,630000,S,Barlow,6/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,5/35 Grieve Pde,2,u,406000,SP,hockingstuart,6/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,1/5 Little St,3,h,720000,VB,Greg,6/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,4 Suspension St,3,h,,SN,Barry,6/08/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,37 Barkly Av,2,h,1930000,S,Jellis,6/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,10 Fenton St,2,h,1053000,S,Nelson,6/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,10 McCully St,3,h,1377000,S,Nelson,6/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,11 Scenic Dr,4,h,,S,Jellis,6/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4 Scenic Dr,4,h,1500000,S,Fletchers,6/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,29 Larnook Cr,3,h,,SP,Biggin,6/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,33 Robertson Pde,2,u,590000,S,hockingstuart,6/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,44 Station St,3,h,720000,S,Biggin,6/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,16 Arcade Wy,3,h,655000,S,Nelson,6/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,19 Rogerson St,3,h,,SP,Nelson,6/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,68 Thompson St,3,h,680000,S,Nelson,6/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,142 Balwyn Rd,2,h,1850000,VB,Fletchers,6/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,59 Narrak Rd,2,h,,S,Fletchers,6/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,23 Norbert St,4,h,,S,Marshall,6/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9/11 Parring Rd,2,u,805000,S,Noel,6/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,5 Arama St,3,h,,S,Jellis,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,325 Belmore Rd,5,h,3250000,PI,Jellis,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Buchanan Av,4,h,,S,Marshall,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Cityview Rd,4,h,1750000,PI,Ray,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Ellendale St,3,t,1150000,S,Christopher,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,101 Hill Rd,4,h,,SP,Marshall,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Sylvander St,3,h,,S,Jellis,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,85 Tannock St,3,h,1575000,PI,Noel,6/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,73 Reserve Rd,3,h,1370000,S,Nick,6/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,16 Spicer St,5,h,,SP,hockingstuart,6/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,20 Davidson St,3,h,773000,S,Nelson,6/08/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,8/11 Brentwood St,2,u,360000,PI,Buxton,6/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12b Coates St,4,t,1435000,S,hockingstuart,6/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/87 Mitchell St,2,u,,S,Buxton,6/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,156 Patterson Rd,3,h,1110000,S,Buxton,6/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 Rose St,4,h,2435000,S,Buxton,6/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,17 Windsor Av,4,h,2000000,S,Buxton,6/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,19 Kurrajong St,3,h,1040000,PI,hockingstuart,6/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,34b Lesden St,4,t,1210000,S,hockingstuart,6/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7a Melva St,4,t,1370000,S,Buxton,6/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,59 Tambet St,4,t,1160000,S,hockingstuart,6/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,18 Arranmore Av,5,h,2725000,VB,hockingstuart,6/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,548 Balcombe Rd,3,h,1508000,S,Buxton,6/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,8 Stanley St,3,t,1770000,S,Buxton,6/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,19 Alandale Rd,2,h,1571000,S,Ray,6/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5/70 Blackburn Rd,3,u,752000,S,Fletchers,6/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,24a Fuchsia St,4,h,,SN,Barry,6/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/332 Middleborough Rd,3,u,700000,PI,Philip,6/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/12 Tyrrell Av,3,t,1145000,S,Fletchers,6/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,2/79 Surrey Rd,2,u,440000,PI,Ray,6/08/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1/27 Holland Rd,3,t,900000,VB,hockingstuart,6/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Brighton,124 Cole St,4,h,1761000,S,Kay,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,60 Halifax St,4,h,,SN,Buxton,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 Laburnum Ct,4,h,,SN,Buxton,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1a Mair St,3,h,2600000,S,Buxton,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,24b Munro St,3,h,1302500,S,Nick,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,17 New St,3,h,1900000,S,Marshall,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,90 New St,5,h,,S,RT,6/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,60 Baird St,3,h,1860000,S,Marshall,6/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Bright St,4,h,,SN,Buxton,6/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,80 Marriage Rd,3,h,1500000,S,Nick,6/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/10 Vincent St,3,t,870000,S,hockingstuart,6/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,3/9 Austin Tce,2,u,400000,S,Jellis,6/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,77 Blyth St,3,h,950000,SP,Jellis,6/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,303/10 Dods St,2,u,,S,Nelson,6/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,94 Barkly St,4,h,1815000,S,Nelson,6/08/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,2/39 Murray St,1,u,300000,VB,Jellis,6/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,5 Fuller St,3,h,1127000,S,Jellis,6/08/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,13 Montgomery Pl,3,h,990000,PI,Barry,6/08/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,10 Tanami Ct,4,h,1401000,S,Ray,6/08/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,24 Alma Rd,3,h,610000,SA,Stockdale,6/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8/127 Arthur St,2,h,310000,PI,hockingstuart,6/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Bradford Rdg,3,t,,PI,Ray,6/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,448 Grimshaw St,3,h,586000,S,Ray,6/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,37 Judith St,3,h,734000,S,Barry,6/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,2 Warrina Ct,3,h,981000,S,Biggin,6/08/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,1/1 Glen Iris Rd,3,t,1300000,S,Fletchers,6/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1292 Toorak Rd,6,h,,SP,Jellis,6/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/196 Warrigal Rd,4,t,,S,Thomson,6/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,11 Mangarra Rd,3,h,,S,Marshall,6/08/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,9 Victoria Av,3,h,4110000,S,Kay,6/08/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,632 Rathdowne St,3,h,1280000,VB,Nelson,6/08/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4/12 Judith St,2,u,360000,VB,Gary,6/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,68 Miller St,2,h,967500,S,hockingstuart,6/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,254 Neerim Rd,2,h,1350000,VB,Gary,6/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/76 Railway Rd,2,u,516000,S,hockingstuart,6/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/78 Railway Rd,1,u,330000,S,hockingstuart,6/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,6 Marcella Pl,3,h,365000,S,Munn,6/08/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,5 Grange Rd,3,h,1650000,PI,Woodards,6/08/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Chadstone,30 Melinga Cr,3,h,1101000,S,Buxton,6/08/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,23 Thurloo St,3,h,1000000,S,Buxton,6/08/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/7 Sherwood Av,2,u,535000,SP,hockingstuart,6/08/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,99 Benkel Av,4,h,1040000,S,Greg,6/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21 Keamy Av,3,h,982000,S,Ray,6/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,83 Latrobe St,2,h,850000,PI,Buxton,6/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Paul St,4,h,1505000,S,Hodges,6/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,2/21 Crawford Rd,2,u,470000,S,Barry,6/08/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1/5 Burton Av,2,u,498500,S,Darras,6/08/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,40 Ireland Rd,3,h,,SN,Barry,6/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,35 Kitson Rd,4,h,702000,PI,Barry,6/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/38 Manoon Rd,2,t,620000,S,Buxton,6/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,26 Murchison Cr,4,h,705000,S,iSell,6/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,16 Linda St,2,h,953000,S,Jellis,6/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Shackell St,2,h,735000,SP,Nelson,6/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,25 Ida St,2,t,420000,VB,Peter,6/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,21/17 Oxford St,2,u,,SP,Caine,6/08/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,3 Baronial Wy,4,h,510000,S,RE,6/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Beechville Pl,3,h,,SN,Barry,6/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Benston St,3,h,468300,S,Professionals,6/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Goulburn Wy,4,h,,SP,New,6/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Greenham Av,4,h,540000,PI,LJ,6/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,43 Newlyn Dr,4,h,,PI,Barry,6/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,301/163 Cremorne St,1,u,425000,PI,hockingstuart,6/08/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,16 Donald St,3,h,671000,S,ASL,6/08/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,10 Barnard Cr,5,h,955000,S,Carter,6/08/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,3 Rubicon St,3,h,402500,S,Jason,6/08/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Diamond Creek,7 Jamieson Ct,4,h,,PI,Barry,6/08/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,58 Patyah St,3,h,513000,S,Emerson,6/08/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,402/18 Berkeley St,2,u,,SP,Foxtons,6/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1a Morris St,4,h,1152000,S,Jellis,6/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,4 Iris Ct,5,h,1650000,SP,Jellis,6/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,12 Miramar Ct,4,h,1050000,S,Barry,6/08/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,8 Solson Pl,4,h,960000,PI,Fletchers,6/08/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,5 Kingbird Cr,3,u,,PN,Harcourts,6/08/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,96 Overland Dr,4,h,630000,SP,Ray,6/08/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,23 Silverdale Rd,4,h,,SN,Nelson,6/08/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Elsternwick,29 Hartington St,4,h,,SN,Woodards,6/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9 McCombie St,3,h,1440000,S,Buxton,6/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,3/71 Bible St,3,u,565500,SP,Buckingham,6/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,30 Brougham St,4,h,,SN,Barry,6/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,11 Fordhams Rd,3,h,,PI,Morrison,6/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,11 Milborne Cr,4,h,,SN,Barry,6/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,6/14 Souter St,2,u,,S,Darren,6/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/49 Stanley Av,3,t,,SN,Barry,6/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,1/9 Progress Rd,3,h,,SN,Barry,6/08/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,5/10 Avoca Av,2,u,665000,S,McGrath,6/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/63 Ormond Rd,2,u,550000,S,Buxton/Advantage,6/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,7 Antill Ri,4,h,,PI,Harcourts,6/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Glenloth Ct,3,h,486000,S,Harcourts,6/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,33 Deakin St,4,t,1250000,PI,Frank,6/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/120 Roberts St,2,t,720000,VB,Brad,6/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/5 Warner St,2,u,660000,S,Paul,6/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/10 Oshannassy St,2,u,393000,S,Brad,6/08/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,22 Bourke St,3,h,,S,Nelson,6/08/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,192 Gillies St,3,h,1064000,S,Jellis,6/08/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3 Frederick St,3,h,,SN,Barry,6/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,4 Lord St,3,h,585000,S,hockingstuart,6/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,29 Folkstone Cr,4,h,660000,S,Schroeder,6/08/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,4/113 Cecil St,2,u,810000,S,Jellis,6/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,22 Laura Pl,2,h,,S,Nelson,6/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,92 Scotchmer St,2,h,1008000,S,LITTLE,6/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,5/28 Eleanor St,2,t,480000,PI,Jas,6/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/38 Lynch St,1,u,357000,S,Village,6/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8 McCubbin St,3,h,910000,S,Village,6/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,87a Bindy St,4,u,991000,S,Fletchers,6/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,6 Olympic Ct,3,h,,SP,Noel,6/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,14 Tisane Av,5,h,1275000,PI,Ray,6/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,285 Cranbourne Rd,3,h,427000,S,Community,6/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,9 Hayden Av,3,h,512500,S,O'Brien,6/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,69 Stanley St,3,h,500000,S,Ray,6/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,121 Wangarra Rd,4,h,415000,S,iTRAK,6/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,17 Corsican St,3,h,370000,S,Ray,6/08/2016,3200,Eastern Victoria,2500,36.9,Frankston City Council +Gladstone Park,9 Windermere Cr,3,h,490000,SP,Stockdale,6/08/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,10 Hazeldine Rd,4,h,2538000,S,Marshall,6/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20/1553 High St,1,u,255000,PI,Buxton,6/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Montana St,4,h,2300000,VB,Jellis,6/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,590 Highbury Rd,3,h,,PI,McGrath,6/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Kuebler St,4,h,1680000,S,Barry,6/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Lincoln Av,5,h,,PI,Ray,6/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Montie Ct,3,h,900000,PI,Harcourts,6/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Short St,5,h,2100000,PI,Barry,6/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,123 Glenroy Rd,3,h,670000,S,Stockdale,6/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/27 Harold St,2,u,430000,PI,Jason,6/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,45 Stanley St,2,h,852500,S,Barry,6/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,46 Stanley St,4,h,1025000,S,Burnham,6/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,41 Balerno Cir,3,h,504000,S,Nelson,6/08/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,16 Gilmour Ct,4,h,685000,SP,Buckingham,6/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,26 Santon St,2,h,600500,S,Fletchers,6/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,4 Overton Cl,3,h,546000,S,Peter,6/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,3/46 Fewster Rd,2,u,760000,S,hockingstuart,6/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5/440 Hampton St,2,u,616000,PI,RT,6/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,131 Linacre Rd,4,h,1680000,S,hockingstuart,6/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,139 Linacre Rd,5,h,2520000,S,Buxton,6/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,154 Ludstone St,5,h,,SP,Buxton,6/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,84 Thomas St,5,h,,S,Buxton,6/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/2 Cooke Av,3,u,525000,S,Buxton,6/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,9 Summit Av,3,t,1297500,SA,Ray,6/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,28 Millswyn Av,5,h,462000,S,O'Brien,6/08/2016,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,244 Barkers Rd,5,h,,SN,Woodards,6/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/284 Barkers Rd,2,u,,PN,Kay,6/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7 Brook St,3,h,2000000,S,Nelson,6/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,511 Glenferrie Rd,5,h,,SN,Kay,6/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/107 Riversdale Rd,2,u,500000,VB,Marshall,6/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,748 Burwood Rd,5,h,1700000,S,Marshall,6/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1b Clive Rd,2,h,,S,Marshall,6/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,63 Leura Gr,3,h,,S,Marshall,6/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,22 Miami St,3,h,1650000,VB,RT,6/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,186 Rathmines Rd,4,h,,S,Marshall,6/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,9 Lorienne St,3,h,858000,S,Philip,6/08/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,22 Almay Gr,3,h,1220000,S,Miles,6/08/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/71 Rosanna Rd,3,t,550000,PI,hockingstuart,6/08/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,6/542 Upper Heidelberg Rd,2,u,585000,PI,Barry,6/08/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/51 Yarra St,2,t,705000,S,Miles,6/08/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,16 Bamfield Rd,2,t,565000,S,Miles,6/08/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,78 Edwin St,5,h,1587500,S,Miles,6/08/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,6 Terry St,3,h,,SP,Barry,6/08/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,335 Liberty Pde,1,h,405000,S,Nelson,6/08/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Hillside,6 Colburn Ct,3,h,452000,S,Ray,6/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,32 Cleveland Dr,4,h,,PI,hockingstuart,6/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,43 Guinane Av,4,h,365000,S,Sweeney,6/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,173 Heaths Rd,4,h,455000,S,YPA,6/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,30 Kinrade St,3,h,1316000,S,Ray,6/08/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,7/15 Carn Av,2,u,581000,S,Miles,6/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,24 Flora Gr,3,h,1605000,S,Miles,6/08/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,5/3 Rotherwood Rd,2,u,470000,VB,Nelson,6/08/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,61 Streeton Cr,5,h,3350000,S,Miles,6/08/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,60 Lorraine Cr,3,h,398000,S,Barry,6/08/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,89 Rowan Dr,5,h,,PI,Barry,6/08/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,13 Woburn Cl,4,h,500000,S,hockingstuart,6/08/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,5 Albatross Ct,3,h,515000,SP,Brad,6/08/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,40 Hopkins Av,4,h,680000,VB,Brad,6/08/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,1/6 Proctor Cr,3,h,390000,S,Barry,6/08/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,1/4 Thornhill Dr,3,t,511000,S,Barry,6/08/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,16a Chandler St,3,t,590000,VB,Nelson,6/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,61 Bangalore St,3,h,1291000,SP,Edward,6/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1/16 Mawbey St,2,u,420000,SP,Nelson,6/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2 Rourke La,2,t,750000,S,Edward,6/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,106/80 Speakmen St,1,u,312000,SP,Edward,6/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,4/11 Bowen St,2,u,831000,S,Noel,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,57 Cobden St,4,h,2130000,S,Jellis,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 Evans Rd,5,h,,S,Marshall,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11/912 Glenferrie Rd,2,u,650000,VB,Fletchers,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/380 High St,2,u,599000,S,Christopher,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 May St,2,h,,SP,Marshall,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13/54 Studley Park Rd,2,u,820000,S,Marshall,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Tregarron Av,4,h,2300000,PI,Kay,6/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,4 Boronia Ct,3,h,437000,S,Stockdale,6/08/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,4 Chirnside St,3,h,817000,S,Village,6/08/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,132 Coronation St,3,h,1035000,SP,Village,6/08/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,8b Newton Cr,2,h,405000,S,Harcourts,6/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Maidstone,4/11 Edmund St,2,h,423000,S,Sweeney,6/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,27 Alice St,4,h,,S,Jellis,6/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,12 Robinson St,4,h,,S,Marshall,6/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,67 Wheatland Rd,4,h,2400000,VB,Marshall,6/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,38 MacGregor St,3,h,1837000,S,Marshall,6/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2049 Malvern Rd,3,h,,VB,Marshall,6/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2083 Malvern Rd,3,h,1105000,S,Buxton,6/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/88 Paxton St,2,t,,S,Fletchers,6/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +McKinnon,1/37 Graham Av,3,t,1197000,S,hockingstuart,6/08/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,318 McKinnon Rd,3,h,1688000,S,hockingstuart,6/08/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,404/469 St Kilda Rd,3,u,,S,RT,6/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1701/568 St Kilda Rd,1,u,,SN,Barry,6/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,132 Charman Rd,4,h,1620000,PI,Maitland,6/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1 Chicquita Cct,4,t,795000,SP,Buxton,6/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/41 Houston St,3,t,675000,S,Hodges,6/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,25 Marina Rd,5,h,1860000,S,Hodges,6/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/49 Plummer Rd,3,u,965000,S,Buxton,6/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,12 Softwood Dr,3,h,410000,SP,LJ,6/08/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,49 Coventry Cr,4,h,,SN,Barry,6/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Peugeot Prst,4,h,745000,S,Harcourts,6/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,21 Dudley St,3,h,,SP,hockingstuart,6/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/12 Quarry Rd,2,u,642000,S,Jellis,6/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,55 Rosstrevor Cr,2,h,735000,S,Jellis,6/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Victory St,3,h,910000,S,hockingstuart,6/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,34 Coventry St,4,h,1005000,S,Buckingham,6/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Mordialloc,5/460 Como Pde W,2,u,762000,S,Hodges,6/08/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,26 Cheviot Rd,3,t,1050000,S,Buxton,6/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/1 Esther Ct,3,u,980000,S,Barry,6/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,86 Muir St,4,h,1550000,S,Buxton,6/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/30 Sadie St,4,t,830000,S,Barry,6/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,70 Wilga St,3,h,,PI,Buxton,6/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,71 Haverbrack Dr,4,h,750000,S,Ray,6/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,80 MacKie Rd,3,h,,S,Fletchers,6/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/73 Wattle Gr,3,t,655000,S,Ray,6/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/11 Howe St,2,u,740000,S,Buxton,6/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,7 Thomson Av,3,h,1420000,S,Woodards,6/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,17 Greenacre Cr,4,h,568000,SP,O'Brien,6/08/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,4/31 Clyde St,3,h,655800,S,Greg,6/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,51 Home Rd,4,h,1082000,S,Village,6/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,125 Mason St,3,h,,S,Greg,6/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3 River St,3,h,1210000,SP,Williams,6/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,73 William St,4,h,,S,RT,6/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,1/9 Cole St,2,u,,SN,Barry,6/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,8 Kuringgai Cr,4,h,670000,SP,Raine,6/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,44 Nockolds Cr,3,h,770000,PI,iSell,6/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,11 Through Rd,2,h,,SN,Barry,6/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,11 Erskine Pl,2,t,,PI,Nardella,6/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,142 Separation St,2,h,,SP,Nelson,6/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11/94 Union St,2,u,583000,SP,Nelson,6/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3/93 Esdale St,3,t,840000,S,Jellis,6/08/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,6 Shrewsbury Rd,3,h,928000,S,Fletchers,6/08/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/9 Cartwright St,2,u,476000,S,hockingstuart,6/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/8 Gregory St,3,t,,PI,Barry,6/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,98 Haughton Rd,2,h,,SN,Buxton,6/08/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,46 Carmichael Rd,3,h,1115000,S,Buxton,6/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,16 Gamble St,3,h,952000,S,Ray,6/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/18 Oakleigh St,4,t,680000,PI,RT,6/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2a Turnbull Av,2,h,610000,S,Ray,6/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,1 Bethell St,3,h,1256000,S,hockingstuart,6/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,15 Tyrone St,4,h,1918000,S,Buxton,6/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/27 Wheeler St,3,u,900000,S,hockingstuart,6/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/1 Imes St,2,u,647000,S,Chisholm,6/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,19/156 Lower Dandenong Rd,3,u,601000,S,Buxton,6/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,16 Burgundy St,2,h,555000,S,Brad,6/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/22 Joffre Rd,3,u,585000,S,Jellis,6/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6/99 Kent Rd,2,t,480000,S,Ray,6/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/58 Railway Pde,2,t,480000,PI,Nelson,6/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/94 Railway Pde,4,t,605000,PI,Brad,6/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,3 Starboard La,4,h,,VB,Ray,6/08/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Port Melbourne,304/38 Nott St,2,u,795000,S,Cayzer,6/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,130/70 Nott St,2,u,590000,VB,Marshall,6/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,89 Raglan St,4,h,1502000,S,Chisholm,6/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,55 Ross St,2,t,,SN,Cayzer,6/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,504/142 Rouse St,2,u,,S,RT,6/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,4/313 Dandenong Rd,1,u,330000,VB,hockingstuart,6/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,14 Doon St,3,h,1430000,S,Marshall,6/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/37 Greville St,1,u,325000,VB,Biggin,6/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,50 Packington St,3,h,,S,Jellis,6/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16 Park Rd,3,t,1245000,PI,Marshall,6/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,24 Benambra St,3,h,840000,S,Barry,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/3 Burkitt Ct,3,u,496000,S,hockingstuart,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8/226 Gower St,2,t,462500,S,Ray,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 May St,4,h,931000,S,Nelson,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Newman St,2,h,942000,S,Love,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,60 Ruby St,2,h,,PI,Peter,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/90 Wood St,2,t,,PI,Ray,6/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,57 Barry St,3,h,800000,S,Barry,6/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Dredge St,3,h,510000,PI,Barry,6/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/11 Erskine Av,2,t,,PI,hockingstuart,6/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,86 Hickford St,3,h,651000,SP,Ray,6/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/154 Leamington St,2,u,,SP,Love,6/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Zinnia St,3,h,502500,S,Ray,6/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,22 Buckingham St,2,h,720000,S,Biggin,6/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36/86 Burnley St,2,u,550000,SP,Jellis,6/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13 Fordham Ct,2,h,,S,Biggin,6/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Gardner St,3,h,1152500,S,Biggin,6/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,33a River St,4,h,1375000,S,hockingstuart,6/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28 Stawell St,3,h,1422000,S,hockingstuart,6/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,18 March Ct,3,h,,PN,L,6/08/2016,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,75 Heywood St,3,h,760000,S,Fletchers,6/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/49 Loughnan Rd,2,t,560000,SP,Fletchers,6/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1 Margaret St,3,h,555000,SP,Barry,6/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Rosanna,2/191 Mountain View Pde,3,u,,SN,Barry,6/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,106 Rossiter Av,4,h,,PN,Melbourne,6/08/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Statesman Av,4,h,,PI,Barry,6/08/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,11 Kensei Pl,3,h,688000,S,Asset,6/08/2016,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,1 Edward St,4,h,2500000,PI,hockingstuart,6/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,16 Downs Rd,2,h,350500,S,Munn,6/08/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,3/78 East Rd,3,h,429000,S,Ray,6/08/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2/6 Wise Av,3,t,491000,PI,Barry,6/08/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,41 Simmons Dr,3,h,860000,PI,RT,6/08/2016,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,24/294 Nicholson St,2,u,450000,S,Village,6/08/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,1/39 New St,2,t,650000,SP,Greg,6/08/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,3 Eden Ct,5,h,837000,S,Harcourts,6/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2/13 Motherwell St,1,u,465000,S,Biggin,6/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,402/89 River St,2,u,801000,S,Biggin,6/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,108/38 Kavanagh St,2,u,,W,Edward,6/08/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,92/99 Whiteman St,2,u,650000,VB,Marshall,6/08/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,10 Raleigh St,3,h,855000,S,RT,6/08/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,4 Grace St,3,h,680000,S,iSell,6/08/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,28 Gunther Av,3,h,822000,S,iSell,6/08/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,7 Bindi Cl,6,h,810000,S,Nexus,6/08/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,27 Mulhall Dr,4,h,700000,S,Ray,6/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,3/239 Canterbury Rd,1,u,211000,S,Gary,6/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,74 Chapel St,2,h,875000,S,Noel,6/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1002/6 St Kilda Rd,1,u,440000,SP,hockingstuart,6/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,303/115 Wellington St,3,u,1110000,S,Kay,6/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,9/2 North Av,2,u,410000,S,Nelson,6/08/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,43 Woolart St,4,h,1015000,S,Considine,6/08/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,51 Ardoyne St,4,h,700000,PI,Douglas,6/08/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,11 Dunbar Av,4,h,,PI,Barry,6/08/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,36 Buckley Av,3,h,545000,S,Sweeney,6/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,13 Surman Ct,3,h,480000,PI,Douglas,6/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,38 Warwick Rd,2,h,435000,S,Douglas,6/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Surrey Hills,18 Benson St,4,h,2500000,VB,Jellis,6/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,7 Empress Rd,3,h,1910000,S,Marshall,6/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,16 Park Rd,2,h,1018000,S,RT,6/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,13 Brogil Wk,4,h,601000,S,Ray,6/08/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,14 Hume Dr,4,h,680000,S,GL,6/08/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,19 Armadale Ct,4,h,548000,S,hockingstuart,6/08/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,333 Hogans Rd,4,h,,SP,hockingstuart,6/08/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Seaton Ct,4,h,534000,S,Ray,6/08/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,7 Lyell Pl,5,h,705000,S,Prof.,6/08/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,21 Ferndell Cr,4,h,,SP,hockingstuart,6/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2 Glendarragh Rd,5,h,1030000,PI,Barry,6/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,87 Greenridge Av,4,h,,SN,Ray,6/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/6 Reark Ct,4,t,1230000,PI,Ray,6/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3c Ashford St,3,t,,S,Noel,6/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,8 Corroboree Pl,3,h,1200000,S,Jellis,6/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,157 Swanston St,4,h,990000,PI,Barry,6/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,26 Cedar St,4,h,640000,S,Love,6/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,24 Dakota Dr,4,h,,PI,Ray,6/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,54 Lincoln Dr,3,h,,S,Nelson,6/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Toorak,4/8 Bruce St,2,u,925000,S,RT,6/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/1 Ruabon Rd,2,u,450000,PI,Rodney,6/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,15/24 Springfield Av,2,u,750000,S,Rodney,6/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,4/262 Melrose Dr,3,t,450000,SP,Jason,6/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,10 Strathconnon Sq,3,h,555000,S,YPA,6/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,853 Highbury Rd,4,h,1138000,S,First,6/08/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,24 Martins La,3,h,820000,S,Nelson,6/08/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,1 Glebe Ct,5,h,,SN,Barry,6/08/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,120 Fraser Cr,5,h,820000,S,Ray,6/08/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,12 Snowden Pl,4,h,960000,PI,Jellis,6/08/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,1 Aylesbury Wy,5,h,1765000,S,Bekdon,6/08/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,17 Barmah Pl,4,h,950000,S,Ray,6/08/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,2/21 High St,3,h,690000,S,Buckingham,6/08/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,6 Tully Ct,3,h,370000,S,YPA,6/08/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Melbourne,8/115 Stanley St,2,t,800000,VB,Nelson,6/08/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,8 Bellini Av,3,h,895000,S,Harcourts,6/08/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,9 Yvonne Ct,5,h,,SN,hockingstuart,6/08/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,25 Anzac Cr,2,h,1500000,SP,Greg,6/08/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,74 Thompson St,4,h,,S,RT,6/08/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,6/213 Dandenong Rd,2,u,600000,S,hockingstuart,6/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,18 Gunther Wy,4,h,,PI,Barry,6/08/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Woori Yallock,1842 Warburton Hwy,4,h,950000,S,Bell,6/08/2016,3139,Northern Victoria,1164,35.2,Yarra Ranges Shire Council +Yarraville,8 Ofarrell St,3,h,,SN,hockingstuart,6/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/53 Stephen St,2,u,410000,PI,hockingstuart,6/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/247 Williamstown Rd,3,h,,S,Burnham,6/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,148 Park St,3,h,1150000,PI,Biggin,6/10/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,56 Park St,2,h,1445000,S,Jellis,6/10/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,59/84 Trenerry Cr,2,u,750000,VB,Biggin,6/10/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2b Batman St,4,t,1150000,SP,Frank,6/10/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,67 Fawkner St,3,h,1407000,PI,Rendina,6/10/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,6A Jean St,3,t,775000,VB,McDonald,6/10/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/30 Creswell Av,3,u,751000,S,Rendina,6/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,10 Mallinson Ct,4,h,1190000,S,Jellis,6/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23A Matthews Av,4,h,,PI,Barry,6/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,107 Danks St,2,h,,S,Greg,6/10/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,13 Durham St,2,h,1200000,VB,Marshall,6/10/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,16 Burnewang St,3,h,852500,S,hockingstuart,6/10/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,1/33 King Edward Av,3,t,548000,S,HAR,6/10/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,50C Selwyn St,3,t,605000,S,Barry,6/10/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,6 Selwyn St,2,h,660000,PI,Barry,6/10/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,8/96 Yarralea St,2,u,480000,VB,Jellis,6/10/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona North,39 Beevers St,3,h,,PI,hockingstuart,6/10/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,14/579 Dandenong Rd,2,u,510000,SP,Purplebricks,6/10/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,16/25 Kooyong Rd,2,u,,PI,Marshall,6/10/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/7 Sutherland Rd,2,u,600000,VB,Jellis,6/10/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/31 Wattletree Rd,2,u,630000,S,Thomson,6/10/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,20/157 Epsom Rd,2,u,,S,Brad,6/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/37 Epsom Rd,3,t,910000,PI,Frank,6/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/37 Epsom Rd,3,t,1150000,S,Frank,6/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5/37 Epsom Rd,3,t,1070000,PI,Frank,6/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2C Ferguson St,2,t,855000,S,Hodges,6/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,105 Kent St,4,h,1560000,S,Nelson,6/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,53 Gloucester Rd,2,h,,W,Bekdon,6/10/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/17 Electra Av,3,t,840000,S,Buxton,6/10/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3 Lavidge Rd,2,h,,PI,Harcourts,6/10/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,33 Marinique Dr,4,h,790000,S,O'Brien,6/10/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,42 Canning St,3,h,600000,SP,Moonee,6/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,16 Monmouth St,3,h,,SN,Moonee,6/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,139 Riviera Rd,5,h,1255000,S,Nelson,6/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,18 McFarland St,3,h,500000,VB,Arbee,6/10/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Bacchus Marsh,109 Underbank Bvd,3,h,530000,S,Barry,6/10/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balwyn,29 Gordon St,4,h,2265000,S,Jellis,6/10/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/72 Rochester Rd,2,u,900000,S,Biggin,6/10/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Sevenoaks St,3,h,2000000,VB,Fletchers,6/10/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,20 Dight Av,5,h,2110000,PI,Jellis,6/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,37 Dight Av,3,h,1910000,PI,Jellis,6/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,37 Armstrong Rd,4,h,,PI,OBrien,6/10/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,30 Coolibah Cr,3,h,690000,PI,Noel,6/10/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,17 Hume St,4,h,,PI,Ray,6/10/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,146 Oak St,4,h,,PI,Hodges,6/10/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11 Vardon Av,4,h,1450000,VB,Buxton,6/10/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,35B Paschal St,3,t,1050000,PI,Buxton,6/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,15a Bellevue Rd,4,t,1350000,S,Woodards,6/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/64 East Boundary Rd,4,t,950000,VB,Woodards,6/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2B Milford St,4,t,,S,Buxton,6/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,13 Fritzlaff Ct,4,h,,PI,Harcourts,6/10/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,1/8 Manuka Rd,3,u,,PI,LJ,6/10/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,23 Baldwin Rd,3,h,,VB,Fletchers,6/10/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,17 Malabar Rd,3,h,1050000,VB,Fletchers,6/10/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,25 Craig St,2,h,1010000,SP,McGrath,6/10/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,41 Mascot Av,2,h,873500,S,Thomson,6/10/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,3/439 Station St,2,u,,PN,Buxton,6/10/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,6 Lyell Rd,4,h,637500,S,Ray,6/10/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,3 Rankin Rd,4,h,728000,S,Ray,6/10/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/39 Dorking Rd,2,t,731000,S,Buxton,6/10/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,37 Sweetland Rd,5,h,1290000,VB,Woodards,6/10/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,64 Fernside Av,4,h,750000,PI,Jellis,6/10/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,925 Hampton St,3,h,1005000,SP,Buxton,6/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,23/568 New St,2,u,691500,S,Buxton,6/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,47 Blanche St,3,h,,SP,Nick,6/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,34 Marriage Rd,4,h,,SN,Nick,6/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,55 Gibson St,3,h,,W,@Realty,6/10/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,6 Jensen Rd,3,h,750000,S,Barry,6/10/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,1/32 Davison St,3,t,,S,Jellis,6/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Donald St,5,h,,SN,Jellis,6/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,79 Holmes St,2,h,,PI,Ray,6/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12/611 Park St,2,u,552000,S,Woodards,6/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12/757 Park St,2,u,,S,Jellis,6/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,279 Victoria St,3,u,1200000,S,Jellis,6/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,315/360 Lygon St,1,u,,PI,Ray,6/10/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,124 Victoria St,3,h,1325000,VB,Jellis,6/10/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,57 Burnell St,4,h,1000000,PI,Brad,6/10/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,11/1 McColl Ct,2,t,613000,S,McGrath,6/10/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,21/33 McLean St,2,u,620000,PI,Hodges,6/10/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/32 Pearson St,1,u,280000,PI,Brad,6/10/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,28 Dumossa Av,3,h,1220000,VB,Barry,6/10/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,14 Robert St,3,t,930000,SA,Barry,6/10/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Bowen Ct,3,h,772000,SP,Ray,6/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Bowral Ct,3,h,,PI,Ray,6/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,19 Greenwich Cr,3,t,,PI,Ray,6/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,562 Grimshaw St,3,h,911000,S,Ray,6/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,27 Waxflower Cr,2,t,445000,SP,Ray,6/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,46 Gibdon St,2,h,970000,S,Jellis,6/10/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,1 Brockhoff Dr,5,h,1180000,S,Fletchers,6/10/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,14 Christowel St,5,h,3125000,S,Noel,6/10/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,48 Outlook Dr,4,t,,PI,Ray,6/10/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,53 Canterbury Rd,4,h,1600000,VB,hockingstuart,6/10/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,21 Myrtle Rd,4,h,2550000,VB,Marshall,6/10/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,186 Canning St,2,h,1075000,S,Jellis,6/10/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,256 Drummond St,3,h,,S,Jellis,6/10/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,9/3 Lytton St,2,u,610000,SP,hockingstuart,6/10/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,19/100 Queensberry St,2,u,,SP,hockingstuart,6/10/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,6 Frogmore Rd,3,h,,SN,Gary,6/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,50 Mimosa Rd,4,h,1300000,VB,Gary,6/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,218 Neerim Rd,4,h,1375000,PI,Woodards,6/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,11/373 Neerim Rd,2,u,370000,VB,Thomson,6/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/38 Shepparson Av,2,u,572500,S,Jellis,6/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/38 Woornack Rd,1,u,,PI,Jellis,6/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,4 Shoalhaven Dr,4,h,940000,S,Barry,6/10/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,33 Wendouree Pde,5,h,800000,PI,FN,6/10/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,673 Nepean Hwy,4,h,2600000,PI,hockingstuart,6/10/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,10/19 Robin Dr,2,u,595000,S,Barry,6/10/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,1/138 Bambra Rd,4,t,1175000,VB,Gary,6/10/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,6/488 Dandenong Rd,2,u,,SP,Buxton,6/10/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,62A Kambrook Rd,3,t,1200000,PI,Gary,6/10/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,22 Larch St,3,h,,SS,hockingstuart,6/10/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1/8 Moona Ct,4,t,,S,Nelson,6/10/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,7/13 Golden Av,2,u,610250,SP,Buxton,6/10/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,71 Jabiru Dr,3,h,715000,S,Ray,6/10/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,5/84 Cavanagh St,2,u,540000,SP,O'Brien,6/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Fiona Ct,4,h,1100000,VB,Buxton,6/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Weatherall Rd,4,h,1875000,PI,Barry,6/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,26 Weymar St,4,h,1035000,S,Hodges,6/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5/36 Wilson St,2,u,588000,S,O'Brien,6/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,60 Wingrove St,2,h,870000,S,Ray,6/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,2/6 Jaguar Dr,4,t,,PN,HAR,6/10/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/2 Stockdale Av,2,u,791600,S,FN,6/10/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,9 Ester Cr,3,h,,PI,Buxton,6/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,4 Frank Av,3,h,900000,SP,Buxton,6/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,19 Manoon Rd,4,h,1710000,S,Ray,6/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,56 Murchison Cr,3,h,750000,VB,Ray,6/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,2 Clifton St,3,h,,S,Jellis,6/10/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,2/83 Field St,2,u,792500,S,Jellis,6/10/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,9/32 The Esplanade,2,u,550000,VB,Jellis,6/10/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,26 Alice St,2,h,,S,Jellis,6/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,43 Fischer St,3,h,880000,VB,McGrath,6/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4A Oberon St,2,h,,S,Barry,6/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,30 Shackell St,4,h,1400000,PI,Raine,6/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,14 Borang St,3,h,,PI,hockingstuart,6/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2 Keane St,3,h,950000,VB,Nelson,6/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/27 Livingstone St,3,t,770000,PI,Love,6/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,12 Williams Rd,3,h,660000,PI,Raine,6/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,20 Alexander St,2,h,890000,SP,Jellis,6/10/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,80 Sackville St,2,h,770000,S,Jellis,6/10/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,32 Alexander Cct,2,t,380000,S,HAR,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Blairgowrie Dr,4,h,660000,SP,Barry,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Brio Dr,4,h,600000,S,Ray,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Cranleigh Pl,3,h,480000,SP,Professionals,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,91 Creekbridge St,4,h,657600,S,Ray,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5A Huntingdale Ct,3,h,380000,S,Ray,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Kirkbride Wy,4,h,573000,S,YPA,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,42 Tusmore Ri,4,h,720000,S,Barry,6/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,22 Scott St,3,h,540000,VB,Ray,6/10/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne West,22 Ranfurlie Bvd,4,h,,PI,Biggin,6/10/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,801/140 Swan St,2,u,911000,S,RT,6/10/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon North,6 Primrose Rd,6,h,,PI,Barry,6/10/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,39 Blazey Rd,6,h,,SN,Ray,6/10/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,180 Blair St,3,h,,VB,Brad,6/10/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,20 Millewa Cr,3,h,542000,SP,O'Brien,6/10/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,52 First Av,3,h,,PI,Upside,6/10/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,1/9 Bennett St,3,t,,SP,RW,6/10/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,40 Cavendish Dr,3,h,590000,PI,Biggin,6/10/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,43 Poole St,3,h,,PI,Bells,6/10/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,14 Marlock Wy,3,h,510000,S,Barry,6/10/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,5 McNicholl Wy,3,h,500000,SP,O'Brien,6/10/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,7 Valley Ct,3,h,800000,PI,Nelson,6/10/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,3 Golfwood Cl,4,h,842000,SP,O'Brien,6/10/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,66 Golfwood Cl,4,h,1150000,SP,Buxton,6/10/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,7 Harry Ct,3,t,825000,S,Buxton,6/10/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,3/314 George St,2,t,,PI,Ray,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,22 High St,3,t,750000,PI,Woodards,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,25 Highview Dr,4,h,,SP,Parkes,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5/5 Hill Ct,4,t,,PI,Biggin,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Lansell Dr,5,h,,SN,RW,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Meadowbank Av,4,h,1280000,S,Jellis,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Zander Ct,3,h,,S,Fletchers,6/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,7A Hawk St,4,h,,PI,Parkes,6/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/16 Maxia Rd,4,t,1165000,S,Barry,6/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8 Era Ct,4,h,,SP,Barry,6/10/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,3/31 Leslie St,4,h,877000,S,Fletchers/Jellis,6/10/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,7 Currumbin Rd,3,h,,PI,HAR,6/10/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,15 Lanner Wy,4,h,540000,S,Ray,6/10/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,140 Simpson St,3,h,2270000,S,Kay,6/10/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,97 Rae Av,3,h,1103000,SP,O'Brien,6/10/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,6 Brentani Av,4,h,2200000,VB,Marshall,6/10/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2/231 Glen Huntly Rd,2,u,615000,S,Biggin,6/10/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3/96 Orrong Rd,2,u,915000,S,Biggin,6/10/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,44 Victoria St,4,h,,VB,Marshall,6/10/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,2 Christine Av,4,h,870000,VB,Jellis,6/10/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,142 Napoleon St,4,h,1005000,S,Jellis,6/10/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,4/445 St Kilda St,2,u,623000,SP,Wilson,6/10/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,22 Granton Av,3,h,,PN,Del,6/10/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,5 Axebridge Cct,3,h,,PI,Love,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Baystone Rd,3,h,540000,SP,HAR,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Cadiz Wk,3,t,510000,S,HAR,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Finchley Ct,4,h,,PN,Love,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,55 Hendersons Rd,3,h,600000,S,Ray,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Hickory Pl,3,h,491000,S,Ray,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Knightsbridge Dr,3,h,557500,SA,Ray,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Martingale Ct,3,h,638000,SP,Love,6/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,96 Deakin St,4,h,1750000,VB,Brad,6/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/992 Mt Alexander Rd,1,u,420000,S,Brad,6/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/6 Riverview Rd,2,u,812000,S,McDonald,6/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,1/106 Arthur St,2,h,775000,PI,Jellis,6/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,269 Arthur St,3,h,1200000,VB,Nelson,6/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,9/361 Heidelberg Rd,1,u,491000,S,Miles,6/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,36 Langridge St,3,h,1320000,S,McGrath,6/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,29A Rushall St,3,h,1160000,PI,Love,6/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,11 Esther Ct,5,h,,SP,Ray,6/10/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Jukes Rd,4,h,,PI,Ray,6/10/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/10 Percy St,3,h,535000,S,Ray,6/10/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,5 Wroxham Ct,4,h,930000,VB,Nelson,6/10/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,18 Perra St,3,h,600000,SP,Harcourts,6/10/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,2/56 Leicester St,2,u,800000,SP,Jellis,6/10/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,3/91 Clauscen St,2,h,,SP,Collins,6/10/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4 Liverpool St,3,h,1550000,PI,Nicholson,6/10/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,7/30 Bryant St,1,u,310000,SP,Nelson,6/10/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,1018/18 Albert St,2,u,,PI,Woodards,6/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2 Smith Cr,4,h,1445000,S,Brad,6/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Southampton St,3,h,960000,SP,Sweeney,6/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,65 Swan St,3,h,,PI,Compton,6/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 White St,4,h,1030000,PI,Jas,6/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,58 Whitehall St,3,h,1200000,PI,Nguyen,6/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2 Fletcher St,3,h,950000,VB,Fletchers,6/10/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,534 Springvale Rd,3,h,850000,VB,Noel,6/10/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,48 Ashleigh Av,3,h,482500,SA,Ray,6/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Escabon Gr,3,h,540000,SA,Ray,6/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,7 Lawrey St,3,h,580000,VB,O'Brien,6/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Owen Cl,3,h,445000,VB,Aquire,6/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Towerhill Rd,3,h,550000,VB,Alex,6/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,22 Towerhill Rd,3,h,,SP,Aquire,6/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gladstone Park,22 Wiltshire Rd,4,h,620000,PI,YPA,6/10/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,5/46 Maitland St,2,u,610500,S,Jellis,6/10/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11a Parkin St,2,h,,PI,Marshall,6/10/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,21 Parkin St,3,h,1600000,PI,Noel,6/10/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,27 Canova Dr,4,h,1248000,S,Harcourts,6/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/27 Crocus Cr,4,t,,PI,Biggin,6/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Gyton Av,3,h,,PI,Harcourts,6/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Monterey Av,3,h,,PI,Ray,6/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Norfolk St,5,h,1100080,SP,Harcourts,6/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/64 Willow Av,2,u,,PI,Harcourts,6/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2A Corio St,3,h,625000,S,Stockdale,6/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Farview St,3,h,906000,S,Walshe,6/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/11 Grandview St,2,u,,SP,YPA,6/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,71 Morell St,3,h,535000,S,RW,6/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,104 Outlook Dr,3,h,,PI,Barry,6/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/12 Tarana Av,3,t,,PI,Brad,6/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,22 Carinya Rd,5,h,,PI,Darren,6/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5 Erang Cl,3,h,750000,VB,Morrison,6/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Victoria St,2,h,608000,S,Darren,6/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Firenze Rd,4,h,715000,SP,Barry,6/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Knapdale Ct,4,h,,SN,Stockdale,6/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,13 Queensferry Pl,5,h,1600000,SP,Barry,6/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,60 West St,3,h,,PI,Barry,6/10/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton East,6 Parkview Cr,3,h,1180000,SP,Buxton,6/10/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/63 Evansdale Rd,2,u,701000,S,Greg,6/10/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,305/39 Riversdale Rd,2,u,,S,hockingstuart,6/10/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,55 Swinburne Av,3,h,2165000,S,Bekdon,6/10/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/840 Toorak Rd,2,u,652000,S,Jellis,6/10/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,14 Balfour Av,4,h,,SP,Barry,6/10/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,36 Tagell Rd,4,h,,SP,Barry,6/10/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3/53 Yarra St,2,u,610000,S,Biggin,6/10/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,3/62 Southern Rd,2,t,560000,S,YPA,6/10/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1 Timor Pde,2,t,,PN,Miles,6/10/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,551 Waterdale Rd,3,h,750000,S,HAR,6/10/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1/4 Dawn St,2,h,,PI,Ray,6/10/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,7 David Cct,3,h,,PI,YPA,6/10/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,48 Jade Wy,3,h,,PI,Barry,6/10/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,16 Bellbridge Dr,4,h,598000,S,YPA,6/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Cleveland Dr,3,h,460000,SP,Greg,6/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Dyer St,3,h,,VB,Triwest,6/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Moffatt Cr,3,h,460000,PI,Burnham,6/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,15 Freda St,4,t,,VB,Fletchers,6/10/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe East,21 Flora Gr,4,h,,SP,Miles,6/10/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,141 Langton St,3,h,,PI,RW,6/10/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,4 Boyd Ct,3,h,600000,VB,YPA,6/10/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,10 Edgeware Cl,4,h,,W,YPA,6/10/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,8 Santos Ct,3,h,630000,PI,Prof.,6/10/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,102 Rachelle Rd,4,h,1250000,VB,Nelson,6/10/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,20 Collinson St,3,h,627500,PI,Barry,6/10/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,20 Cakebread Mw,4,t,,PI,Biggin,6/10/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,505/70 Speakmen St,2,u,,PI,Nelson,6/10/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/54 Sackville St,3,t,,S,LITTLE,6/10/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/64 Studley Park Rd,2,u,,PI,hockingstuart,6/10/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kings Park,1 Rushdale Ct,3,h,,PI,YPA,6/10/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,25 Stymie St,4,h,,PI,Ray,6/10/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,2 Kerr St,3,h,850000,SP,Moonee,6/10/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,61 Kingsville St,3,h,1150000,SP,Jas,6/10/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,15 Beauview Ct,3,h,400000,VB,PRDNationwide,6/10/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,136 Casey Dr,3,h,520000,S,HAR,6/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,181 Kingsway Dr,3,h,600000,SP,Upside,6/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,43 Queen St,3,h,,PI,hockingstuart,6/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,18 Ruth St,4,h,,PI,HAR,6/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,18 Vasey Av,2,h,450000,VB,hockingstuart,6/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,4 Lynne Ct,3,h,525000,S,Community,6/10/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Macleod,14 Carwarp St,2,h,800000,S,Barry,6/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,16 Stewart Tce,3,h,895000,SP,Ray,6/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,1/282 Waiora Rd,4,h,,PI,Jellis,6/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,152 Ashley St,3,h,950000,VB,Biggin,6/10/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/3 Montgomery St,2,t,675000,S,Biggin,6/10/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maribyrnong,72 Blair St,3,t,660000,VB,Biggin,6/10/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,707/639 Little Bourke St,3,u,680000,VB,Wilson,6/10/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,10/449 St Kilda Rd,2,u,,SN,Morleys,6/10/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,13 Broome Av,4,h,,VB,Buxton,6/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,146 Charman Rd,3,h,,SP,McGrath,6/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/10 Commercial Rd,3,u,530000,PI,Hodges,6/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,76 Flinders St,3,h,1285000,S,Buxton,6/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,17A Sea Pde,3,t,,SP,Buxton,6/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,6 Dalwhinnie Cl,3,h,,PI,Ray,6/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,1 Flowerdale Ct,4,h,,PI,HAR,6/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Paisley Cr,3,h,499500,SP,LJ,6/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Pluto Gr,4,h,715000,S,RW,6/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Ronsard Cr,3,h,615000,PI,Stockdale,6/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Rye Rd,4,h,506000,S,Stockdale,6/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,25 Hickory La,4,h,,SN,Raine,6/10/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,23 Newmarket Pde,3,h,488000,SP,Peter,6/10/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,5 Nicola Ct,5,h,1700000,PI,hockingstuart,6/10/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,4 Atlanta Cl,4,h,867000,S,Ray,6/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,32 Coventry Cr,5,h,710000,S,Barry,6/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,13 Wingate Ct,4,h,800000,S,Barry,6/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Worgan Cl,3,h,645000,S,Barry,6/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,61 Barkly Tce,2,h,,S,Noel,6/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/24 Dudley St,3,t,,SP,Philip,6/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5 Munro St,5,h,1210000,PI,Jellis,6/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2A Rattray Rd,3,h,670500,S,Buckingham,6/10/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,27 Davies St,2,t,780000,S,Brad,6/10/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,72A Greenslopes Dr,4,h,655000,S,Ray,6/10/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,1 Wainewright Av,4,h,,PI,Philip,6/10/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,3/55 Bear St,3,t,1100000,S,Steller,6/10/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5/17 Collocott St,3,t,,PN,hockingstuart,6/10/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,29 Damon Rd,3,h,,PI,Ray,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/474 Highbury Rd,4,h,,SN,Harcourts,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Jacqueline Rd,3,h,,SN,McGrath,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,40 Price Av,3,h,,PI,Ray,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Rosaline Av,4,h,,PI,McGrath,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Torroodun St,3,h,,SN,Biggin,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/10 Walker Rd,3,h,,VB,Jellis,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/322 Waverley Rd,4,u,,PI,Ray,6/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,135 Albany Dr,3,h,881000,S,Hall,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/54 Baird St,3,u,720000,S,Ray,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,27 Camville Rd,3,h,741000,SP,Win,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Linton Pl,4,h,,PI,Biggin,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,11 Sunrise Dr,3,h,743000,S,Woodards,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 Valewood Dr,3,h,895000,S,Ray,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,121 Wanda St,4,h,,PI,Ray,6/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,5 First Av,2,h,,S,Jellis,6/10/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/41 Kangaroo Rd,3,u,825000,VB,Jellis,6/10/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,112/41 Murrumbeena Rd,2,u,530000,PI,Jellis,6/10/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,4/45 Oxford St,2,u,440000,S,RT,6/10/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,3/21 Sapphire St,3,u,650000,VB,Barry,6/10/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,34 Callander Rd,5,h,,S,Barry,6/10/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,77 Ellendale Rd,3,h,,SP,Barry,6/10/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,5 Curran St,3,h,,PI,Jellis,6/10/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,8/147 Curzon St,2,u,488000,S,Jellis,6/10/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,11/342 Dryburgh St,2,u,540000,S,Jellis,6/10/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,304/11 Oconnell St,1,u,381000,SP,Biggin,6/10/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,227 Bastings St,5,h,2550000,VB,Jellis,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,231 Bastings St,3,h,1300000,VB,Jellis,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/53 Gadd St,2,t,690000,SP,Nelson,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,107/72 Gadd St,2,u,,PI,Nelson,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,303/550 High St,1,u,427000,S,McGrath,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,34 Kellett St,2,h,1276000,S,Jellis,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,109 Victoria Rd,3,h,1300000,VB,Nelson,6/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,2 Karla Ct,3,h,,PN,McGrath,6/10/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Notting Hill,24 Longbourne Av,3,h,,VB,Jellis,6/10/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Oak Park,12 Jessie St,3,h,,SN,Harcourts,6/10/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,3/32 Golf Links Av,2,u,582500,S,Woodards,6/10/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Panton Hill,15 Bishops Rd,4,h,651000,S,Barry,6/10/2018,3759,Northern Victoria,386,28.4,Nillumbik Shire Council +Pascoe Vale,3/430 Gaffney St,3,u,,PI,Barry,6/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,10/14 Pascoe St,2,u,450000,SP,Purplebricks,6/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,60 Pleasant St,3,h,,PI,Nelson,6/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,10 Shedden St,2,h,700000,SP,Peter,6/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,9 Mudgee St,4,h,570000,VB,Raine,6/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Sassafras Cl,5,h,,PN,Ray,6/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,19 Seacoast St,4,h,568000,S,LJ,6/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,32 Albert St,2,h,,S,hockingstuart,6/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5/9 Beach St,2,u,,SN,Chisholm,6/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,189 Princes St,3,t,1900000,VB,hockingstuart,6/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,140 Ross St,4,h,,S,Buxton,6/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Preston,3/92 Beauchamp St,2,t,650000,S,Barry,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/22 Charles St,2,t,677500,SP,Barry,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/25 Charles St,2,u,595000,S,Nelson,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,305 Gilbert Rd,2,h,950000,SP,Love,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Grandview Rd,3,h,1000000,S,RW,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Jessie St,3,h,961000,SP,Jellis,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,38 Roseberry Av,3,h,1167000,S,Nelson,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,41 Taunton Av,3,h,805000,S,Woodards,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1 Youngman St,2,h,950000,PI,RW,6/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2/46 Ashton St,2,u,450000,VB,hockingstuart,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/9 Asquith St,2,u,,PI,Barry,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Cuthbert Rd,3,h,910000,S,Ray,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/26 Dundee St,3,u,594500,S,Ray,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Gill St,3,h,779000,SP,Nelson,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Gloucester St,3,h,840000,S,Barry,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Kelverne St,3,h,720500,S,Nelson,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,71 Liston Av,3,h,700000,PI,Ray,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/4 Mack St,2,u,506000,S,Collings,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Mason St,2,h,785500,S,Nelson,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 McFadzean Av,3,h,800000,VB,Love,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,97 McFadzean Av,3,h,840000,S,Love,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/55 Pickett St,2,u,551500,S,Love,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,771 Plenty Rd,5,h,1100000,SP,RW,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Tunaley Pde,3,h,600000,VB,Nelson,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,45 Tunaley Pde,3,h,740500,S,Nelson,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Wright St,2,u,537500,S,Ray,6/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,19 Bosisto St,3,h,980000,PI,Biggin,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,44/86 Burnley St,2,u,755000,S,William,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4 Derby St,3,h,2245000,S,Marshall,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 Egan St,4,h,1581000,S,hockingstuart,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15 Francis St,2,h,,PI,Biggin,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/33 Goodwood St,1,u,380000,VB,Biggin,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Harding La,3,h,,PI,Biggin,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/13 Lambert St,1,u,,PI,Biggin,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24 Peers St,3,h,,VB,Jellis,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,33/15 River Bvd,3,u,1287000,S,Biggin,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,129/73 River St,1,u,455000,SP,Hodges,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20/5 Stillman St,1,u,,SP,Jellis,6/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,27 Bedford Rd,2,h,,SP,Philip,6/10/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Gibson Ct,4,h,,VB,Barry,6/10/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Rosanna,14 Crampton Cr,4,h,1205000,PI,Jellis,6/10/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,3 Timbertop Dr,4,h,838000,S,Barry,6/10/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,4 Madeira Ct,3,h,460000,S,YPA,6/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,2 Murphy Pl,3,h,549000,S,Raine,6/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,38 Salween Cr,3,h,545200,S,Raine,6/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Taplin Wy,3,h,538000,SP,Raine,6/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2 Spring St,3,h,1400000,VB,Buxton,6/10/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,680 Stud Rd,4,h,925000,PI,Woodards,6/10/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaholme,44 Sussex St,4,h,,W,RT,6/10/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seaholme,64a Waters Dr,4,h,880000,PI,Greg,6/10/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,4/117 Albert St,2,u,375000,PI,hockingstuart,6/10/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,58A Kernot St,4,t,1065000,PI,Biggin,6/10/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,2/45 Paxton St,2,t,660000,VB,Jas,6/10/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,3/30 Vernon St,3,t,,PI,Greg,6/10/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,196a Bank St,2,u,735000,PI,Cayzer,6/10/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,406 Coventry St,4,h,2360000,S,Greg,6/10/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11 Carex Wy,4,h,,PI,HAR,6/10/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,41 Embling Av,3,h,,PI,Barry,6/10/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Riverside Dr,3,h,566000,S,Barry,6/10/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,11/37 Davis Av,1,u,375000,VB,Greg,6/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/56 Walsh St,2,u,880000,S,Biggin,6/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1209/12 Yarra St,2,u,900000,VB,Marshall,6/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2012/152 Sturt St,2,u,,W,MICM,6/10/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2107/152 Sturt St,1,u,415000,SP,MICM,6/10/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,304/221 Sturt St,3,u,,SN,Ray,6/10/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2/28 Wells St,2,u,650000,S,Ray,6/10/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,16 McNeilage St,3,t,,W,McGrath,6/10/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,2/13 Davey Ct,3,t,,PI,C,6/10/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,40 Gwent St,4,h,,PN,iSell,6/10/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,5 Roma Ct,3,h,,PI,Barry,6/10/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,16 Gumtree Cl,3,h,,SN,Barry,6/10/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,53 Ivanhoe Av,3,h,550000,PI,Westside,6/10/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,35 Perrett Av,3,h,737500,S,Barry,6/10/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,108/131 Acland St,2,u,585000,SP,Gary,6/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/41 Marine Pde,2,u,750000,PI,Ray,6/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/10 Mitford St,2,u,480000,PI,McGrath,6/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,27/1 St Kilda Rd,1,u,462000,S,Gary,6/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,11 Mascoma St,4,h,1250000,S,Frank,6/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,191 Mascoma St,3,h,960000,S,Frank,6/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,9 Willonga St,4,h,1302500,S,Brad,6/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,7 Woolart St,2,h,740000,S,Considine,6/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,149 Evans St,2,h,625000,SP,One,6/10/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,5 Anderson Rd,2,h,513500,SA,Sweeney,6/10/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,16A Baker St,2,h,502000,S,hockingstuart,6/10/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,60 Cary St,3,h,580000,PI,Douglas,6/10/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,10 Comley St,3,h,,PI,GL,6/10/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,19 Metherall St,3,h,625000,S,Douglas,6/10/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,5/169 Glengala Rd,3,u,570000,S,Barry,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,8/169 Glengala Rd,3,t,600000,PI,Barry,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,12 Killara St,4,h,,PI,GL,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,18 Lachlan Rd,3,h,705000,S,S&L,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,9 Marchant Cr,3,h,585000,SP,Create,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,19 Valentine Cr,3,h,540000,PI,Douglas,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,29 Whitesides Av,3,h,,PI,HAR,6/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3 Albion St,3,h,1243500,S,Ross,6/10/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,31A Delbridge Dr,3,h,557000,S,Barry,6/10/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Renae Wy,4,h,648000,SP,Purplebricks,6/10/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Lakes,22 Cambridge Cr,5,h,750000,PI,Barry,6/10/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Tecoma,12 Acacia Av,3,h,420000,S,Ray,6/10/2018,3160,Eastern Victoria,869,30.4,Yarra Ranges Shire Council +Templestowe,1/23 Hakea St,2,h,,SP,Philip,6/10/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/23 Hakea St,2,h,,PN,Philip,6/10/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/11 June Cr,3,t,900000,VB,Barry,6/10/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,335 Porter St,6,h,,SA,Jellis,6/10/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,26 Gidgee Av,4,h,1275000,VB,Jellis,6/10/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,7 Yates Ct,3,h,650000,SP,iTRAK,6/10/2018,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,62 Maritana Cr,3,h,,SN,RW,6/10/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/27 Plane St,3,u,,PI,HAR,6/10/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/8 Plane St,3,h,590000,SP,RW,6/10/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,147 Clarendon St,3,h,1100000,VB,Nelson,6/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,113 Clyde St,2,h,1521000,S,Jellis,6/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/125 Fyffe St,3,t,850000,PI,Nelson,6/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/37 Woolton Av,2,u,670000,SP,Nelson,6/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,10/274 Williams Rd,2,u,806000,S,Jellis,6/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,33 Fisher Gr,3,h,660000,VB,Jason,6/10/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,17 Saxonwood Dr,3,h,,VB,Fletchers,6/10/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,8 Ulrich Ct,4,h,890000,S,Miles,6/10/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,122 Fraser Cr,6,h,935000,S,Ray,6/10/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Jenola Pde,4,h,,PI,Harcourts,6/10/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2 Libra Ct,5,h,1190000,S,Harcourts,6/10/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,1 Shelagh Ct,5,h,1900000,VB,Barry,6/10/2018,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,4 Jubilee Bvd,3,h,,SS,Area,6/10/2018,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,25 Medbury Av,3,h,750000,S,Darren,6/10/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,53 Elphinstone St,3,h,715000,S,Jas,6/10/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,3/36 Hampton Pde,2,u,305000,SP,Greg,6/10/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6/28 Stanhope St,2,u,555000,S,Burnham,6/10/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,11 Milroy Ct,5,h,1100000,PI,Harcourts,6/10/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,29 Clark St,2,h,,SP,Raine,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,11 Hoffman Tce,3,h,,SP,Castran,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,68 Merrett Dr,3,h,1210000,S,Williams,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,74 Osborne St,3,h,,SP,Williams,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,59 Princes St,3,h,850000,VB,Greg,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,31 Stewart St,3,h,1750000,S,Greg,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,10 Union St,3,h,860000,SP,Williams,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4 Union St,2,h,,W,RT,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,47 Victoria St,3,h,,SP,Williams,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,15 White St,3,h,1100000,S,Williams,6/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,1/26 Kororoit Creek Rd,3,h,,W,RT,6/10/2018,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Wollert,15 Bagatelle Av,5,h,,PI,R&H,6/10/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,3 Gunther Wy,4,h,578000,PI,hockingstuart,6/10/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,17 Provan Dr,3,h,,SP,Ray,6/10/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,3 Marigolds Rd,4,h,735000,SP,Miles,6/10/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,47 Castlemaine St,4,h,1025000,PI,Biggin,6/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,104/46 Fehon St,2,u,,W,RT,6/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,31 Gent St,3,h,,W,McGrath,6/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/51 Stephen St,2,u,380000,PI,Hodges,6/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,55/84 Trenerry Cr,1,u,570000,SP,Biggin,7/04/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,9 Green St,3,h,980000,S,Barry,7/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,106 Graham St,2,h,,S,Marshall,7/04/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,124 Mills St,2,h,1720000,S,Greg,7/04/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,2 Albury St,7,h,706000,S,S&L,7/04/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,46B Smith St,3,h,925000,S,Miles,7/04/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,32 Kookaburra St,3,h,1070000,S,hockingstuart,7/04/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,35 Kookaburra St,3,h,1070000,S,hockingstuart,7/04/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,28A Wren St,4,h,,SP,Williams,7/04/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,58 Cherry Av,3,h,,PI,hockingstuart,7/04/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,99 Blanche St,3,h,621000,SP,Barry,7/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 McLaughlin St,4,h,780000,PI,Douglas,7/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,13 McLaughlin St,2,h,636000,S,Douglas,7/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,16/62 Wattletree Rd,1,u,505000,S,Marshall,7/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,41 Fenton St,3,h,1225000,S,Nelson,7/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,10 Wingate Av,3,h,730000,S,Brad,7/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,37 Sunderland Av,3,h,1455000,PI,hockingstuart,7/04/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/4 Yunki Ct,3,h,775000,S,Tim,7/04/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,16 Dawson Ct,4,h,,PI,Buxton,7/04/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,35 Harricks Cr,3,h,645000,S,Barry,7/04/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,11 Cresswold Av,3,h,1000000,SP,Moonee,7/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,17/36 Brighton Rd,1,u,,PI,Buxton,7/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,8A The Avenue,2,h,830000,VB,hockingstuart,7/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn North,22 Ardgour St,3,h,1700000,VB,Fletchers,7/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,8 Bimbadeen Ct,4,h,,SP,Parkes,7/04/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,20 Keswick Cr,3,h,665000,S,Schroeder,7/04/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,2/11 White Av,4,h,,SP,Ray,7/04/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bellfield,325 Bell St,2,h,775000,S,Nelson,7/04/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,2/28 Davidson St,3,u,670000,S,Nelson,7/04/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,119 Liberty Pde,3,h,,S,Nelson,7/04/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,8A North Av,3,h,999000,S,Barry,7/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,103 Patterson Rd,3,h,1365000,S,Buxton,7/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Plym St,4,h,,PI,Obrien,7/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,46A Whitmuir Rd,2,h,875000,S,Purplebricks,7/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,360 McKinnon Rd,3,h,1330000,S,Buxton,7/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10a Patricia St,4,t,1115000,PI,Hodges,7/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,52A Palmerston St,6,h,920000,PI,Barry,7/04/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn South,59 Baratta St,4,h,1371000,S,Fletchers,7/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,16 Jenner St,3,h,1275000,S,Fletchers,7/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2 Stafford St,3,h,1205000,S,Woodards,7/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,4 York St,3,h,1100000,S,Stockdale,7/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,3 Banjo Cct,3,h,773000,S,Buxton,7/04/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,19 Cannes Av,3,h,856000,S,Weston,7/04/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,59 Gertonia Av,3,h,715000,SA,Purplebricks,7/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,47 Kleinert Rd,4,h,801000,SP,Prof.,7/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,17 Kangerong Rd,3,h,1701000,S,Fletchers,7/04/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/18 Adamson St,3,t,,PI,Douglas,7/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1/26 Gladstone Rd,2,u,650000,S,Jellis,7/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,7 Law St,3,h,811000,S,Morrison,7/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,22 River St,4,h,1010000,S,Jellis,7/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,7/171 Church St,2,u,1760000,SP,Buxton,7/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 James St,4,t,2080000,S,Gary,7/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1/373 South Rd,3,u,,S,Buxton,7/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,264 Camp Rd,3,h,575000,S,YPA,7/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,143 Cuthbert St,4,h,795000,S,YPA,7/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,68 Cuthbert St,3,h,675000,SP,Barry,7/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,130 Kitchener St,3,h,800000,SP,RW,7/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,31 Nathalia St,3,h,568000,S,HAR,7/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,13 Princeton Pl,4,h,555000,SP,Barry,7/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,90 Lydia St,3,h,865000,SP,Jellis,7/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,34 Mitchell St,3,h,1200000,VB,Nelson,7/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,9 Cornwall St,3,h,960000,S,Walshe,7/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,21/137 Melville Rd,2,u,440000,S,Moonee,7/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,61 Shamrock St,4,h,,PI,Jellis,7/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,12 Yarrabin St,2,h,,SN,Ray,7/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,21 Austin St,3,h,1060000,S,TTS,7/04/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/9 Lonsdale St,2,u,810000,VB,RT,7/04/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,15 Boston Rd,4,h,936000,SP,Ray,7/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1180 Plenty Rd,5,h,751000,S,Darren,7/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,55 Settlement Rd,9,h,1000000,SP,Ray,7/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Silverash Dr,2,t,,PI,Ray,7/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,3 Inverell St,4,h,742500,S,YPA,7/04/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burnside Heights,7 Peartree Gr,4,h,642500,S,YPA,7/04/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,16 Aylwin Av,5,h,2030000,VB,Fletchers,7/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/23 Farleigh Av,4,t,1325000,SP,Ray,7/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,6 Glengarry Av,3,h,1071000,PI,Fletchers,7/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,11/19 Hughes St,4,t,800000,VB,Buxton,7/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,1/5 Holly St,3,u,851000,S,Fletchers,7/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,204/82 Canning St,2,u,577011,SP,hockingstuart,7/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,3/116 Drummond St,2,u,791000,S,Nelson,7/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,129 Newry St,2,h,1445000,S,Nelson,7/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,202 Princes St,2,h,821000,S,Harrington,7/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Caroline Springs,7 Braeside Wk,3,h,650000,S,Barry,7/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,10 Naracoorte Dr,3,h,520000,S,YPA,7/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,4 Oak Gr,2,h,487750,SP,Prof.,7/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,6 Sidney Pl,3,h,571250,SP,Prof.,7/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,8 Stephanie Ct,5,h,,PI,LJH,7/04/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Chelsea,18 Woodbine Gr,5,h,,PI,Hodges,7/04/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,13 Barrett St,3,h,1100000,S,Ray,7/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Correa Av,3,h,1115000,S,Woodards,7/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/9 Delacombe Ct,2,u,610000,S,Ray,7/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/26 Devon St,2,u,625000,S,Ray,7/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,29 Voltri St,3,h,1130000,S,hockingstuart,7/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,2/45 Bevan Av,2,u,550000,SP,Ray,7/04/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,8 Moore Av,3,h,,SN,RW,7/04/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,62 Berry St,2,h,1382500,S,Jellis,7/04/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,18/23 Baxter St,2,u,447000,S,Barry,7/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,40 Cameron St,4,h,1250000,VB,Nelson,7/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Fowler St,2,h,,PN,Walshe,7/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/78 The Grove,2,u,565000,S,Walshe,7/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,36 Woiwurung Cr,2,t,625000,SP,Brad,7/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Craigieburn,13 Burrora Wy,3,h,510000,S,Ray,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Dempster Dr,4,h,546000,S,Ray,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Finden Ct,4,h,530000,VB,Barry,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,46 Furlong St,2,t,370000,S,LJ,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,451 Grand Bvd,3,h,477500,S,LJ,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,463 Grand Bvd,3,h,477000,S,LJ,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,100 Hothlyn Dr,3,h,,W,LJ,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Northumberland Cct,5,h,582000,S,Ray,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Rayfield Av,3,h,580000,S,Ray,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Redheugh St,3,h,555000,SP,Barry,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Smeaton Ct,3,h,483000,S,Ray,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,40 Whitley Cr,4,h,560000,SP,RE,7/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,33 Trafalgar Wy,3,h,551000,SP,Del,7/04/2018,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Dallas,18 Boort St,3,h,520000,S,YPA,7/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,5a Colac St,3,t,,PN,Barry,7/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,5 Leigh Ct,3,h,,PI,A,7/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,39 Mildura Cr,3,h,480000,SP,RW,7/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,2 Mortlake Av,3,h,520000,VB,Stockdale,7/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,36 Warragul St,3,h,785000,PI,YPA,7/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,9 Belmont Av,3,h,620000,S,Del,7/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,3 Griffiths Ct,3,h,706000,S,Boutique,7/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,3 Hawdon St,4,h,652000,S,Ray,7/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,7 James Ct,5,h,1250000,S,Jellis,7/04/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,3/174 Centre Dandenong Rd,2,u,545000,S,Buxton,7/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Golfwood Cl,4,h,875000,S,Ray,7/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,4/1 Carnarvon St,2,u,,W,LLC,7/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/10 Larkspur Av,4,h,,W,Purplebricks,7/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,13a Monaco St,4,t,1220000,PI,Barry,7/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,10 Norweena St,5,h,2505000,S,Woodards,7/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,5A Hawk St,3,t,,SN,Philip,7/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5/20 Renshaw St,2,u,815000,SP,Barry,7/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,47 Russell Cr,4,h,1375000,PI,Ray,7/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,5/144 Mitcham Rd,3,u,,VB,Philip,7/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,4 Agility Ct,4,h,600000,SP,Barry,7/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,16 Munro Av,3,h,1120000,S,Ray,7/04/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,87 Arthur St,5,h,,PI,Nelson,7/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,8/31 Dudley St,3,t,,PI,Jellis,7/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,49 Leane Dr,4,h,850000,PI,Buckingham,7/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,2/46 Ormond Esp,1,u,,S,Buxton,7/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/27 Spray St,2,u,550000,VB,Chisholm,7/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,22 Alhambra Dr,3,h,575000,S,Iconek,7/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,24 Ambrosia Cl,4,h,544000,S,HAR,7/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,45 Gatestone Rd,4,h,515500,S,HAR,7/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/309 McDonalds Rd,3,h,461000,SP,Ray,7/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6/5 Ardoch St,2,h,,S,Nelson,7/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,82 Tennyson St,3,h,960000,PI,Nelson,7/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,13 Hogan St,3,h,,PI,Brad,7/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15A Hudson St,3,t,610000,PI,McGrath,7/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,5 Oliver Ct,4,h,713000,S,HAR,7/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,7 Sahara Wy,3,h,741000,S,Ray,7/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2 Rulla Ct,3,h,855000,S,Schroeder,7/04/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Flemington,7 Church St,2,h,942000,S,Nelson,7/04/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,927/18 Albert St,2,u,467000,S,McGrath,7/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,101/20 Arthur St,2,u,480000,SP,Sweeney,7/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,94A Commercial Rd,3,h,880000,VB,Jas,7/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,24 Hocking St,3,t,,S,Jas,7/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Gardenvale,40 Begonia Rd,3,h,1860000,S,Gary,7/04/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,8 Bloomfield Rd,4,h,840000,S,Raine,7/04/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,68 The Boulevard,4,h,589000,S,Raine,7/04/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Altair Ct,3,h,580000,S,Barry,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,278 Carrick Dr,4,h,692000,S,Stockdale,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,9 Cornwall Cl,4,h,702500,SP,Purplebricks,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,27 Dunfield Dr,3,h,583000,S,YPA,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,2 Keyes Pl,4,h,642500,SP,Ray,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,8 Nigel Cr,4,h,725000,S,Barry,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,2 Pyke Dr,3,h,582000,S,Barry,7/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,3/18 MacKay Av,2,t,785000,S,hockingstuart,7/04/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,28A Britten St,3,h,,S,Marshall,7/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/1537 Malvern Rd,3,u,780000,VB,Jellis,7/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/48 Fairhills Pde,3,h,1165000,SP,Harcourts,7/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Johnson Dr,3,h,950000,VB,Barry,7/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Stirling Cr,4,h,,PI,Biggin,7/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/58 Augustine Tce,3,t,610000,S,RW,7/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,68 Everard St,3,h,,PI,Barry,7/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,99 Outlook Dr,3,h,645000,S,Barry,7/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9 Tarana Av,3,h,757000,SP,Nelson,7/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,43 Hailes St,3,h,,PI,Buckingham,7/04/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,27 Langton Wy,4,h,795000,SP,A,7/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Nicholson Ct,4,h,810000,S,Barry,7/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1/94 West St,3,t,650000,PI,Barry,7/04/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,2/94 West St,2,t,625000,S,Barry,7/04/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,2/35 Alexander St,3,u,560000,S,C21,7/04/2018,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton East,2/298 South Rd,2,u,675000,S,Buxton,7/04/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,1/27 Morang Rd,2,u,560000,PI,Noel,7/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heatherton,19 Kingston Rd,2,h,716500,S,Ray,7/04/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heidelberg,78 Rosanna Rd,3,h,815000,PI,Miles,7/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,82 Southern Rd,3,h,910000,SP,Miles,7/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1/7 North Cr,3,u,647000,S,Ray,7/04/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Hillside,42 Botanic Dr,4,h,650000,SP,Barry,7/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,45 Kanmore Cr,3,h,655000,S,Barry,7/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,13 Birchwood Bvd,3,h,,S,C21,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,41 Birchwood Bvd,5,h,770000,VB,hockingstuart,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Mokhtar Dr,3,h,620000,VB,hockingstuart,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,112 Morris Rd,3,h,770000,VB,hockingstuart,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,170 Mossfiel Dr,3,h,,PN,Wyndham,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 The Court,2,h,380000,S,YPA,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 The Glades,2,h,385000,SP,Sweeney,7/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,2/114 Ford St,3,u,980000,SP,Miles,7/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7/105 Locksley Rd,2,u,555000,SP,Miles,7/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,3/8 Bailey Gr,3,t,850000,VB,Miles,7/04/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,39 Parramatta Rd,3,h,605000,S,Brad,7/04/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,1a Attley Ct,3,u,613000,S,Barry,7/04/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,8 Munich Dr,4,h,655000,S,Nelson,7/04/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,68 Arcade Wy,3,h,730000,S,Ray,7/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,10 Britt Ct,5,h,915000,SP,Moonee,7/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,64 Wyong St,2,h,735000,SP,Nelson,7/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,80 Barnett St,2,h,1180000,S,Jellis,7/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,5 Pridham St,3,h,1350000,S,Nelson,7/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,9/66 Charles St,3,t,1620000,VB,Kay,7/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/10 Hyton Cr,2,u,,S,Marshall,7/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,55 Molesworth St,3,h,,SP,Nelson,7/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13/60 Princess St,2,u,562000,S,Nelson,7/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,17 Kogarah Ct,3,h,810000,PI,Area,7/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,29 The Fairway,4,h,,PI,Ray,7/04/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,320 Somerville Rd,2,h,800000,PI,Burnham,7/04/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,4 Coringa Ct,4,h,1020000,S,Harcourts,7/04/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,1/63 Kathryn Rd,3,h,675000,PI,Ray,7/04/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,419 High St,4,h,636000,S,HAR,7/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,120 Kingsway Dr,4,h,820000,PI,Skad,7/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,32 Messmate St,3,h,695000,S,HAR,7/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,18 Mossman Cr,3,h,657000,S,Ray,7/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,12 Nancye Dr,3,h,605000,S,HAR,7/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,6 Dwyer St,4,h,,VB,Ray,7/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,5/48 Fairlie Av,2,u,705000,S,Darren,7/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/119 Greensborough Rd,3,t,,VB,Ray,7/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/133 Greensborough Rd,3,h,550000,VB,Buckingham,7/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,51 Torbay St,4,h,,SN,Ray,7/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,106 Ballarat Rd,3,h,,PI,Biggin,7/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,16/46 Eucalyptus Dr,2,u,410000,SP,Biggin,7/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,10/48 Eucalyptus Dr,2,u,425000,PI,Trimson,7/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,2/15 Darling Rd,2,u,620000,S,Marshall,7/04/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,107/5 Ordnance Res,2,u,435000,S,Biggin,7/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5 Village Wy,3,h,840888,SP,Nelson,7/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,107 McKinnon Rd,1,h,1150000,S,Woodards,7/04/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,21B Osborne Av,4,t,1400000,S,Buxton,7/04/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2/40 Mitchell Cr,3,u,450000,SP,Barry,7/04/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,617/228 Abeckett St,1,u,,SP,Elite,7/04/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,3312/220 Spencer St,1,u,455000,SP,MICM,7/04/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,56 Church St,4,h,,W,hockingstuart,7/04/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,11 Flinders Rd,3,h,400000,SP,PRDNationwide,7/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,12 Toolern St,5,h,855000,S,Biggin,7/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,15 Coryule Av,4,h,1530000,VB,Buxton,7/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,108/135 Lower Dandenong Rd,2,u,440000,SP,O'Brien,7/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,8 Bidgee Ri,3,h,606000,S,HAR,7/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,63 Everard Rd,4,h,,PI,Ray,7/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,80 The Panorama,4,h,2450000,PI,hockingstuart,7/04/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,7 Bellevue Ct,3,h,678000,S,Ray,7/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/12 Bremner Ct,3,u,500000,S,Ray,7/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Kenthurst Ct,3,h,630000,SA,HAR,7/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,94 Stockdale Wy,4,h,950000,S,HAR,7/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,18 Irene Cr,4,h,,SN,Noel,7/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,22 Leopold Cr,2,u,755000,S,Noel,7/04/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,3/50 Coventry St,3,h,835500,S,Fletchers,7/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/53 Kelvin Av,4,h,,W,Jellis,7/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/128 Park St,1,u,336000,S,Nelson,7/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,3/1 Elaine Ct,3,h,,PI,McGrath,7/04/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,36A Kipling Av,3,h,,W,McGrath,7/04/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,18 Neryl Ct,6,h,,SP,Fletchers,7/04/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,66 Partridge Wy,4,h,900000,S,Jellis,7/04/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,22 Edith St,6,h,1600000,VB,Hodges,7/04/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,111/90 White St,3,t,,PI,hockingstuart,7/04/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1 Betty Ct,3,h,,PI,Ray,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 Larch Cr,3,h,,W,McGrath,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 Miller Cr,2,h,1628800,SP,Buxton,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/23 Montgomery Av,4,t,1112000,S,Jellis,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/15 Therese Av,2,u,760000,S,McGrath,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,397 Waverley Rd,3,h,,PI,Harcourts,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,492 Waverley Rd,4,t,,VB,Biggin,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/17 Wendover Ct,2,u,675000,SP,Ray,7/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,5 Albert Cr,3,t,717300,S,Win,7/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,38 Jolimont Av,3,h,,S,Harcourts,7/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18 Lola St,4,h,,SN,Biggin,7/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,48 Rivett Cr,3,h,910000,S,Win,7/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,50 Rivett Cr,4,h,965000,S,Win,7/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,19 Katrina Av,4,h,,S,Jellis,7/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,101/41 Murrumbeena Rd,2,u,602500,S,Gary,7/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,1/5 Linlithgow Ct,2,h,433000,S,Area,7/04/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,3/49 Challis St,2,u,550000,PI,Sweeney,7/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,225 Douglas Pde,3,h,,SP,RT,7/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,68 Gordon St,3,h,953000,SP,Greg,7/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,25/196 Corrigan Rd,2,u,450000,S,C21,7/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,13 Dunblane Rd,4,h,,PN,Barry,7/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1210 Heatherton Rd,3,h,,PI,O'Brien,7/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,32 Glanfield St,3,h,1300000,PI,FN,7/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,153 Separation St,3,h,900000,PI,McGrath,7/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,190 Separation St,2,h,1050000,S,Ray,7/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,80 Westgarth St,3,h,2010000,S,Nelson,7/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,74 Esdale St,5,h,1425000,SP,Philip,7/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,12 Sandy St,4,h,1135000,S,Biggin,7/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1B Albert St,2,h,661000,S,Del,7/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,33 William St,3,h,970000,PI,Ray,7/04/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/32 Nonna St,3,u,,S,Buxton,7/04/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Parkdale,21 Fifth St,3,h,1470000,S,Charlton,7/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/132 Lower Dandenong Rd,2,u,660100,S,Ray,7/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,8 Collings Ct,3,h,877000,S,Raine,7/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/119 Northumberland Rd,1,u,,PI,Brad,7/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,21 View St,3,h,1250000,S,Nelson,7/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,14 Balarang Ct,3,h,660000,S,Buxton,7/04/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plumpton,54 Twain Wy,3,h,480000,S,Prof.,7/04/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,24 Broadside Wk,3,h,,PI,MICM,7/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,37 Fuchsia Cr,4,h,708000,SP,YPA,7/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,16 Lomandra St,4,h,,SN,MICM,7/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,135 Malibu Bvd,5,h,,PI,Point,7/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,37 Waiben Cr,4,h,895000,SA,Point,7/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Whitetop Dr,3,t,500000,S,MICM,7/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,416/99 Dow St,2,u,1320000,SP,Hodges,7/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,228 Ross St,3,h,,S,Greg,7/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,38 Closeburn Av,3,h,1340000,S,Purplebricks,7/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,27 Arthur St,3,h,,PI,Ray,7/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/110 David St,1,u,340000,PI,Harcourts,7/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,349 Murray Rd,3,t,785000,S,Jellis,7/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,167 Arnold St,2,h,1201000,S,Nelson,7/04/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,66 Andrews Av,3,h,1000000,PI,Ray,7/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/61 Dundee St,3,u,580000,S,Darren,7/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,102 Massey Av,4,h,,S,Stockdale,7/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Queen St,5,h,1355000,S,Nelson,7/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/59 St Vigeons Rd,2,u,485000,SA,HAR,7/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,103/77 Abinger St,2,u,565000,PI,Biggin,7/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/17 Davison St,1,u,650000,VB,hockingstuart,7/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17/69 Palmer St,1,u,536000,S,hockingstuart,7/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/58 Type St,2,u,,PI,Hodges,7/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/5 Allen St,2,u,,VB,Noel,7/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,23 Rotherwood Av,4,h,870000,SA,Ray,7/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,17 Tortice Dr,4,h,935000,S,Noel,7/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rowville,3 Crampton Ct,4,h,,PN,Biggin,7/04/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,191 Murrindal Dr,4,h,,PI,Biggin,7/04/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 Armstrong Ct,3,h,470000,S,Raine,7/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,12 Glenview St,5,h,,SP,Jason,7/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,20 Woodside Wy,4,h,,PI,Barry,7/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,25 Woodworth Ct,3,h,569000,S,HAR,7/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,10 Burrawong Av,3,h,,PN,Ray,7/04/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,1 Wattle Gr,3,h,1350000,PI,Williams,7/04/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,24 Alfred St,3,h,1020000,VB,Jas,7/04/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,78 Gamon St,2,h,,SP,Village,7/04/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1101/38 Bank St,2,u,781000,S,Greg,7/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,9 Elysee Av,4,h,585000,S,Barry,7/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,9 Hawkstowe Pde,4,h,912000,S,HAR,7/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Highview Dr,5,h,,PI,Ray,7/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,10 Arthur St,3,h,,PI,hockingstuart,7/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26 Balmoral St,2,h,1383000,S,hockingstuart,7/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,212/657 Chapel St,1,u,450000,PI,Williams,7/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/26 Darling St,1,u,870000,S,hockingstuart,7/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/38 Kensington Rd,1,u,,S,Hodges,7/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,1/24 Sullivan St,3,u,574000,S,Barry,7/04/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,22 Wardale Rd,3,h,791000,S,iSell,7/04/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,20 Eddie St,3,h,630000,PI,Barry,7/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Ipswich St,3,h,650000,VB,Raine,7/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,2/59 Carlisle St,2,u,492500,S,McGrath,7/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/45 Jackson St,2,u,880000,S,Buxton,7/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/19 Milford St,2,u,668000,S,McGrath,7/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/23 Robe St,2,u,465000,PI,McGrath,7/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46/62 Wellington St,2,u,750000,SP,Buxton,7/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,4 Houston Av,3,h,1521000,S,Considine,7/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,27 Lloyd St,6,h,2050000,VB,Nelson,7/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,277 Napier St,3,h,1505000,S,Considine,7/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,5 Douglas Ct,5,h,1360000,S,Considine,7/04/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,50 Carnoustie Dr,3,h,520000,S,YPA,7/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,21 Dalkeith Ct,4,h,640000,SP,Barry,7/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,23 Fraser St,4,h,878000,SP,hockingstuart,7/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 McCracken St,3,h,661000,S,Douglas,7/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,21 Arnold St,3,h,777500,S,Bells,7/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,31 Fontana Cl,4,h,940000,PI,Douglas,7/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2/11 Glengala Rd,2,u,,SN,Create,7/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sydenham,33 Stagecoach Cr,3,h,632000,S,Bells,7/04/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,26 Azure Dr,4,h,,W,hockingstuart,7/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,18 Impression Av,4,h,532000,S,hockingstuart,7/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,31 Durack Cct,3,t,500000,SP,YPA,7/04/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,2 Lionheart Av,3,h,690000,VB,HAR,7/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Tecoma,1585 Burwood Hwy,3,h,,SP,Bell,7/04/2018,3160,Eastern Victoria,869,30.4,Yarra Ranges Shire Council +Templestowe,8 Azure Ct,4,h,,SN,Parkes,7/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,267 High St,5,h,,SN,Parkes,7/04/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,27 Bates Av,4,h,647000,S,Ray,7/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/12 Edna St,2,u,432500,S,HAR,7/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,37 Heather Av,3,h,638000,S,HAR,7/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,25 Hammond St,3,h,1750000,S,McGrath,7/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,8/54 Martin St,1,u,335000,S,Ray,7/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/95 Raleigh St,1,u,370000,S,McGrath,7/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Travancore,1916/18 Mt Alexander Rd,2,u,290000,VB,Edward,7/04/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,84 Lackenheath Dr,3,h,695000,S,Ray,7/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,21/226 Melrose Dr,3,u,660000,S,YPA,7/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,53 Spring St,3,h,661000,S,Jason,7/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,25 Holyrood Dr,4,h,,S,Noel,7/04/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,2 Pelham Dr,4,h,1150000,SP,Harcourts,7/04/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,31 Winston Rd,5,h,1010000,SP,Miles,7/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,1 Southwood Cl,4,h,1005000,S,LLC,7/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,7 Condos Ct,4,h,1250000,S,Harcourts,7/04/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Don Ct,5,h,960000,PI,Barry,7/04/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,31 Gillingham St,4,h,750000,VB,Mason,7/04/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,50 Cottrell St,3,h,495000,S,YPA,7/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2 Geelong Rd,3,h,,SA,FN,7/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 MacAlister Ct,3,h,505000,S,YPA,7/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Rhine St,3,h,511000,SP,YPA,7/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Tracey St,4,h,605000,PI,hockingstuart,7/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/698 Barkly St,2,u,480000,PI,Jas,7/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,3/60 Roberts St,2,u,571000,S,Biggin,7/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1 Rupert St,2,h,978000,S,hockingstuart,7/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,91 Suffolk St,2,h,,SP,Sweeney,7/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,7 Bramcote Dr,3,h,660000,SP,YPA,7/04/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,43 Kenny St,4,h,690000,S,YPA,7/04/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,28 Koala Cr,3,h,605000,S,Jason,7/04/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,12 Westfield Bvd,3,h,536000,S,Walshe,7/04/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,30 Oak Tce,3,h,,SS,RT,7/04/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,21 The Woodland,4,h,2100000,VB,Barry,7/04/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,3/164 Aitken St,2,h,765000,SP,RT,7/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,24 Giffard St,3,h,,W,RT,7/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1/130 Melbourne Rd,2,h,900000,PI,Sweeney,7/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,218 Osborne St,3,h,3020000,S,Williams,7/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,4/74 Kororoit Creek Rd,4,t,952000,S,Jas,7/04/2018,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Wollert,14 Wistow Ch,4,h,586500,S,hockingstuart,7/04/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,798 Armstrong Rd,4,h,,PI,Barry,7/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,49 Evergreen Dr,4,h,650000,SA,YPA,7/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,9 Fatham Dr,4,h,455000,S,hockingstuart,7/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,5 Kinglake Dr,4,h,591000,S,YPA,7/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,19 Nordic Cr,3,h,460000,S,hockingstuart,7/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,13 Oxley Ct,3,h,450000,SP,Williams,7/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,13 Hawkhurst St,3,h,920000,SP,Jas,7/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,73a Stephen St,4,h,,S,Sweeney,7/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,129 Charles St,2,h,941000,S,Jellis,7/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,124 Yarra St,3,h,1876000,S,Nelson,7/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,6/8 Arthur St,2,u,442000,S,Nelson,7/05/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,8/257 Buckley St,2,u,470000,S,Brad,7/05/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,11 Harrington Rd,6,h,725000,SP,Barry,7/05/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/252 Parer Rd,2,t,450000,S,Barry,7/05/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,54 Brooke St,2,h,1550000,S,Sotheby's,7/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,104 Richardson St,4,h,2300000,S,Marshall,7/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,81 Richardson St,3,h,,S,Marshall,7/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,1/9 Roemer Cr,2,u,480000,PI,Miles,7/05/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,4 Tuckett St,3,h,,S,Jellis,7/05/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,156 Maidstone St,3,h,660000,VB,Greg,7/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,58a Clematis Av,4,t,780000,S,hockingstuart,7/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/77 Hansen St,3,u,720000,S,hockingstuart,7/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,21 Joel Av,3,h,705000,SP,Village,7/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/95 Mills St,3,h,588000,S,Williams,7/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/5 Stapley Cr,4,h,720000,VB,hockingstuart,7/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,3/67 Suspension St,2,h,345000,S,Barry,7/05/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,553 Dandenong Rd,5,h,1525000,PI,Jellis,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,17 Egerton Rd,4,h,,S,Marshall,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/19 Mercer Rd,3,u,735000,PI,Marshall,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/26 Mercer Rd,2,u,825000,S,Jellis,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,538a Orrong Rd,3,t,1586000,S,RT,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,557 Orrong Rd,4,h,,S,Jellis,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/68 Rose St,3,t,,S,Jellis,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11/38 Wattletree Rd,2,u,,S,hockingstuart,7/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,120 Epsom Rd,3,h,970000,S,Brad,7/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,47 Hurtle St,2,h,940000,S,Nelson,7/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,63 Kent St,2,h,751000,PI,Nelson,7/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4 The Parade,2,h,950000,SP,Raine,7/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4 West St,3,h,,S,Jellis,7/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,15 Lancaster St,4,h,,SP,Fletchers,7/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,60 Munro Av,5,h,1850000,S,Fletchers,7/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,8 Rocklands Rd,3,h,1120000,S,Tim,7/05/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,17 Nepean Hwy,3,h,890000,S,Biggin,7/05/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,5 Wanda Ct,3,h,695000,S,Greg,7/05/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,1 Oriflamme Ct,4,h,690000,PI,Barry,7/05/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,26 Trinity Bvd,4,h,746000,S,Stockdale,7/05/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,119 Canning St,3,h,,S,Nelson,7/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,14 Lovett Dr,4,h,1160000,S,Moonee,7/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,3/88 Grosvenor St,1,u,280000,VB,hockingstuart,7/05/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,24 Bennett St,4,h,2000000,PI,RT,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Creswick St,3,h,,PI,RT,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,12 Kaleno Vw,4,h,,S,Noel,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/3 King St,3,h,700000,VB,Marshall,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,27 Nungerner St,4,h,2130000,PI,Jellis,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/18 Weir St,2,h,500000,S,Marshall,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3 Westminster St,3,h,2125000,SP,Jellis,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,89 Yarrbat Av,5,h,4350000,VB,Jellis,7/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,6 Abassia St,6,h,1505000,S,hockingstuart,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,293 Belmore Rd,4,h,,PI,Fletchers,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/9 Citron Av,3,h,920000,PI,Fletchers,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,30 Clifton St,4,h,1572000,S,hockingstuart,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Kalonga Rd,4,h,,PI,Noel,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/1 Leicester St,2,h,,S,Jellis,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Seattle St,4,h,1500000,VB,Jellis,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/54 Severn St,4,t,1400000,S,Jellis,7/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,447a Balcombe Rd,4,t,1310000,SP,Buxton,7/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10b Comport St,4,h,,S,Marshall,7/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22 Coreen Av,5,h,1400000,S,Buxton,7/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7b Spicer St,2,t,767000,S,Buxton,7/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,16a Marquis Rd,5,t,1375000,VB,C21,7/05/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,23 Yawla St,3,h,1500000,PI,hockingstuart,7/05/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,24 Barrani St,3,h,1215000,S,Woodards,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,71 Bignell Rd,4,h,1200000,S,hockingstuart,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,96 Brady Rd,3,h,1050000,S,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Connie St,5,h,950000,VB,Woodards,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9/7 Derry St,2,u,380000,PI,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/32 Elizabeth St,2,h,689000,S,hockingstuart,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,33 Molden St,3,h,1400000,PI,hockingstuart,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Normdale Rd,3,h,965000,S,hockingstuart,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Northam Rd,3,h,1338000,S,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Northam Rd,3,h,,PI,Barry,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,102b Parkmore Rd,4,t,1200000,S,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,48a Purtell St,3,t,800000,S,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/6 Richard St,2,u,651000,S,Gary,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Rudyard St,3,h,920000,PI,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Veronica St,3,h,1390000,S,Buxton,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,641 Warrigal Rd,3,h,,S,hockingstuart,7/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,37 Cambridge Dr,4,h,,PI,Barry,7/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,65 Earlsfield Dr,4,h,545000,SP,Harcourts,7/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,78 Whistler Dr,4,h,870000,SP,Harcourts,7/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,8/114 Bluff Rd,3,u,,SN,Hodges,7/05/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,25 Cheltenham Rd,3,t,850000,S,Buxton,7/05/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,23a Fuchsia St,5,h,,SN,Woodards,7/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,17 Halley St,5,h,,SN,Woodards,7/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,26 Hillside Cr,2,h,,S,Noel,7/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,45 Junction Rd,3,h,,SN,Woodards,7/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,82 Middleborough Rd,3,h,958000,SP,Ray,7/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,14 Mira St,3,h,852000,S,Woodards,7/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,12 Clota Av,5,h,,PI,Ray,7/05/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,14 Parklands Av,4,h,1115000,S,Fletchers,7/05/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,3/20 Burrows St,2,u,,S,hockingstuart,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,74 Carpenter St,5,h,2750000,VB,Buxton,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/149 Church St,2,u,892500,S,Nick,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,120 Cole St,4,h,2145000,S,Buxton,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Hanby St,5,h,3171000,S,Biggin,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,25 Lindsay St,4,t,2800000,VB,Buxton,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/363 New St,2,u,,PN,Castran,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,123 South Rd,4,h,,PN,Kay,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 View Ct,2,h,1910000,S,Hodges,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,36a Warleigh Gr,3,t,1850000,SP,Buxton,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/5 Webb St,3,t,1067000,S,Kay,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,72 William St,3,h,1865000,VB,hockingstuart,7/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,16 Alford St,4,h,2000000,PI,Buxton,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Billson St,3,h,1400000,VB,Marshall,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Cummins Rd,3,h,1300000,VB,Marshall,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,132 Dendy St,4,h,,S,hockingstuart,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/13 Glencairn Av,4,h,,SP,Buxton,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Hodder St,5,h,1600000,PI,RT,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Margaret St,2,h,1780000,SP,Buxton,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,375 South Rd,5,h,1200000,VB,hockingstuart,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/377 South Rd,2,t,770000,SP,Buxton,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14a Stone St,4,t,1425000,S,Buxton,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/13 Tatong Rd,3,h,,S,Marshall,7/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brooklyn,3/53 Stenhouse Av,3,t,495000,SP,Jas,7/05/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,314 Barkly St,3,h,1310000,PI,Nelson,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/185 Brunswick Rd,4,t,860000,PI,Nelson,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,141 Gold St,2,h,845500,S,Nelson,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,143 Gold St,2,h,860000,S,Nelson,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/4 Mitchell St,2,t,605000,PI,Jellis,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,13 Percy St,3,h,1055000,S,Nelson,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,82 Rose St,3,h,,S,Nelson,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/33 Staley St,2,u,445000,S,Walshe,7/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,12 Bladen Av,2,h,905500,SP,Woodards,7/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,9 John St,4,h,1625000,S,Nelson,7/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,21 Roberts St,3,t,899000,SP,Jellis,7/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,9 Sedgman St,3,h,,SP,Nelson,7/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/455 Albion St,1,u,265000,PI,Walshe,7/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,64 Pearson St,3,h,955000,S,hockingstuart,7/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,61 Barak St,4,h,,SP,Philip,7/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,28 Dale St,3,h,1340000,S,Barry,7/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,57a Estelle St,5,h,,SN,Assisi,7/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,206 Manningham Rd,4,h,1225000,S,Ray,7/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Bowral Ct,3,h,,PI,Barry,7/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Edward St,3,h,,PI,Barry,7/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,15/121 Grange Bvd,3,t,380000,S,Ray,7/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,41 Josef Av,3,h,580000,SP,Barry,7/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Merryn Cl,5,h,,SN,Nelson,7/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2 Alder St,4,h,,PI,Philip,7/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,5 Church St,4,h,,PI,Buxton,7/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/4 Farleigh Av,3,h,,SN,Woodards,7/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Wattlebird Ct,4,h,2000000,S,Fletchers,7/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,4 Braeside Av,4,h,,S,Marshall,7/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,68 Hunter Rd,4,h,2950000,VB,Fletchers,7/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Russell St,4,h,2600000,VB,Jellis,7/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Thomas St,3,h,2325000,PI,Marshall,7/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,2 McGregor St,4,h,2375000,S,Jellis,7/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,31 Rubens Gr,5,h,2900000,PI,Jellis,7/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,8 View St,4,h,,SP,Marshall,7/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,42 Warburton Rd,3,h,2200000,VB,Noel,7/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,40 Carlton St,3,h,1662000,S,Nelson,7/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,254 Faraday St,3,h,1590000,SP,Woodards,7/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,111/101 Grattan St,2,u,610250,S,Nelson,7/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,83 Princes St,2,h,720000,PI,hockingstuart,7/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,449 Canning St,2,h,,SP,Nelson,7/05/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,989 Drummond St,3,h,2950000,SP,Chambers,7/05/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,700 Rathdowne St,4,h,2175000,S,Woodards,7/05/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,86 Wilson St,3,h,1555000,S,Woodards,7/05/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1 Frogmore Rd,3,h,1600000,S,Woodards,7/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5 Moonya Rd,5,h,,SN,Woodards,7/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,63 Oakleigh Rd,3,h,1170000,S,hockingstuart,7/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10/68 Woornack Rd,1,u,260000,VB,Gary,7/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,17 Etheridge Ri,3,h,500000,S,Barry,7/05/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,18 Highbury Cl,3,h,,SP,Nelson,7/05/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,18/11 Monckton Pl,2,u,325000,PI,Ray,7/05/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,4/85 Whatley St,2,u,372500,S,hockingstuart,7/05/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,18 Bawden St,4,h,535000,S,Harcourts,7/05/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,50 Herbert Rd,3,h,440000,S,Harcourts,7/05/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,25 Malvern Gr,3,h,2005000,PI,Jellis,7/05/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,33a Eumeralla Rd,4,t,,PN,Gary,7/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,9 Filbert St,3,h,1470000,S,Gary,7/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,6/305 Hawthorn Rd,2,u,670000,S,hockingstuart,7/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,1 Rotorua St,2,h,1012000,S,Gary,7/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,4/488 Nepean Hwy,2,u,475000,SP,hockingstuart,7/05/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,5 Nariel Ct,3,h,615000,SP,RW,7/05/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,14a Brownfield St,3,t,830000,S,OBrien,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/120 Centre Dandenong Rd,2,u,580000,S,OBrien,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/12 Crawford St,2,h,780501,SP,Ray,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Eden St,4,h,940000,S,Ray,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/11 Hannah St,2,u,510000,VB,Greg,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1b Norma Av,3,t,792000,S,Buxton,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17 Tintern Mw,3,h,620000,PI,Buxton,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,243 Warrigal Rd,3,h,696000,SP,OBrien,7/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,3/30 Bettina St,5,t,753500,S,LJ,7/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,106 Clayton Rd,7,h,1200000,S,Harcourts,7/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,207 Clayton Rd,4,h,,PN,Woodards,7/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,261 Clayton Rd,2,h,1820000,S,Harcourts,7/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/364 Haughton Rd,3,t,685000,S,Buxton,7/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,7 Beswick St,3,h,650000,S,Woodards,7/05/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,23 Crimson Gr,3,h,732000,S,Ray,7/05/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,16 Anketell St,3,h,,SN,Barry,7/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,15/1 Manna Gum Ct,3,t,550000,PI,Brace,7/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,20A Queen St,2,t,790000,S,Raine,7/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,56 Rose St,3,h,1100000,VB,Nelson,7/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,7 Manly Ct,3,h,700000,S,Nelson,7/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,18 Andover La,3,h,,PI,Harcourts,7/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Berrima Cl,4,h,440000,S,Ray,7/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Grinstead Ct,3,h,397000,S,Ray,7/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Milburn Pl,3,h,438000,S,Ray,7/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Toongabbie Pl,4,h,,SN,Barry,7/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Whitley Cr,3,h,337500,S,Ray,7/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,52 Thunderbolt Dr,4,h,603000,S,O'Brien,7/05/2016,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cranbourne North,17 Winchcombe Wy,4,h,,W,RW,7/05/2016,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon Hills,36 Lemongrove Cr,4,h,660000,S,Max,7/05/2016,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,3a King St,3,h,630000,S,Harcourts,7/05/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,29 Oswald St,3,h,606500,S,LJ,7/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dingley Village,6 Fredman Ct,4,h,925500,S,Ray,7/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,6 Glenelg Ct,4,h,672000,S,Buxton,7/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,42 Kingswood Dr,4,h,740000,S,Ray,7/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,5 Arnold Gr,4,h,1868000,S,hockingstuart,7/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,72 Board St,3,h,920000,PI,Ray,7/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,22 Saxon St,4,h,1050000,PI,Barry,7/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,37 Tullamore Av,5,h,1550000,PI,Barry,7/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,106 Beverley St,3,h,1215000,S,Jellis,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/50 Devon Dr,2,u,689990,S,Barry,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,41 Fernlea Cr,5,h,1364100,S,Barry,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Leura St,2,h,1461000,S,Jellis,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 McCubbin Tce,4,h,1345000,S,Barry,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,54 Newlands Cr,4,h,1250000,PI,Barry,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,31a Roger St,3,t,980000,S,Fletchers,7/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1 Greenview Cl,4,h,1080000,S,Barry,7/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Edithvale,1/13 French Av,3,h,675500,S,Hodges,7/05/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,4 Buxton St,3,h,1755000,S,Gary,7/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,44 Hartington St,4,h,1400000,SP,Biggin,7/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,27 Onkara Ct,3,h,725000,SA,Fletchers,7/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,23 Dunbarton Dr,4,h,670000,S,Barry,7/05/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,2 Dryden St,4,h,,S,Marshall,7/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/8 John St,1,u,357000,S,Chisholm,7/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,29 Mason Av,2,h,1110000,S,hockingstuart,7/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/42 Ruskin St,2,t,,SP,Chisholm,7/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,92 Ruskin St,4,h,,SP,Chisholm,7/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,103/115 Tennyson St,2,u,685000,PI,Marshall,7/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,57 Carlisle Dr,3,h,431000,SP,Ray,7/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Edgware Ct,3,h,480000,S,Harcourts,7/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Fulham Wy,5,h,730000,S,Harcourts,7/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Memorial Av,3,h,635000,S,Iconek,7/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18 Wigan Cl,4,h,570000,SP,Iconek,7/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,17 Cooper St,3,h,1365000,S,Nelson,7/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,194 Napier St,3,h,,S,Nelson,7/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,45 Ogilvie St,2,h,1130000,SP,Barry,7/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,10 Beryl St,3,h,1245000,S,Brad,7/05/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,24a Emerald St,4,t,1120000,SP,Nelson,7/05/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,17 Langridge St,3,h,1330000,S,Barry,7/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,229 Rathmines St,2,h,1220000,S,Jellis,7/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,197 Station St,4,h,1160000,PI,Nelson,7/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,7 Alec Cr,3,h,585000,S,Ray,7/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,20 Penn Ct,3,h,662000,SP,Alexkarbon,7/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,46 Percy St,3,h,615000,S,Ray,7/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/14 Preston St,3,t,500000,VB,Stockdale,7/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,502/69 Victoria St,2,u,692000,S,Nelson,7/05/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Footscray,6/114 Commercial Rd,1,u,291000,PI,Sweeney,7/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3/8 Eleanor St,2,h,375000,S,Sweeney,7/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2 Jerrold St,2,h,736000,S,hockingstuart,7/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8 Jerrold St,2,h,752000,SP,Jas,7/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,101 MacPherson St,2,h,,SP,Village,7/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,6/472 Canterbury Rd,2,u,,SP,Noel,7/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,40 Fingal Dr,4,h,450000,SP,U,7/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Mirang Ct,4,h,,SP,U,7/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,20 Alicudi Av,5,h,1020000,S,Ray,7/05/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,12 Casuarina Dr,4,h,,PN,McEwing,7/05/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,3 Burgess Cl,3,h,510000,SP,Barry,7/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,4/12 Park Av,3,u,650000,PI,hockingstuart,7/05/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/23 Aintree Rd,2,u,550000,SP,Jellis,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Chester St,3,h,1600000,VB,Fletchers,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Flowerdale Rd,3,h,2100000,VB,Marshall,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Grandview Av,3,h,1520000,PI,Marshall,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Kardinia Rd,3,h,,S,RT,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,48 Martin Rd,3,h,2115000,S,Jellis,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,73 Pascoe St,3,h,1700000,S,Jellis,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Peace St,5,h,,S,Marshall,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,66 Rowen St,4,h,,SP,Marshall,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Vincent St,4,h,3500000,S,Kay,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Walerna Rd,3,h,1750000,S,Jellis,7/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,25 Charlotte St,3,h,,SN,Woodards,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Danien St,5,h,,PI,Ray,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,223 Gallaghers Rd,4,h,,S,HAR,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Grantley Dr,4,h,1135000,PI,Barry,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Gwingana Cr,4,h,,PI,Biggin,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Ingram Av,4,h,,S,hockingstuart,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Kincumber Dr,5,h,1100000,SP,HAR,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Kinnoull Gr,5,h,,PI,HAR,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Lincoln Av,3,h,1650000,SA,Barry,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Matthew St,3,h,1730000,PI,Barry,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,52 Rose Av,3,h,,PI,Ray,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Tanner St,4,h,1000000,VB,Barry,7/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1c Barwon St,2,h,540000,VB,Nelson,7/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/23 Gordon Ct,3,t,500000,SP,Stockdale,7/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,23 Tarana Av,3,h,625000,S,Barry,7/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,9 Balderrie Ct,4,h,,S,Nelson,7/05/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,39 Balerno Cir,3,t,468000,S,Nelson,7/05/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,16 Gilmour Ct,4,h,630000,VB,hockingstuart,7/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6/50 Hume St,2,u,446000,SP,Buckingham,7/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Liat Wy,3,h,620000,S,Buckingham,7/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,11 Adderley Dr,4,h,,PI,Barry,7/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Positano Gr,5,h,,W,Barry,7/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,2/32 David St,4,u,581000,S,Barry,7/05/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,72b David St,2,t,890000,S,Hodges,7/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,66a Thomas St,3,h,1120000,S,hockingstuart,7/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,13 Acheron Ct,3,h,,S,hockingstuart,7/05/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,32 Lesley Dr,5,h,455000,PI,O'Brien,7/05/2016,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,10 Auburn Rd,3,h,,S,Marshall,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/150 Barkers Rd,2,u,,S,Jellis,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/284 Barkers Rd,2,u,,S,Kay,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,302/157 Burwood Rd,1,u,350000,VB,Marshall,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/5 Denham St,2,u,753000,S,Marshall,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/21 Elphin Gr,1,u,330000,PI,RT,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,51a Hawthorn Gr,5,h,,S,Marshall,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Malmsbury St,3,h,1420000,S,Marshall,7/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1051 Burke Rd,3,h,1615000,S,Jellis,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,301/102 Camberwell Rd,2,u,,PI,RT,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,41 Clive Rd,3,h,,S,Jellis,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,19 Mowbray St,4,h,,S,Kay,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/2 Myrniong Gr,3,h,1600000,VB,Marshall,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,310 Riversdale Rd,3,h,1450000,PI,hockingstuart,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,23 Widford St,6,h,,SP,RT,7/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,41 The Boulevard,3,h,,SN,Barry,7/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,1/8 Lawson Pde,3,h,495000,S,Barry,7/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,39 Marie Av,3,h,660000,SP,Miles,7/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/8 Mary Av,3,u,,SP,Miles,7/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,2/287 Liberty Pde,2,t,370000,VB,Miles,7/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,107/3 Remington Dr,1,u,380000,PI,Ray,7/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,93 Allenby Rd,4,h,420000,S,Ray,7/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,591 Tarneit Rd,4,h,1301000,S,RW,7/05/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/19 Swindon Rd,3,t,828000,S,Ray,7/05/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,83 Bond St,3,h,,SN,Miles,7/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/105 Locksley Rd,2,u,490000,S,Miles,7/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/52 Locksley Rd,2,u,739000,S,Miles,7/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7 Robbins St,3,h,1340000,S,Miles,7/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,15 Toora St,4,h,,SN,Miles,7/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,11 Oakdene Pl,3,h,,S,Nelson,7/05/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,11 Warncliffe Rd,3,h,2150000,S,Miles,7/05/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,147 Sunset Bvd,3,h,350000,PI,Barry,7/05/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,3 McGrath Cl,3,h,365000,SP,Brad,7/05/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,1 Tarwin Ct,3,h,637000,S,Brad,7/05/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,27 Judith St,3,h,772000,S,Nelson,7/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,44 Noga Av,3,h,,VB,Brad,7/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,9a The Crossway,3,h,650000,SP,Nelson,7/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,47 Barnett St,3,h,961000,S,Jellis,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,72 Bayswater Rd,3,h,1271000,S,Edward,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,67 Collett St,3,h,1010000,PI,Edward,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,4/130 Kensington Rd,2,t,750000,S,Rendina,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,15 Ormond St,4,h,1675000,S,Rendina,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,103/70 Speakmen St,2,u,450000,S,Rendina,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1 Watsons Wk,3,t,798000,S,Rendina,7/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,36 Belmont Av,3,h,1800000,S,Jellis,7/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,71 Cecil St,4,h,2200000,S,Marshall,7/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,84 Sackville St,5,h,,S,Marshall,7/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15 Scott St,3,h,,S,Marshall,7/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14 Studley Av,4,h,3700000,VB,Nelson,7/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,2 Longstaff St,4,h,,SP,Marshall,7/05/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/37 Strathalbyn St,2,u,605000,S,Nelson,7/05/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,13 Blanchard Av,4,h,735000,S,Branon,7/05/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,2 Luton Ct,3,h,570000,S,RW,7/05/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,22 Wattle Av,3,h,403500,S,Nelson,7/05/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,4 Kingsville St,2,h,816000,S,Village,7/05/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,104 Williamstown Rd,2,h,677500,S,Jas,7/05/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,10 Nectar Mw,4,t,,PI,Barry,7/05/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kurunjang,67 Smoult Dr,4,h,388000,S,Ray,7/05/2016,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,52 Derrick St,4,h,,SP,Love,7/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,39 Kingsway Dr,3,h,451500,S,Harcourts,7/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,85 Bolton St,4,h,800100,SP,Buckingham,7/05/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,20 Cooley Av,4,h,680000,S,hockingstuart,7/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/64 Edward St,2,u,466000,S,Ray,7/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1c Wilkinson St,3,h,611000,S,Ray,7/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Malvern,27 Bonview Rd,4,h,,S,Jellis,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/58 Cawkwell St,2,u,569000,S,Noel,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,11 Eva St,3,h,2025000,VB,Jellis,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,32a Ewart St,3,h,,SP,Jellis,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,19 Glendearg Gr,4,h,,S,Marshall,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,206/361 Glenferrie Rd,2,u,,S,hockingstuart,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,19 Gordon Gr,3,h,1950000,S,Jellis,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7/6 Irving St,2,u,,S,Frank,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8/15 Wheatland Rd,2,u,,S,hockingstuart,7/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,68 Beaver St,3,h,,SN,Abercromby's,7/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,34 Ferncroft Av,4,h,,PI,RT,7/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/6 Ferncroft Av,3,h,,S,Marshall,7/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/35 Grant St,2,u,,S,Jellis,7/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15a Hedgeley Av,4,h,2360000,S,RT,7/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/406 Wattletree Rd,3,t,1253000,S,Jellis,7/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,18 Blair St,3,t,550000,SP,Biggin,7/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,104 Gatehouse Pl,2,u,420000,SP,Biggin,7/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2a Hillside Cr,2,t,345000,PI,Hodges,7/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,8/10 Middle Rd,2,h,399000,S,Raine,7/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3 Valnere St,4,h,940000,SP,Biggin,7/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,19 Warrs Rd,3,h,1105000,S,Nelson,7/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,4 Claire St,4,h,,S,Buxton,7/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/4 Draper St,2,u,630000,S,C21,7/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,3a Lord St,3,h,900000,VB,Woodards,7/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2/2 Jane Ct,3,u,,PI,Harcourts,7/05/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1501/87 Franklin St,2,u,535000,S,HAR,7/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,216/68 Latrobe St,2,u,,PI,HAR,7/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1108/318 Little Lonsdale St,1,u,,PI,Pagan,7/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2801/639 Lonsdale St,2,u,,PI,HAR,7/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1205/480 St Kilda Rd,3,u,860000,PI,Marshall,7/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,807/582 St Kilda Rd,3,u,1275000,S,Jellis,7/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,16 Shebler Pl,3,h,,SN,Barry,7/05/2016,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,15 Macquarie St,3,h,,PI,Barry,7/05/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,25 Neville St,3,h,900000,VB,Buxton,7/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mill Park,60 Hinkler Dr,3,h,490000,S,Ray,7/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Kiernan Cl,3,h,527000,SP,Morrison,7/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Scullin Ct,4,h,,SN,Barry,7/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2 Culwell Av,2,h,735000,S,Noel,7/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,17 Dudley St,3,h,1230000,PI,Noel,7/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,88 Heatherdale Rd,5,h,715000,S,Ray,7/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/6 Rupert St,2,u,667000,S,Noel,7/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,46 Adam Cr,5,h,841000,S,Barry,7/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/18 Looker Rd,3,h,600000,PI,Barry,7/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,3/20 Rattray Rd,2,t,515000,VB,Buckingham,7/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,152 Sherbourne Rd,4,h,641000,PI,Barry,7/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,16 Wooded Wy,3,h,1000500,S,Buckingham,7/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montrose,28 Ravenswood Ct,3,h,655500,S,Max,7/05/2016,3765,Eastern Victoria,2493,28.8,Yarra Ranges Shire Council +Moonee Ponds,5 Bent St,4,h,1445000,S,Nelson,7/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,803/701 Mt Alexander Rd,3,u,1475000,S,Paul,7/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,151a Park St,3,h,,S,Rendina,7/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,49 Clay St,3,h,,SN,Branon,7/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/1017 Nepean Hwy,3,t,750000,PI,Buxton,7/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,4/111 Albert St,2,u,488000,S,Barry,7/05/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,15 Dallas St,4,h,1200000,S,hockingstuart,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,29 Dallas St,4,h,1350000,PI,Jellis,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/17 French St,2,u,650000,S,Barry,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Illuka Cr,4,h,1730000,S,Buxton,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Jeffrey St,3,h,,PI,Buxton,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/21 Kay St,3,t,,PI,Ray,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/83 Larch Cr,3,t,781200,S,Stockdale,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Lemana Cr,5,h,,PN,Stockdale,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Magenta Ct,3,h,920000,VB,Barry,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Olive Av,5,h,,PI,JRW,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Portsmouth St,3,h,1310000,S,Barry,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Sunhill Rd,5,h,,PI,Barry,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 Tarella Dr,3,h,1250000,S,Jellis,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Valley Rd,4,h,1850000,SP,Ray,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,375 Waverley Rd,3,h,1100000,PI,Fletchers,7/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,78 Bertrand Av,4,h,960000,SP,Ray,7/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Kinkoka Ct,4,h,852000,S,Ray,7/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 MacKie Rd,3,h,660000,SP,HAR,7/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/69 MacKie Rd,3,u,550000,S,Ray,7/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1d Bute St,3,u,975000,S,Woodards,7/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,38 Dalny Rd,3,h,1060000,PI,hockingstuart,7/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Ella St,4,h,,SN,Ray,7/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,197 Murrumbeena Rd,4,h,,SP,Jellis,7/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4/16 Rosella St,2,u,680000,S,Buxton,7/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,82 Charlotte St,3,h,880000,S,Sweeney,7/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,29 Latrobe St,4,h,1340000,S,Raine&Horne,7/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,37/114 Mason St,1,u,335000,S,Williams,7/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,53 River St,4,h,1260000,PI,Village,7/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/94 The Strand,3,h,1400000,PI,Greg,7/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,97 Haldane Rd,3,t,770000,S,Frank,7/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,45a Nolan St,3,h,895500,S,Nelson,7/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,4/196 Corrigan Rd,3,u,,PI,RW,7/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,168 Noble St,3,h,,SN,Barry,7/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,33 Stackpoole St,3,h,,SN,Stockdale,7/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,319/350 Victoria St,2,u,645000,S,Nelson,7/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,16/116 Arthurton Rd,2,u,418000,SP,hockingstuart,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,91 Charles St,3,h,,SN,Nelson,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,77 Dennis St,3,h,860000,PI,Nelson,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/75 Gadd St,2,t,650000,VB,Nelson,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,20 Oldis Av,3,h,1280000,S,Barry,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Salisbury Gr,2,h,,SP,Miles,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21 Vauxhall Rd,4,h,,S,Jellis,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,29 Westgarth St,4,h,1700000,PI,hockingstuart,7/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,27 Westerfield Dr,3,h,905000,S,Biggin,7/05/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,11 Brae Gr,5,h,861000,S,RW,7/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1 High St,4,h,891000,S,Fletchers,7/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,12 High St,4,h,927500,S,Noel,7/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/27 Nerissa Gr,2,h,,S,Jellis,7/05/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,40 New Rd,4,h,830000,PI,Brad,7/05/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3 Summit Av,4,h,,SP,Brad,7/05/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,11/79 Atherton Rd,2,u,400000,PI,Woodards,7/05/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/12 Bonham Cr,3,h,745000,SP,Buxton,7/05/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/74 MacRina St,3,u,,PI,Buxton,7/05/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,2/1073 Centre Rd,4,h,651000,PI,Woodards,7/05/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,9 Teatree Pl,3,h,312000,S,C21,7/05/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,2 Alma Rd,4,h,1000000,S,Hodges,7/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 Dalmor St,3,h,1150000,S,Barry,7/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,20 Mac Cr,2,h,713000,SA,Thomson,7/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/35 Parkers Rd,2,u,,S,hockingstuart,7/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,24 Randell St,3,h,1100000,S,Hodges,7/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/10 Warrigal Rd,3,t,799000,S,Buxton,7/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/2 Bellevue Tce,2,u,495000,SP,Brad,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Donnelly Ct,3,h,738000,SP,Brad,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,9/12 Pascoe St,2,h,386000,S,D'Aprano,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/4 Perkin Av,2,h,517500,S,Nelson,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/19 Raeburn St,2,u,452000,S,hockingstuart,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/30 Snell Gr,3,h,522500,S,Raine,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/23 Stewart St,2,h,601500,S,hockingstuart,7/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plenty,2 Manna Mw,5,h,1465000,SP,Morrison,7/05/2016,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Plumpton,17 Goulding Dr,4,h,410000,PI,Barry,7/05/2016,3335,Western Metropolitan,1490,23.8,Melton City Council +Port Melbourne,6/157 Beach St,2,u,1100000,SP,Cayzer,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,13 Canberra Pde,3,h,1421000,S,Biggin,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,91 Cruikshank St,4,h,,SP,Parkinson,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,414/99 Dow St,2,u,845000,SP,RT,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,7/55 Johnston St,2,u,720000,S,Buxton,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,218 Nott St,2,h,1275000,S,Marshall,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,106 Ross St,2,h,1000000,VB,Marshall,7/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,4/2 Alfred St,2,u,830000,S,Williams,7/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,410/220 Commercial Rd,1,u,,S,hockingstuart,7/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16 Greville St,4,h,,VB,Marshall,7/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,76 Pridham St,2,h,1182500,S,Marshall,7/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,48 Wrights Tce,2,h,1303000,S,Beller,7/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,12a Austral Av,4,t,995000,S,Nelson,7/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,68 Erin St,3,h,,SP,Nelson,7/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,94 High St,2,h,650000,PI,Brace,7/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,227 Murray Rd,2,h,850000,S,Barry,7/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,32 Tyler St,3,h,560000,S,Barry,7/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Willow St,3,h,,S,Nelson,7/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,197 Albert St,2,h,365000,PI,Barry,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/38 Barton St,2,u,405000,S,Barry,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/46 Darebin Bvd,3,t,,SP,hockingstuart,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40b Drysdale St,3,t,620500,S,Nelson,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Gloucester St,3,h,730000,S,Nelson,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/40 Godley St,1,h,260000,PI,hockingstuart,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Kinsale St,3,h,665000,S,Nelson,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/1 Leamington St,3,h,625000,PI,Barry,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/134 McMahon Rd,2,u,357500,S,Ray,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Orchid Av,3,h,756000,S,Ray,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Robins Av,5,h,1195000,S,Ray,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,106 Winter Cr,2,t,475000,S,Ray,7/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,52 Brighton St,2,h,1506000,S,Biggin,7/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,31 Johnson St,3,h,1350000,PI,Peter,7/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Leslie St,3,h,1090000,S,Biggin,7/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4 Normanby Pl,3,t,,S,Jellis,7/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/69 Palmer St,2,u,,PI,Biggin,7/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,110/61 Stawell St,1,u,405000,PI,McGrath,7/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/9 Yarmouth St,3,t,790000,S,Philip,7/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2/29 Morinda St,3,t,,PI,Barry,7/05/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,9 Wood St,4,h,1060000,S,Philip,7/05/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,22 Evelyn Rd,3,h,600000,S,Jellis,7/05/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,2/120 Brighton Rd,2,u,605000,S,Gary,7/05/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,39 Alfreda Av,3,h,1215000,S,Fletchers,7/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/24 Arden Cr,3,h,800000,S,Buckingham,7/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,101 Ellesmere Pde,4,h,1020000,PI,Fletchers,7/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/236 Lower Plenty Rd,3,u,560000,VB,Miles,7/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,21 Ruthven St,3,h,1050000,SP,Miles,7/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Sandringham,15 Reno Rd,5,h,1840000,S,hockingstuart,7/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,47 Spring St,4,h,1480000,S,Buxton,7/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,77 Wells Rd,3,h,560000,SP,hockingstuart,7/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,1 Seaholme Av,5,h,950000,VB,Greg,7/05/2016,3018,Western Metropolitan,852,11,Hobsons Bay City Council +South Melbourne,352 Moray St,4,h,2260000,PI,Marshall,7/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,33 Mountain St,2,h,1150000,S,Greg,7/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,72 Smith St,3,h,1595000,SP,Marshall,7/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11 Briar Ct,3,h,,SN,Barry,7/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Garry Ct,4,h,,PI,Barry,7/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,8/24 Fitzgerald St,2,u,623500,SP,hockingstuart,7/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/99 Osborne St,1,u,409000,S,Castran,7/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12 Stables La,1,u,370000,SP,Marshall,7/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,6/77 Dodds St,4,u,990000,S,Ray,7/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2/95 Dodds St,2,u,623000,S,Cayzer,7/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,1605/14 Kavanagh St,2,u,592500,S,Ray,7/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,171/88 Kavanagh St,2,u,,PI,Alexkarbon,7/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,6 McNeilage St,2,h,832500,S,Jas,7/05/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,31 Hope St,3,h,740000,S,Leyton,7/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,12 Large St,4,h,,PN,Century,7/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,3/24 Peace St,3,u,430000,S,Paul,7/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,4 Wattle St,3,u,820000,S,iSell,7/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,8 Adelaide St,3,h,605000,S,Ray,7/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,44 James St,3,h,531000,S,Ray,7/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,125 Power St,3,h,500000,PI,Ray,7/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,22 Reaburn Av,4,h,,SN,Barry,7/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,207/182 Barkly St,1,u,,PI,hockingstuart,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/59 Carlisle St,2,u,527000,SP,McGrath,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18/41 Chapel St,3,u,610000,S,hockingstuart,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/13 Crimea St,1,u,285000,S,Gary,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/89 Fitzroy St,1,u,400000,VB,Gary,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,102 Inkerman St,3,h,,SN,McGrath,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/7 Robertson Av,2,u,610000,PI,Jellis,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,301/115 Wellington St,1,u,,PI,Dingle,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20/62 Wellington St,1,u,450000,SP,McGrath,7/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,14 Bournian Av,4,h,1335000,S,Nelson,7/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,49 Glenview Rd,4,h,1265000,S,Brad,7/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,56 Hillsyde Pde,3,h,1025000,S,Considine,7/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3 Madel Av,3,h,1300000,S,Paul,7/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,8 Upland Rd,3,h,1430000,S,Paul,7/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,8 McEwen Dr,3,h,,PI,Barry,7/05/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,36 Matthews St,5,h,895000,PI,Barry,7/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,17 Snowden St,3,h,657500,S,Barry,7/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1 Walter St,4,h,1030000,S,Sweeney,7/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,7 Charles St,3,h,607000,S,Douglas,7/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,97 Cumberland St,3,h,600000,S,Douglas,7/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,119 Warwick Rd,2,h,560000,S,Barry,7/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,3 Evelyn Cr,3,h,531000,S,Greg,7/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,3 Iluka Ct,3,h,581000,SP,Jas,7/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,19 Valentine Cr,3,h,388500,S,Barry,7/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/16 Bentley St,3,t,,S,Jellis,7/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,22b Essex Rd,4,h,2200000,S,Jellis,7/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,18/20 Florence Rd,3,u,736000,S,Barry,7/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Rose Av,4,h,,SP,Marshall,7/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,9 Willcyrus St,3,h,,S,Jellis,7/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,41 Bungarim Wyn,4,h,505000,S,Barry,7/05/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Hodder Ct,4,h,635000,SP,Barry,7/05/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,10 Winona Cct,4,h,,SN,Barry,7/05/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,79 Durack Cct,3,h,,SP,Ray,7/05/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,8 Glenelg Bvd,4,h,480000,VB,Professionals,7/05/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,4 Sansom Ct,4,h,980000,S,Barry,7/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,56 Anderson St,3,h,,SN,Philip,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,13 Bantry Gr,5,h,,SP,hockingstuart,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,36 Hillhouse Rd,5,h,1505000,SP,Jellis,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,21 McDonald Av,1,h,,S,Barry,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,23 McDonald Av,1,h,,S,Barry,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,60 McLachlan St,5,h,1625000,S,Jellis,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,23 Serpells Rd,2,h,,S,Barry,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/248 Williamsons Rd,4,h,1100000,PI,Barry,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/248 Williamsons Rd,4,h,1200000,S,Barry,7/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,271 High St,4,h,1500000,SP,Jellis,7/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3/17 Howitt Dr,3,t,,SP,Jellis,7/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3 Jeffrey St,4,h,,SN,Assisi,7/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,238 Thompsons Rd,4,h,,SP,Jellis,7/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,105 Bickley Av,3,h,455000,S,Barry,7/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/19 Juniper Cr,4,u,,PI,Harcourts,7/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,22 Lantana Av,3,h,491000,S,Ray,7/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,40 Wales St,2,h,940000,S,Nelson,7/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,1/21 Bruce St,1,u,349000,PI,Williams,7/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,29 Canterbury Rd,2,h,,SP,Jellis,7/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10 Cole Ct,3,h,,PI,RT,7/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/8 Devorgilla Av,2,h,,S,RT,7/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4 Ledbury Ct,5,h,,SN,Kay,7/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,23 Montalto Av,5,h,,PI,RT,7/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,46 Broadmeadows Rd,3,h,,SN,Barry,7/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,3/68 Broadmeadows Rd,2,u,277500,S,Moonee,7/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,43 Christopher Cr,4,h,,PI,Barry,7/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,12/264 Melrose Dr,2,h,300000,PI,Jason,7/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,4/42 Sharps Rd,3,h,345000,S,Jason,7/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,19 Caroben Av,4,h,990000,S,M.J,7/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,5 Adley Ct,3,h,,PN,Harcourts,7/05/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2 Huon Ct,6,h,,PI,HAR,7/05/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,13 Sherwood Ri,4,h,1120000,S,Fletchers,7/05/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,26 Lyon Rd,4,h,1102500,S,Miles,7/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,7 Myalla Ct,4,h,,SN,Barry,7/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,72 MacOrna St,3,h,585000,SP,Miles,7/05/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,22 Stonnington Dr,4,h,850000,S,Barry,7/05/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,30 Grant Av,3,h,350000,PI,YPA,7/05/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,23 Latham St,3,h,411000,S,YPA,7/05/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3/19 Beaumont Pde,2,h,,VB,hockingstuart,7/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/12 Hatfield Ct,6,u,520000,SP,Sweeney,7/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,5/165 Sunshine Rd,2,u,,PI,hockingstuart,7/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,9/24 Ireland St,1,u,550000,S,Nelson,7/05/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,108/33 Jeffcott St,3,u,660000,PI,hockingstuart,7/05/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,21 Glencara Cl,3,h,,SN,Barry,7/05/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,4/38 Wills St,2,t,370000,PI,Real,7/05/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,19 Darnley Gr,4,h,890000,S,HAR,7/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3/317 Jells Rd,3,t,,PI,HAR,7/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,86 Jells Rd,4,h,1558000,S,Barry,7/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,30 Ninevah Cr,4,h,930000,PI,Jellis,7/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,12 McGuire Cr,3,h,825000,S,Williams,7/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,98 Osborne St,3,h,1460000,S,Greg,7/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8/99 Verdon St,1,u,310000,SP,Sweeney,7/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,4/12 Ellesmere Rd,2,u,800000,S,Fletchers,7/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,17/25 Williams Rd,1,u,275000,VB,Gary,7/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,18 Kenmare App,4,h,395000,PI,Ray,7/05/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,12 Joroma Pl,4,h,930000,S,Jellis,7/05/2016,3115,Eastern Victoria,1328,25.2,Manningham City Council +Yallambie,40 Allima Av,4,h,760000,S,Buckingham,7/05/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,31 Frederick St,4,h,1320000,SP,Village,7/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,98 Powell St,4,h,,SP,Greg,7/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8/230 Williamstown Rd,2,t,482500,SP,Sweeney,7/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,24 Paterson St,2,h,1457500,S,Jellis,7/07/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,11/8 Arthur St,2,u,450000,VB,Woodards,7/07/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,1/2 St Kinnord St,1,u,353000,S,Pagan,7/07/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,13 Cameron St,2,u,701000,S,Barry,7/07/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/9 El Reno Cr,3,h,700000,VB,Nelson,7/07/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,40A Hilbert Rd,3,u,813000,S,Barry,7/07/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,14 Kitson Cr,4,h,910000,S,Brad,7/07/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,3 Fairfax Cct,3,h,556500,S,YPA,7/07/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albion,4 Delmont St,2,h,662000,PI,Douglas,7/07/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,1/2 Perth Av,3,t,,PI,Sweeney,7/07/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona North,118 Chambers Rd,3,h,,PI,Sweeney,7/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3 Sixth Av,3,h,820000,SP,hockingstuart,7/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,8 The Broadway,4,h,,VB,Sweeney,7/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,21 West St,2,h,,PI,Barry,7/07/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ascot Vale,18 Dumblane Av,5,h,1780000,S,Brad,7/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,108A Epsom Rd,2,t,855000,S,Brad,7/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/157 Epsom Rd,2,u,516000,S,Edward,7/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4/1 Ferguson St,3,t,845000,S,Jellis,7/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,11 Haven Cr,3,t,925000,S,Brad,7/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4/52 Munro St,2,u,450000,VB,Alexkarbon,7/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,10 Lancaster St,3,h,1320000,PI,hockingstuart,7/07/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,13b Harcourt St,4,t,1150000,VB,Buxton,7/07/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,10 Balaka Av,4,h,870000,S,Barry,7/07/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,78A Canning St,3,t,732000,S,Moonee,7/07/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,39 Marlborough St,2,h,,VB,hockingstuart,7/07/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,11/20 Orange Gr,2,u,,VB,hockingstuart,7/07/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,20 Yonga Rd,2,h,1421000,S,Noel,7/07/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/5 Dumblane St,2,u,,S,hockingstuart,7/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1/6 Grandview Gr,3,u,620000,SP,Fletchers,7/07/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,26 Lance Rd,4,h,,PI,Ray,7/07/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,6 Victor St,3,h,2080000,SP,McGrath,7/07/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,1/22 South Av,3,t,790000,S,Hodges,7/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/30 Tucker Rd,2,u,685000,S,Woodards,7/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,20A Wright St,4,t,1378000,S,Woodards,7/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/16 Celia St,3,t,999000,SA,Gary,7/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 George St,2,h,1480000,VB,Buxton,7/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Greenview Ct,3,h,1100000,PI,Jellis,7/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,33 Highview Rd,3,h,860000,PI,Buxton,7/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10a Kurrajong St,3,t,1200000,S,Buxton,7/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,7 Barak Av,4,h,,VB,Harcourts,7/07/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,4/10 Frankcom St,2,h,755000,S,Fletchers,7/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Marian Ct,4,h,1170000,S,Ray,7/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,47 Stanley Gr,2,h,,PI,HAR,7/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,25 Charlotte St,3,h,1100000,S,Philip,7/07/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,7 Shields Ct,4,h,,S,Woodards,7/07/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,17 Kent Rd,2,h,950000,S,Noel,7/07/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Broadmeadows,3 Joffre St,3,h,821000,S,RW,7/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,22/99 Brickworks Dr,1,u,390000,S,hockingstuart,7/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,102/9 Florence St,1,u,567000,SP,Jellis,7/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,50 Thistle St,4,h,1131000,S,Walshe,7/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,24 Cook St,3,h,1450000,VB,Nelson,7/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/71 Heller St,2,u,695000,S,Brad,7/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1 Mattingley Cr,3,h,1110000,PI,Nelson,7/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2/15 Allen St,2,u,747000,S,Jellis,7/07/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,88 Golden Wy,4,h,1190000,PI,Barry,7/07/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,7/116 Manningham Rd,3,u,750000,SP,Barry,7/07/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,112 Betula Av,3,h,720000,S,Barry,7/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Oxley Av,3,h,850500,S,Ray,7/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Carnegie,8/8 Kokaribb Rd,2,u,475000,S,Thomson,7/07/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,30 Railway Rd,4,h,1625000,S,Ray,7/07/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,25 Aberfeldie Wy,4,h,665000,S,Raine,7/07/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,10 Goulburn Cct,3,h,,PN,YPA,7/07/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Chadstone,24 Collins St,2,h,,SN,Woodards,7/07/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/14 Embankment Gr,2,u,590000,S,Buxton,7/07/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,19 Mulberry Av,3,t,790000,SP,Buxton,7/07/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,3 Harvest Dr,4,h,837750,SP,Philip,7/07/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton South,3 Aonach St,4,h,,SP,C21,7/07/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,5 Enngonia Cr,3,h,800000,PI,Shine,7/07/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,23 Third St,8,h,,PI,Biggin,7/07/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,86A Gordon St,3,h,1505000,S,Nelson,7/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,39 Huntington Gr,2,h,,S,Nelson,7/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Linsey St,3,h,968000,SP,McGrath,7/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,16 Claremont St,3,h,805000,S,Barry,7/07/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,52 Elizabeth St,3,h,642000,S,RW,7/07/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,47 Balyang Wy,4,h,,PI,Biggin,7/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Cavell Dr,3,h,506000,S,Ray,7/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,44 Pearl Dr,4,h,510000,VB,Ray,7/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,9 Frances Ct,5,h,630000,PI,Buxton,7/07/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Croydon,5 Hubble Rd,3,h,,PI,Barry,7/07/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,13 Durang Ct,3,h,730000,SA,Market,7/07/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,25 Corinella Cr,5,h,549000,S,Raine,7/07/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Doncaster East,10 Bowen Rd,4,h,1150000,SP,Jellis,7/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,87 Bowen Rd,4,h,,SN,Barry,7/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doveton,155 Kidds Rd,5,h,,PN,Eview,7/07/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eltham,1/49 Beard St,3,h,640000,VB,Jellis,7/07/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,2/31 Beach Av,3,u,830000,S,Hodges,7/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,20 Goldsmith St,3,h,,PI,RT,7/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,62 Lawson Wy,4,h,860000,SP,O'Brien,7/07/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,38 Grand Pde,2,h,500000,S,Stockdale,7/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,5/389 Buckley St,2,u,483000,S,McDonald,7/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,4 Frederick St,3,h,800000,S,Ray,7/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,39 Ledger Av,4,h,,PI,Ray,7/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/134 Lorne St,2,t,588000,PI,Ray,7/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,21 Shirley St,4,h,610000,S,Nelson,7/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3/1080 Sydney Rd,2,h,450000,VB,Ray,7/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Flemington,5/37 Bignell St,1,u,330000,VB,Jellis,7/07/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,741/18 Albert St,2,u,,SP,Sweeney,7/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3/49 Hyde St,2,u,495000,S,McGrath,7/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,46 Macpherson St,2,h,596000,S,FN,7/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,40 Glebe St,5,h,970000,PI,Ray,7/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,5 Jean St,3,h,980000,S,McGrath,7/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,5 Melville St,3,h,900000,PI,Aquire,7/07/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,10 Aurea Ct,3,h,456500,S,Ray,7/07/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Gisborne,44 Fersfield Rd,3,h,535000,S,Raine,7/07/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,8 Oakley Ct,3,h,490000,S,Raine,7/07/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,28 Payne St,4,h,580000,S,RW,7/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,8 Royston Pl,4,h,730000,S,YPA,7/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,18 Snaefell Cr,4,h,635000,S,RW,7/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,10 Dorothy Av,3,h,1150000,VB,Gary,7/07/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,8/133 Grange Rd,1,u,,PI,Woodards,7/07/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,202/1561 Malvern Rd,2,u,,PI,Tim,7/07/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,11B Coomleigh Av,4,u,1100000,PI,Barry,7/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/14 Fernhurst Dr,3,u,850000,PI,McGrath,7/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/4 Morocco Ct,3,t,,PI,Harcourts,7/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/3 Park St,3,u,1010000,S,Barry,7/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Quest Ct,4,h,,SN,Ray,7/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/17 Acacia St,3,u,570000,SP,Stockdale,7/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,36 Chapman Av,3,t,740000,S,Stockdale,7/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Farview St,3,h,730000,S,Eview,7/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,88 Gowrie St,3,h,815000,SP,Eview,7/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/2 Warana Ct,2,t,,PI,Brad,7/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,2 Wolangi Ct,3,h,825000,S,Buckingham,7/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,46 Ambleside Rd,3,u,,S,Barry,7/07/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton East,6/23 Charming St,2,h,698000,S,Purplebricks,7/07/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,51 Power St,5,h,,S,Jellis,7/07/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/243 Riversdale Rd,2,u,,PI,Jellis,7/07/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,32 Armstrong Rd,3,h,,PI,Fletchers,7/07/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,4/178 Cape St,2,u,710000,S,Miles,7/07/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,61 Gotha St,3,h,735000,S,Jellis,7/07/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/8 Mary Av,4,t,,SN,Miles,7/07/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,33 Montgomery St,3,h,,SN,Jellis,7/07/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1/4 Ambon Ct,2,t,631000,S,Fletchers,7/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,146 Wickham Rd,3,h,,S,Hodges,7/07/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2 Michael Ct,3,h,,PN,Prof.,7/07/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,90 Royal Cr,4,h,780000,SP,Brad,7/07/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,15 Ashton Cr,3,h,530000,SP,YPA,7/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,15 Minogue Cr,3,h,575000,S,Barry,7/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 Picardy Ct,4,h,581000,S,YPA,7/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 Sunbird Cr,3,h,501500,S,Barry,7/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/13 Carlisle Cr,3,t,1195000,SP,McGrath,7/07/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,77 Greville St,2,h,,PI,Buxton,7/07/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,18 Shafton St,3,h,1323000,S,C21,7/07/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,9 Abercorn Av,3,t,,PN,Miles,7/07/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7/136 Banksia St,2,u,765500,S,hockingstuart,7/07/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5 Rocke St,5,h,,SN,Miles,7/07/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor East,115 Noga Av,3,h,,SP,Nelson,7/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,85 Barnett St,3,h,1000000,VB,Jellis,7/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,24 Neale St,2,t,751000,S,Nelson,7/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,206/102 Rankins Rd,1,u,440000,S,Alexkarbon,7/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,6/63 Cobden St,2,u,525000,SP,Nelson,7/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13 Grandview Tce,2,h,1650000,S,Noel,7/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Lalor,60 Casey Dr,3,h,587500,S,Raine,7/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,122 Curtin Av,3,h,630000,S,HAR,7/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,67 Derrick St,3,h,575000,S,McGrath,7/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,12 Leeson Gr,3,h,612000,S,HAR,7/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2/85 Rotino Cr,3,t,465000,S,HAR,7/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,23 Wye St,4,t,,VB,HAR,7/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lyndhurst,30 Mallett Gr,4,h,,SP,Area,7/07/2018,3975,South-Eastern Metropolitan,1934,33.8,Casey City Council +Macleod,41 Harborne St,4,h,1305000,S,Jellis,7/07/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,7 Highview Cr,4,h,1121000,S,Darren,7/07/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/20 Burns St,4,h,700000,S,Barry,7/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/6 Crefden St,2,u,,PI,Biggin,7/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,11A Spring Rd,3,h,,S,Jellis,7/07/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,124 Stanhope St,4,h,2740000,S,RT,7/07/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/64 Stanhope St,2,u,635000,S,hockingstuart,7/07/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,3/36 Paxton St,2,h,908000,S,hockingstuart,7/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1B Sutherland St,3,h,1300000,PI,Buxton,7/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7/39 Tooronga Rd,1,u,363500,S,Coad,7/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,3 Casuarina Cl,5,h,,PI,Trimson,7/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,38 Dale St,3,h,1012000,PI,Nelson,7/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1A Ensign St,3,h,,SP,Brad,7/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,44 Pridham St,3,h,1160000,PI,Nelson,7/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9/82 Raleigh Rd,2,u,380000,PI,Biggin,7/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,13 Rowe St,3,h,919000,S,Jas,7/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,1413/610 St Kilda Rd,2,u,385000,SP,Gary,7/07/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,5/120 Charman Rd,1,u,345000,SP,O'Brien,7/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,24 Streeton Dr,3,t,926000,S,Charlton,7/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,2 Arbour St,4,h,680000,SP,RW,7/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,87 Cravens Rd,4,h,620000,VB,Ray,7/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,139 Everard Rd,3,t,485000,SP,Ray,7/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,17 Friesian St,4,h,565000,SP,Stockdale,7/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,22 Heddle Pde,4,h,,PI,Barry,7/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,16 Jackaroo St,3,h,,PI,Skad,7/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,1 Cardinal Cl,3,h,690000,S,Barry,7/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,213 Childs Rd,3,h,638000,S,Barry,7/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Hillas Ct,3,h,620000,S,Barry,7/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,36 Redleap Av,4,h,720000,S,Ray,7/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,19 Basingstoke Rd,3,h,835000,SP,Ray,7/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/21 Dudley St,3,t,928000,SP,Ray,7/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/20 James Av,2,u,470000,PI,Ray,7/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,8 Serpentine St,4,h,2120000,S,Marshall,7/07/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,20 Alban St,4,h,910000,SP,Jellis,7/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,18/101 Rattray Rd,3,u,640000,SP,Fletchers,7/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/5 Rattray Rd,3,u,660000,VB,Buckingham,7/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,18 Starling St,3,h,980000,S,Darren,7/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,27 Davies St,2,t,780000,VB,Brad,7/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/38 Evans St,2,t,,S,Barry,7/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,143 Holmes Rd,3,h,,S,Nelson,7/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6 Newton Pde,3,h,,W,Hodges,7/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,4 Florida Ct,4,h,,PI,Greg,7/07/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,10 Cheriton Dr,4,h,792000,S,Fletchers,7/07/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,6/4 Gipps Av,2,u,,SS,Barry,7/07/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,26/538 Main St,2,u,485000,PI,Hodges,7/07/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,110 Warren Rd,4,h,960000,VB,Barry,7/07/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/1 Avondale Gr,3,u,1080000,S,McGrath,7/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/1 Bowman St,3,u,770000,PI,McGrath,7/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,95a Lemont Av,3,h,,S,Harcourts,7/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,29 Regent St,4,h,,PI,Ray,7/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,33 Wave Av,3,h,810000,VB,Barry,7/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,692 Wellington Rd,4,h,1245000,S,Biggin,7/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,14 Pentland Dr,3,h,600000,PI,Just,7/07/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,27 Basil St,3,h,,PI,FN,7/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/46 Blenheim Rd,3,t,745000,S,Village,7/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,38 Elphin St,3,h,1350000,S,Village,7/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,74 Farm St,4,h,1480000,VB,Greg,7/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,13a Junction St,3,t,910000,SP,Biggin,7/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,43 Laurie St,3,h,1000000,S,R&H,7/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,206 Corrigan Rd,3,h,750000,PI,Professionals,7/07/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,19 Page Cl,3,h,,W,iSell,7/07/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,506/185 Boundary Rd,1,u,,W,Pagan,7/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,152 Capel St,3,h,1080000,PI,Jellis,7/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,12 Herbert St,3,h,1530000,S,Nelson,7/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/10 Langwells Pde,3,u,1100000,SP,McGrath,7/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Zoe Cct,3,h,1325000,S,Jellis,7/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,37 Saniky St,3,h,,PI,Biggin,7/07/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,13 Busana Wy,3,h,990500,S,Barry,7/07/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,13 Sunnyside Av,3,h,935000,S,Fletchers,7/07/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,24a Victoria St,4,h,950000,S,RW,7/07/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Officer,9 Avebury Pl,3,h,,PI,O'Brien,7/07/2018,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Pascoe Vale,12 Hayes Pde,3,h,,SP,Boutique,7/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14 Hazel Gr,3,h,,PI,Re,7/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,135 Kent Rd,3,h,810000,S,Nelson,7/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,60 Kent Rd,2,h,,PI,Bells,7/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,47 Park St,3,h,1080000,S,Nelson,7/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,2 Terrigal Dr,3,h,,PN,Hodges,7/07/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,295 Boardwalk Bvd,3,h,640000,VB,LJ,7/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,68 Boardwalk Bvd,4,h,860000,PI,Point,7/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,14 Cloudy Cr,4,h,705000,S,Ray,7/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Keppel Wy,4,h,685000,S,Biggin,7/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,301/49 Beach St,2,u,875000,S,RT,7/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,340 Ross St,2,h,1000000,VB,Greg,7/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,6/14 Abeckett St,2,u,627000,SP,Cayzer,7/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5/110 Albert St,3,t,625000,PI,RW,7/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2A Charles St,3,h,1028000,S,hockingstuart,7/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,32 Cooper St,4,h,,PI,Ray,7/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,42 Wood St,2,h,1030500,S,Ray,7/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,20 Arnold St,4,t,1150000,VB,Woodards,7/07/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,33 Broadhurst Av,3,h,855000,PI,Barry,7/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,38 Clingin St,3,h,,SP,Ray,7/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,139 Henty St,4,h,950000,VB,Ray,7/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Hobbs Cr,3,h,793000,S,Barry,7/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Liston Av,3,h,693000,S,Stockdale,7/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/85 Thackeray Rd,2,u,645000,SP,Stockdale,7/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,22 Bowen St,2,h,1325000,SP,Biggin,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,62 Duke St,2,h,1050000,PI,Biggin,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,45 Erin St,3,h,2000000,S,Biggin,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35A Mary St,2,h,1183000,SP,Biggin,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,72A Neptune St,2,t,1195000,SP,hockingstuart,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,606/120 Palmer St,2,u,,S,Biggin,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36/4 Tullo Pl,2,u,1183000,S,Biggin,7/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/21 Great Ryrie St,2,u,667500,S,Noel,7/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,24 Heywood St,2,h,620000,S,Barry,7/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Rosanna,2/85 Bellevue Av,2,u,,VB,Jellis,7/07/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,33 Rhonda St,2,h,1086000,S,Miles,7/07/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,2/14 Hillview Av,4,u,738000,S,Fletchers,7/07/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,26/24 The Ridge,3,t,359000,SP,HAR,7/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/1 George St,3,u,600000,VB,Buxton,7/07/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,19 Georgiana St,3,h,,W,McGrath,7/07/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,4/117 Albert St,2,u,390000,PI,hockingstuart,7/07/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,201/2 Alexander St,2,u,545000,SP,Village,7/07/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,2/1 Florence St,2,t,800000,VB,hockingstuart,7/07/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,3/16 Saltley St,3,t,815000,PI,Jas,7/07/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,246 Albert Rd,5,h,,SS,Cayzer,7/07/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,1 Highview Dr,5,h,,PI,Ray,7/07/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Turner Ct,3,h,575000,SP,Ray,7/07/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,15 Darling St,3,h,5250000,VB,Sotheby's,7/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/14 Tivoli Rd,1,u,285000,PI,Hodges,7/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,51A Hick St,4,t,1200000,VB,McGrath,7/07/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,33 Souter St,3,h,750000,PI,iSell,7/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,9 Wattle St,3,h,750000,PI,iSell,7/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,4 Walden Ct,3,h,,W,iSell,7/07/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,46 Avondale Av,3,h,,VB,Bells,7/07/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +Strathmore,8 Wendora St,3,h,1195000,S,Considine,7/07/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,28 Dulcie St,3,h,,VB,Bells,7/07/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 Kathleen Ct,3,h,900000,PI,Moonee,7/07/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13 Parsons St,3,h,667000,S,Douglas,7/07/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,76 Dunkeld Av,3,h,,PI,GL,7/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,2/68 Meadowbank Dr,2,u,430000,S,Biggin,7/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,30 Alpini Pde,5,h,750000,S,Barry,7/07/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,23 Marcia St,2,h,678000,PI,Barry,7/07/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sydenham,20 Admiralty La,3,u,540000,S,O'Brien,7/07/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,11 Solander Gr,5,h,,PI,Barry,7/07/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,51 Verona Dr,5,h,846000,S,Purplebricks,7/07/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,17 Verene Av,3,h,1072500,S,Barry,7/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,29 Armadale St,2,h,840000,VB,Barry,7/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,165 Clarendon St,4,h,,VB,Nelson,7/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,176 Clarendon St,3,h,1005000,PI,Nelson,7/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/29 Hammond St,3,h,800000,PI,McGrath,7/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,54 Raleigh St,3,h,1450000,S,HAR,7/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3 Rosella Wk,2,t,630000,SP,Ausin,7/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Truganina,29 Bridgewater Wy,4,h,560000,PI,Sweeney,7/07/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,3 Larissa Av,4,h,660000,PI,Jason,7/07/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,10 Hindle Dr,3,h,903000,S,MJ,7/07/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Wantirna,2 Swan Ct,4,h,890000,S,Harcourts,7/07/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,153 Cathies La,4,h,1150000,S,Barry,7/07/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,54 Conquest Dr,5,h,,SP,PRDNationwide,7/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Quarbing St,3,h,553000,S,YPA,7/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,29 Ruby Pl,3,h,440000,S,hockingstuart,7/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/3 Swallow St,2,u,360000,SP,Barry,7/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,26 Tamarind Cr,3,h,445000,S,Barry,7/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,16/705 Barkly St,2,u,361000,SP,Jas,7/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,8/15 Beaumont Pde,2,u,331000,PI,Sweeney,7/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,123 Suffolk St,3,h,985000,SP,Biggin,7/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,55 Wellington St,3,h,,PI,RW,7/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,2 Mackerras Ct,3,h,,SN,Harcourts,7/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,33 Tudawali Cr,3,h,870000,S,Harcourts,7/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,13/98 Railway Pl,2,t,650000,SP,Compton,7/07/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,13 Berrima Cr,4,h,552000,S,Barry,7/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,130 Highpark Dr,4,h,792000,S,Iconek,7/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,43 Monaco Cct,4,h,575000,S,Love,7/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,1 Saltlake Bvd,5,h,605000,S,RW,7/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,37 Topcliffe Rd,4,h,611000,SP,hockingstuart,7/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,20 Wimmera Cr,4,h,,PI,Ray,7/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,25 Chapman Dr,3,h,,PI,LJ,7/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,44 Chapman Dr,4,h,,SP,McDonald,7/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,1/8 Federal Dr,3,h,410000,VB,hockingstuart,7/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,29 Newcastle St,2,h,912000,SP,Village,7/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,15 Richards St,2,h,,PI,RW,7/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,22A Sanderson St,2,h,936000,S,Jas,7/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,54 Sanderson St,2,h,810000,SP,Village,7/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10/37 Somerville Rd,2,u,420000,VB,hockingstuart,7/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,513/6 Acacia Pl,3,u,1150000,S,Dingle,7/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,60 Charles St,3,h,1370000,S,Jellis,7/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,2/47 Nicholson St,2,t,,VB,Nelson,7/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,38 Studley St,3,h,1240000,S,Nelson,7/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,69 Yarra St,3,h,,PI,Biggin,7/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,18 Glenys Av,3,h,790000,S,Raine,7/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,35 Thomas St,3,h,576000,S,Nelson,7/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albion,1/3 Barclay St,3,u,602000,S,Barry,7/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,1/15 Drummartin St,3,t,646000,S,Douglas,7/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,66 Sydney St,3,h,730000,PI,Bells,7/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,12 Belmar Av,3,h,940000,S,Greg,7/10/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,159 Blyth St,4,h,,SP,hockingstuart,7/10/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,14 Curlew Av,3,h,,W,Greg,7/10/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,1/59 Tatman Dr,2,h,544000,S,Barry,7/10/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,23 Ginifer Av,3,h,,S,RT,7/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/28 Irwin Av,3,u,710000,SP,hockingstuart,7/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,1 Holt St,5,h,940000,PI,Barry,7/10/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,3 Hume St,3,h,,SP,Jellis,7/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,15/844 Malvern Rd,2,u,,S,hockingstuart,7/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,57 Brown Av,2,h,905000,S,Brad,7/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/7 Roxburgh St,2,t,850000,VB,Nelson,7/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,11 Station Av,2,h,950000,SP,Nelson,7/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,109 Union Rd,3,h,1000000,S,Nelson,7/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Avondale Heights,24 Alexander St,3,h,1010000,SP,Moonee,7/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,13 Cortina Pl,4,h,1100000,VB,Barry,7/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,178 Military Rd,3,h,800000,SP,Moonee,7/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,5 Munro Ct,3,h,412000,S,FN,7/10/2017,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,33 Chusan St,2,h,1008000,S,McGrath,7/10/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,10/84 Westbury St,2,u,,S,Marshall,7/10/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,4/20 Brenbeal St,3,h,1650000,VB,Nelson,7/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,57 Cityview Rd,5,h,3870000,PI,Noel,7/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,50 Sylvander St,2,h,1595000,S,Noel,7/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,92 Haydens Rd,3,h,1500000,S,Bayside,7/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,1 Garrett Cr,3,h,795000,S,William,7/10/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,14 Jasper Rd,3,h,1210000,S,Buxton,7/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,234 Patterson Rd,4,h,1600000,S,Buxton,7/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,47B Patterson Rd,2,t,,W,McGrath,7/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,16 Niki Ct,3,t,1050000,VB,hockingstuart,7/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,22 Stratford Av,3,h,1275000,S,Gary,7/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21B Thornton St,3,t,1042000,S,Buxton,7/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,14 Buxton Mw,4,h,792500,PI,Barry,7/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,137 Viewgrand Dr,3,h,760000,SP,LJ,7/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,6/4 Karrakatta St,3,u,,SP,Tanner,7/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,4/231 Canterbury Rd,2,u,747000,S,McGrath,7/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/15 Glen Ebor Av,2,u,761000,S,Ray,7/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,61 Maple St,4,h,,SN,Noel,7/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/4 Springfield Rd,3,u,,SP,First,7/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,38 Charlton St,4,h,1280000,S,Jellis,7/10/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,20 Mall Ct,4,h,1275000,SP,Jellis,7/10/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Boronia,1 Jarrah Ct,3,h,720500,S,LJ,7/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1/109 Albion Rd,2,u,735000,S,Fletchers,7/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton East,3 Aralee Pl,3,t,,S,Marshall,7/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/82 Hodder St,2,u,940000,S,Buxton,7/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Lansdown St,3,h,1720000,VB,Hodges,7/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,28 Milroy St,4,h,1600000,PI,Buxton,7/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,319 Camp Rd,3,h,642500,S,RW,7/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,138 Cuthbert St,2,h,770000,SP,Stockdale,7/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/68 Corrigan Av,3,t,,VB,hockingstuart,7/10/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,83 Holmes St,2,h,790000,PI,Re,7/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,21/1 Pottery Ct,1,u,347000,SP,Walshe,7/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,112/10 Pottery Ct,1,u,360000,SP,Peter,7/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,83 Wilson St,2,h,1110000,PI,Nelson,7/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,536/22 Barkly St,1,u,390000,PI,McGrath,7/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,255 Edward St,2,h,1200000,S,Jellis,7/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,506/29 Nicholson St,2,u,630000,S,Nicholson,7/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3/458 Brunswick Rd,2,t,710000,S,Nelson,7/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/82 Hopetoun Av,3,u,600000,VB,RW,7/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,36 Passfield St,3,h,1260000,S,Nelson,7/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,73 Latrobe St,3,t,,S,Barry,7/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,4 Hillhouse Cr,3,h,1230000,S,Barry,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1/10 Lucy Ct,2,u,444000,S,Ray,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Milton Pde,4,h,,PI,Ray,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,49 Nickson St,4,h,770000,S,Barry,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,27 Redmond Ct,4,h,1100000,PI,Barry,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9/2 Shoalhaven St,4,t,,PI,Ray,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,19 Silverash Dr,2,t,438000,S,Ray,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,36 Stellar Pl,3,t,,PI,Ray,7/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,23/1 Conservatory Dr,3,u,,S,Jellis,7/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,13/19 Hughes St,5,t,1002000,S,Noel,7/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,8 Pearce St,4,h,1200000,S,Buxton,7/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/47 Roslyn St,4,t,1405000,S,Win,7/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,1/21 Bellett St,3,u,1200000,S,Noel,7/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,16 Crellin Gr,5,h,2235000,SP,Buxton,7/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8 Quercus Ct,4,h,,S,Jellis,7/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/131 Rowell Av,2,u,855000,S,Noel,7/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Westbourne Gr,4,h,1870000,S,Fletchers,7/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,10 Bambury Ct,3,h,577000,S,HAR,7/10/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,6/3 The Ridge,3,u,2825000,S,Jellis,7/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,45 Elgin St,3,h,1400000,PI,Woodards,7/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,7/3 Lytton St,2,u,,VB,Jellis,7/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,95 Neill St,4,h,2061000,S,Nelson,7/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,4/867 Rathdowne St,2,u,650000,S,Nicholson,7/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,73 Wilson St,3,h,1890000,VB,Nelson,7/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,8/26 Elliott Av,1,u,385000,S,Purplebricks,7/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/54 Moonya Rd,1,u,363000,S,hockingstuart,7/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield North,14/401 Alma Rd,1,u,360000,VB,Gary,7/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,10/376 Dandenong Rd,2,u,565000,S,hockingstuart,7/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,1/417 Glen Eira Rd,3,t,,PN,Gary,7/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,13/129 Kambrook Rd,2,u,537500,S,Gary,7/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,13 Larch St,2,h,1050000,VB,Gary,7/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,4/10 Kelly St,3,h,932000,S,Woodards,7/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,139 Power Av,3,h,882000,SP,Buxton,7/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/40 Embankment Gr,4,h,1000500,SP,hockingstuart,7/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1/51 Glenola Rd,2,u,690000,S,Eview,7/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,37 Woodbine Gr,3,h,820000,VB,hockingstuart,7/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,5 Anton Ct,3,h,715000,S,Thomson,7/10/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,3 Amber Ct,3,h,1270000,S,O'Brien,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Hannah St,3,h,975000,S,O'Brien,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/7 Heather Gr,2,u,681000,S,Thomson,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/22 Jean St,3,t,865000,PI,Buxton,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17 Keamy Av,3,h,1288000,S,Hodges,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,15 Norland St,3,h,1323000,S,Buxton,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,32a Swinden Av,3,u,990000,S,Ray,7/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,143 Switchback Rd,3,h,765000,S,Win,7/10/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,16 Botany Ct,3,h,891500,S,Woodards,7/10/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,113 Kanooka Gr,3,h,1100000,PI,Win,7/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,27 Evergreen Bvd,3,t,785000,S,Barry,7/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,37 Orloff Cl,4,h,877500,S,Ray,7/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,17 Simon St,3,h,955000,S,Fletchers,7/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,55 Dwyer St,3,h,1746000,S,Collins,7/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,2/165 Noone St,2,u,600000,VB,Nelson,7/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,223 Bell St,4,h,,SN,Ray,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Bruce St,2,h,920000,S,Nelson,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Elizabeth St,3,h,,VB,Nelson,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Grey Ct,4,h,800000,VB,hockingstuart,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Parklane Mw,3,t,,SP,Jellis,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,16 Tanderum Dr,3,t,730000,S,Barry,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6/51 The Grove,2,u,666500,S,Walshe,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,10 Wellington St,4,h,,S,Woodards,7/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,201 Elizabeth St,3,h,825000,S,Barry,7/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,86 Shorts Rd,2,h,830000,PI,Brad,7/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,301/44 Bedford St,2,u,,VB,Jellis,7/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,27/120 Cambridge St,2,u,,SP,Jellis,7/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,77 Gold St,3,h,,SN,Peter,7/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,15 Robert St,2,t,750000,VB,Jellis,7/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,21 Vere St,3,h,,S,Nelson,7/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,450 Barry Rd,3,h,432000,SP,Stockdale,7/10/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,4 Bradworth St,4,h,625000,S,LJ,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,71 Gateshead St,4,h,520000,S,Ray,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Gerald St,3,h,434000,S,Jason,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,100 Hothlyn Dr,3,h,505000,SP,LJ,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Kennet Wy,3,h,515000,S,YPA,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Metropolitan Av,4,h,530000,S,Barry,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Pymble Gdns,4,h,590000,S,LJ,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Scottsdale Ct,4,h,715000,S,Raine,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,44 Willmott Dr,3,h,500000,SP,Jason,7/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,12 Cleopatra Dr,4,h,,PI,O'Brien,7/10/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne,14 Hilda Wy,4,h,847500,S,O'Brien,7/10/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,51 Dover St,2,h,1310000,S,Biggin,7/10/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,42 Boyana Cr,3,h,,PI,Philip,7/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/22 Kitchener Rd,3,h,691000,S,Jellis,7/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,45 Lincoln Rd,2,h,,PI,Barry,7/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,34 Moore Av,4,h,1000000,PI,hockingstuart,7/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,21a Richards Av,3,h,825000,SP,Barry,7/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,4 Malcolm Ct,3,h,,SP,hockingstuart,7/10/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,35 Kaniva St,4,h,600000,SP,Barry,7/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,214 Railway Cr,3,h,548000,S,RW,7/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,2 Washington St,3,h,,SN,YPA,7/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,18 Fifth Av,4,h,570000,SP,LJH,7/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,2/67 Herbert St,2,u,427000,S,C21,7/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,18 Keating Cr,3,h,585000,S,C21,7/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,17 Lenaro St,3,h,645000,SP,C21,7/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,17 Sheales St,5,h,1055000,S,Raine,7/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,50 Aberdeen Dr,5,h,,PI,Del,7/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,839 Ballarat Rd,3,t,521500,S,Prof.,7/10/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,179 Station Rd,3,h,596000,S,HAR,7/10/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,10 Danthonia St,3,h,585000,S,Barry,7/10/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,7 Granite Wy,3,h,498000,S,Calder,7/10/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,16 Lydford Ct,5,h,,PI,Ray,7/10/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,15 Albert Pl,3,t,740000,S,Buxton,7/10/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,46 Rhoda St,4,h,927000,S,Buxton,7/10/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,406/30 Newquay Prm,3,u,795000,VB,MICM,7/10/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,65 Winston Dr,4,h,1380000,PI,Barry,7/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/48 Maggs St,3,h,1055000,S,Parkes,7/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,73 Darvall St,4,h,969000,PI,Barry,7/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,9 Kevin Ct,4,h,1025000,PI,Barry,7/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +East Melbourne,108/33 Cliveden Cl,1,u,515000,S,Dingle,7/10/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,65 Fraser Av,2,h,715000,S,Barry,7/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/40 Keith Av,2,u,618000,SP,hockingstuart,7/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3/378 Glen Huntly Rd,1,u,405000,S,Woodards,7/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,36 John St,3,h,1560000,S,Fletchers,7/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,11 Marlow Pl,4,h,920000,S,Morrison,7/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1 Nioka Ct,3,h,720000,VB,Buckingham,7/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,17 Onkara Ct,4,h,960000,PI,Buckingham,7/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,134 Pitt St,3,h,860000,S,Nelson,7/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,1/16 Byron St,1,u,,W,McGrath,7/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/76 Mitford St,2,u,525000,S,Chisholm,7/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/22 Shelley St,2,u,770000,S,Buxton,7/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,635 Dalton Rd,3,h,570000,SP,Ristic,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Discovery Pl,4,h,766000,S,Melbourne,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Granite Out,3,h,567000,S,hockingstuart,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Hendersons Rd,3,h,630000,S,Iconek,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Nesting Ct,4,h,880000,S,HAR,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2a Supply Dr,2,u,457000,S,HAR,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Yvette Ct,4,h,660000,SP,Ray,7/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/20 Cooper St,3,u,1020000,S,Nelson,7/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10 McCracken St,5,h,1850000,PI,Bullen,7/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/50 Richardson St,1,u,330500,S,Brad,7/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,28 Gillies St,2,h,,S,Jellis,7/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,164 Rathmines St,3,h,2460000,PI,Nelson,7/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,8 Hare St,3,h,706000,S,hockingstuart,7/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,39 Kevin Av,3,h,675000,S,Stockdale,7/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,3 Satori Ct,4,h,860000,VB,Appleby,7/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,5 Vaughan Rd,3,h,735000,S,hockingstuart,7/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,18 MacRobertsons Cl,3,t,1350000,S,Jellis,7/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,7/103 Rose St,2,u,,SP,Jellis,7/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,304/300 Young St,2,u,608500,SP,Jellis,7/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,7/44 Kneen St,1,u,290000,S,Nelson,7/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,35 Watkins St,1,h,920000,S,Collins,7/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,65/2 Newmarket Wy,2,u,540000,SP,Pagan,7/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,8 Commercial Rd,4,h,1310000,SP,Jas,7/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,7 McCubbin St,2,t,685000,SP,Nelson,7/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,1/17 Coogee Av,3,h,590000,S,hockingstuart,7/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Fairway St,3,h,825000,S,hockingstuart,7/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,21 Frank St,3,h,,SP,hockingstuart,7/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,28A Gweno Av,3,h,855000,S,hockingstuart,7/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/15 Spray St,3,t,,VB,Barry,7/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,24 Ballarto Rd,3,h,450000,SP,Ray,7/10/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston North,17 Coolgardie St,3,h,500000,VB,hockingstuart,7/10/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,7 Erutta Pl,3,h,563000,S,O'Brien,7/10/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,35 Grange Rd,3,h,,S,hockingstuart,7/10/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Sanders Rd,4,h,750000,S,LJ,7/10/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,12 Oakley Ct,3,h,515000,SP,Raine,7/10/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,10 Carlinga Ct,4,h,825000,S,Jason,7/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,6 Duggan Pl,4,h,670000,PI,Raine,7/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,9/249 Burke Rd,2,u,700000,VB,Fletchers,7/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,34 Essex St,2,h,1350000,VB,hockingstuart,7/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/3 Mills St,2,u,985000,SP,Fletchers,7/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/2 Penrhyn Av,3,t,,SP,Fletchers,7/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,576 Blackburn Rd,3,h,1100000,S,Ray,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/2 Bridget St,4,t,1170000,SA,Harcourts,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/2 Bridget St,4,t,,PI,Harcourts,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/10 Lancelot Cr,4,t,,PI,hockingstuart,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,46 Shepherd Rd,5,h,,SP,RW,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/25 Tobias Av,2,u,771000,S,Ray,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Walter St,5,h,1296000,S,Fletchers,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Winmalee Dr,3,h,1075000,S,Harcourts,7/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,109 Augustine Tce,3,h,612000,S,Stockdale,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,52 Chapman Av,4,h,875000,SP,Brad,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Justin Av,4,h,820000,SP,Stockdale,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/44 Langton St,2,u,,PI,Barry,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/46 Langton St,3,u,,PI,Barry,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/55 Melbourne Av,3,t,557500,S,Stockdale,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 Rowan St,3,h,780000,SP,RW,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,298 Waterloo Rd,4,h,1200000,S,Barry,7/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,147 Gowanbrae Dr,4,h,900000,VB,Nelson,7/10/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,1 Orchid Ct,4,h,980000,VB,Nelson,7/10/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,165 Elder St,3,h,717500,S,Buckingham,7/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/171 St Helena Rd,3,t,705000,PI,Buckingham,7/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Murray Ct,4,h,1260000,S,YPA,7/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,33 Positano Gr,4,h,805000,S,Stockdale,7/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,22 Barbara St,3,h,788000,S,Barry,7/10/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,6 Maria Ct,4,h,925000,S,Stockdale,7/10/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,64 Frawley Rd,3,h,645000,SP,O'Brien,7/10/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hallam,95 Nettle Dr,3,h,612000,S,Harcourts,7/10/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,2/481 Bluff Rd,3,t,1100000,SP,Buxton,7/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,12/39 Holyrood St,2,u,815250,S,Charlton,7/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,19 Lawson St,3,t,1860000,S,Buxton,7/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,9 Auburn Rd,4,h,3220000,SP,WHITEFOX,7/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/576 Glenferrie Rd,2,u,490000,S,Marshall,7/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17/28 Wattle Rd,2,u,430000,PI,hockingstuart,7/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,8/72 Campbell Rd,1,u,390000,VB,Jellis,7/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8 Hallcroft Pl,2,h,1055000,S,Marshall,7/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,212/8 Montrose St,2,u,,PI,Noel,7/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/50 Victoria Rd,3,t,,VB,Marshall,7/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,19 Myrtle Av,4,h,1030000,S,Philip,7/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3 Ward Gr,3,h,1450000,PI,Miles,7/10/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,19 Collins St,2,h,760000,PI,Nelson,7/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,23 Swanston St,3,h,945000,S,Collings,7/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,8 Boyd Cr,3,h,,S,Jellis,7/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,1 Calola St,3,h,1265000,S,William,7/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,3/9 Exeter Ct,2,u,450000,S,Buckingham,7/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,41 Morotai Pde,3,h,823000,S,Miles,7/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,107 Southern Rd,3,h,593000,S,Nelson,7/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,11 West Ct,3,h,,VB,Flannagan,7/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Hillside,1/102 Brindalee Wy,3,u,502000,S,Barry,7/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Grandview Cr,4,h,727000,S,Barry,7/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,6 Penlow Ct,4,h,707500,S,O'Brien,7/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,8 Doynton Pde,4,h,750000,S,hockingstuart,7/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,51 Guinane Av,3,h,581000,S,hockingstuart,7/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 McMurray Cr,3,h,575000,SP,Reliance,7/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1/260 Morris Rd,2,u,372000,S,Burnham,7/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Rottnest Ct,3,h,540500,S,Ray,7/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,5/1 Barkly St,2,h,675000,S,Purplebricks,7/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,1 Greville St,3,h,1100000,SP,Ray,7/10/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,52 Ivanhoe Pde,3,h,,SP,Miles,7/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,3 Calverton Rd,3,h,650000,S,Prof.,7/10/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,3 Belmont Av,4,h,680000,PI,Barry,7/10/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,10 Fiat Ct,4,h,750000,PI,Brad,7/10/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,15 Border Dr,4,h,790000,VB,Nelson,7/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,8 Borva Dr,3,h,640000,SP,Nelson,7/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Cain Ct,4,h,1150000,VB,Barry,7/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2 Mues St,5,h,1022000,SP,Moonee,7/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Olivine Rd,3,h,1450000,VB,Jellis,7/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,25 Regent St,5,h,800000,S,Nelson,7/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,95 Eliza St,3,h,752000,S,Stockdale,7/10/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,79 McCracken St,2,h,881000,S,Rendina,7/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,62 Tennyson St,3,h,1909000,S,Nelson,7/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,8 Cromwell Ct,4,h,800000,S,Barry,7/10/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,1 Fenton Ct,3,h,775000,S,Barry,7/10/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Hedgeley Rd,3,h,,PI,Barry,7/10/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,13 Arnold St,3,h,701500,S,Jellis,7/10/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,46 Churchill Wy,3,h,657000,S,Fletchers,7/10/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,3 Baron Ct,4,h,,PN,YPA,7/10/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,14 Mavis Cr,3,h,667000,S,YPA,7/10/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,57 The Fairway,3,h,945000,S,Barry,7/10/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,69 Chirnside St,3,h,1160000,SP,Jas,7/10/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,64 Allister Av,3,h,795000,SP,Harcourts,7/10/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,22 Blossom Gr,3,h,,PI,Barry,7/10/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,12/33 Elliot St,3,u,,PI,Philip,7/10/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,18 Bluff St,4,h,755000,PI,Love,7/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,180 Casey Dr,3,h,565000,S,Barry,7/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Curtin Av,3,h,779000,S,Raine,7/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6/1 Rochdale Sq,2,u,350000,S,Love,7/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,13/64 Potts Rd,2,u,337000,SP,Aquire,7/10/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,14 Villosa Cl,4,h,672000,SP,HAR,7/10/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,14 Creswick St,3,h,557500,S,S&L,7/10/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lilydale,1/17 Koombooloomba Ct,3,h,655000,S,McGrath,7/10/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,14/141 Main Rd,2,h,,SP,Emerson,7/10/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,68 Rosehill Rd,5,h,2287500,S,Morrison,7/10/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,31a Carwarp St,2,u,717000,S,Darren,7/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,15 Elvin St,4,h,770000,S,Miles,7/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,37 Grieve St,3,h,1300000,S,Darren,7/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,4 Joynt St,3,h,770000,S,Flannagan,7/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,17 Sugarloaf Dr,4,h,,PI,Ray,7/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,83 Torbay St,3,h,,VB,Ray,7/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/8 Bernard St,3,t,771000,S,Biggin,7/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/79 Mitchell St,3,t,830000,VB,Rendina,7/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11 Wattle Rd,3,h,902000,SP,RW,7/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,2 Alice St,3,h,,S,Marshall,7/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,4/236 Wattletree Rd,1,u,525000,S,Jellis,7/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,84 Argyll St,3,h,,S,Buxton,7/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2A Boardman St,2,h,,SP,Jellis,7/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,13 Lakeside Cr,4,h,,PI,FN,7/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9/47 Middle Rd,2,u,385000,S,Nelson,7/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,3/22 Station Av,2,t,711000,SP,C21,7/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,8A Wattle Gr,6,h,2010000,PI,Ray,7/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,10 Binnak Ct,3,h,525000,S,YPA,7/10/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,14 Humevale Ct,3,h,485500,S,YPA,7/10/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,206/325 Collins St,2,u,465000,PI,Dingle,7/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,101/598 St Kilda Rd,3,u,790000,S,Buxton,7/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,81 Centenary Av,4,h,395000,SP,PRDNationwide,7/10/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,4 Leggatt St,4,h,407000,S,Ryder,7/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,7 Wills Rd,3,h,455000,SP,hockingstuart,7/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,34 Fairhaven Bvd,3,h,425000,S,Raine,7/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,6 Linlithgow Wy,4,h,440000,SP,PRDNationwide,7/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,21 Trethowan Av,3,h,469500,S,hockingstuart,7/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,7/214 Balcombe Rd,3,t,950000,S,Buxton,7/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2 Daly Ct,5,h,1150000,VB,Barry,7/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/35 Johnston St,2,u,610000,PI,Ray,7/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/22 Latrobe St,2,u,577250,S,Hodges,7/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10/56 Milan St,1,u,275000,S,Hodges,7/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,154 Oak Av,3,t,,SN,Charlton,7/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,3 Goulburn St,4,h,810000,S,Ray,7/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Mea Cct,4,h,550500,S,Ray,7/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,9 Plantation Av,4,h,535000,SP,RW,7/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,27 Sunnybrae Dr,4,h,641000,S,HAR,7/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,2/35 Azalea Av,2,h,503000,S,Ray,7/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,411 Childs Rd,3,h,668000,SP,The,7/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Fowler Ct,4,h,666000,S,Ray,7/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,10 Delhi St,3,t,850000,VB,Jellis,7/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2/389 Mont Albert Rd,2,u,,S,Nelson,7/10/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,67 Kelvin Av,3,h,1100000,VB,Darren,7/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,48 Para Rd,5,h,850000,S,Barry,7/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,148 Athol St,2,h,965000,S,Nelson,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,7 Athol St,4,h,2220000,S,Nelson,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,74 Margaret St,3,t,,PI,Ray,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8 McNae St,2,h,,SP,Woodards,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/182 Pascoe Vale Rd,2,t,730000,S,Frank,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,43 Thomas St,3,h,1365000,PI,McDonald,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,104A Waverley St,3,t,1210000,S,Jellis,7/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,3A Franklin St,3,h,,PI,Hodges,7/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,15 Autumn Gr,4,h,,SP,Noel,7/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,1/69 Albert St,2,u,790500,S,Buxton,7/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,12 Powlett St,3,h,1350000,S,Barry,7/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,84 Bailey Rd,4,h,655000,S,Prof.,7/10/2017,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,5 Eagle Ct,4,h,,PI,Buxton,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,41 Hillview Av,3,h,1400000,SP,McGrath,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,126 Huntingdale Rd,3,h,,PN,RT,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Josephine Av,3,h,1300000,PI,Harcourts,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/81 Larch Cr,3,t,,SN,Biggin,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/81 Larch Cr,3,u,,SN,Biggin,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/168 Lawrence Rd,2,t,786000,S,McGrath,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Nigretta Ct,4,h,,SN,Ray,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,46 Outlook Rd,3,h,1360000,SP,Jellis,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Rosaline Av,3,h,1470000,S,Buxton,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/7 Vasey Av,4,t,,PI,Ray,7/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,48 Carson St,4,h,1111000,S,Ray,7/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Kinkora Ct,3,t,,PI,Ray,7/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,119 Kendall Dr,3,h,652500,S,Barry,7/10/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,104 Champion Rd,2,h,736500,SP,Williams,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,72 Graham St,3,h,1040000,SP,Williams,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Melrose St,3,h,980000,PI,Sweeney,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Mirls St,5,h,1570000,PI,Williams,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,102 North Rd,8,h,1405000,S,Greg,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,58 Peel St,3,h,1300000,S,Williams,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,25 Wilkins St,3,h,,SP,Greg,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,80 William St,3,h,1378000,S,Williams,7/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,20 Ross St,3,h,861000,SP,Barry,7/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,36 Shaw St,2,h,1410000,PI,Barry,7/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/48 Teague St,3,u,740000,S,Brad,7/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,8 Briggs Cr,3,h,1030000,S,Barry,7/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1 Kenneth St,4,h,715000,SP,Purplebricks,7/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/7 Stella Av,4,u,,PI,C21,7/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,486 Abbotsford St,4,h,,PI,Alexkarbon,7/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,11/51 Brougham St,2,u,570000,SP,JMRE,7/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/85 Leveson St,2,u,610000,PI,Jellis,7/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,209/64 MacAulay Rd,2,u,468000,SP,Pagan,7/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,308/25 Oxford St,2,u,657000,SP,hockingstuart,7/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,326/350 Victoria St,1,u,518000,S,Woodards,7/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,22 Gladstone Av,2,h,1135000,S,Nelson,7/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,112/405 High St,2,u,585000,SP,Ray,7/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Sharp St,4,h,,SN,McGrath,7/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,24 Union St,2,h,1100000,VB,Nelson,7/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,77 Westgarth St,3,h,1266000,S,Jellis,7/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,12 Rosings Ct,4,h,1210000,SP,Harcourts,7/10/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,3 Busana Wy,3,h,1055000,S,Stockdale,7/10/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3 Gladys St,3,h,1056000,S,Fletchers,7/10/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,30 Plumpton Av,3,h,1091000,S,Stockdale,7/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,5/154 Waterloo Rd,3,t,580000,VB,Brad,7/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1/2 Albert Av,2,h,585000,S,Woodards,7/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,8 Mill Rd,2,h,,PI,Branon,7/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/18 Calista Av,3,u,876500,S,Buxton,7/10/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,7 Kendall Ct,3,h,,S,Woodards,7/10/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,38A Cleek Av,4,t,1000000,PI,Buxton,7/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,338 Huntingdale Rd,4,h,1000000,PI,Woodards,7/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,596 Warrigal Rd,4,h,813500,S,Buxton,7/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Officer,22 Station St,3,h,,SP,Grant's,7/10/2017,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Parkdale,13 Ellen St,3,h,987000,S,Buxton,7/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/13 Ivy St,2,u,700000,SP,Buxton,7/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,17 Queen St,3,h,1365000,S,Buxton,7/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,16 Dale Av,3,h,818000,S,Purplebricks,7/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,102 Essex St,3,h,,S,Nelson,7/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/16 Pascoe St,2,t,,VB,Nelson,7/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,21/12 Surrey St,2,u,320000,PI,YPA,7/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/31 Surrey St,4,h,800000,S,Barry,7/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/7 Sylvan Gr,2,h,530000,S,Nelson,7/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,1 McKillop Wy,3,h,440000,S,Purplebricks,7/10/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,2/17 Catania Av,3,h,435000,S,McGrath,7/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,46 Dingo St,3,h,500500,S,LJ,7/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,198 Saltwater Prm,4,h,,PN,Point,7/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,288 Saltwater Prm,4,h,,PN,Point,7/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,4 Teeside Ct,4,h,1060000,SP,hockingstuart,7/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,82 Yuruga Bvd,5,h,940000,S,LJ,7/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,5/19 Boundary St,1,u,510000,SP,Buxton,7/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,223/70 Nott St,2,u,,VB,hockingstuart,7/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,17 Raglan St,2,h,1000000,VB,Greg,7/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,297 Ross St,4,h,2100000,VB,Marshall,7/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,404/11 Hillingdon Pl,2,u,725000,SP,Biggin,7/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/23 Wynnstay Rd,3,t,1727500,S,Marshall,7/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,21 Dean St,4,h,1331000,S,Nelson,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/56 Eton St,4,t,,SP,Love,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Hope St,2,h,,S,Nelson,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/7 Lahinch St,1,u,409000,S,Nelson,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,174 Murray Rd,3,h,1020000,SP,RW,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/17 Park Av,2,t,600000,PI,hockingstuart,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,203 Tyler St,3,h,1070000,S,Jellis,7/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,167 Albert St,3,h,825000,S,Barry,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,98 Barry St,3,h,780000,S,Biggin,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/28 Crookston Rd,3,u,,SP,McGrath,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,48a Darebin Bvd,3,u,680000,S,RW,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/67 Dundee St,2,u,350000,VB,Ray,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Frankston St,2,h,945000,S,Nelson,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Glenvale Rd,4,h,740000,S,Nelson,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,73 Oconnor St,3,h,700000,SP,Barry,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Rona St,2,h,1090000,S,Ray,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25/15 Seaver Gr,3,u,481000,S,Nelson,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/126 St Vigeons Rd,2,t,480000,SP,Ray,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/91 Thackeray Rd,2,h,762000,S,Love,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Whitby St,3,h,810000,S,Stockdale,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/27 Willoughby St,1,t,405000,SP,Melbourne,7/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,57 Abinger St,2,h,931000,SP,Biggin,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,407/163 Cremorne St,1,u,410000,S,Dingle,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4 Dickens St,3,h,1600000,VB,Jellis,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24 Green St,2,h,1230000,S,Collins,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,44 Neptune St,2,h,1055000,S,Jellis,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Shelley St,3,h,850000,VB,Marshall,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,209/18 Tanner St,1,u,511500,S,Fletchers,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,209/45 York St,1,u,,PI,Ray,7/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,9 Alexandra Rd,3,h,,PI,Philip,7/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7 Loma St,4,h,,PI,Philip,7/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,25 Patterson St,4,h,,SP,Carter,7/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,4 Athelstane Dr,4,h,942000,S,Jellis,7/10/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,51 Tortice Dr,3,h,945000,S,Fletchers,7/10/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,4/124 Brighton Rd,2,u,510000,S,hockingstuart,7/10/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,4/75 Ellesmere Pde,3,t,,SP,Nelson,7/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,81 Grandview Gr,3,h,1609000,S,Miles,7/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,38 Grove Rd,3,h,805000,S,Miles,7/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,17 McKay Rd,4,h,1755000,S,Hall,7/10/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 Amalfi Ct,4,h,600000,S,YPA,7/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,33 Edgecombe Wy,4,h,688500,S,Jason,7/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,8 Hammond Pl,3,h,500000,S,Raine,7/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Murray Wk,3,h,485000,S,Raine,7/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Thomas St,4,h,696000,S,Ray,7/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,96A Beach Rd,4,h,2000000,SP,Ray,7/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,18 Eva Ct,3,h,570000,S,LJ,7/10/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,1 Coonara Av,3,h,790000,SP,O'Brien,7/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,21 Alexander St,3,h,1035000,PI,Jas,7/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,219 Buckley St,3,h,720000,PI,hockingstuart,7/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,22 Margaret St,2,h,817000,S,Thomson,7/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Skye,6 Hutchins Wy,3,h,495000,SP,Munn,7/10/2017,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,39 Lyell St,2,h,960000,PI,Greg,7/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,6 Chauvel Pl,4,h,621000,S,HAR,7/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Jackson St,3,h,594000,S,Barry,7/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,4/113 Osborne St,3,h,1702000,S,hockingstuart,7/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/2 Pasley St,2,u,650000,VB,Jellis,7/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/19 Yarra St,1,u,,PI,Jellis,7/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,2/28 Hope St,3,u,625000,S,iSell,7/10/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,28 Andrea St,2,h,820000,S,Barry,7/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,41 Belfort St,3,h,610000,S,Barry,7/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,14 Errington Rd,5,h,,PI,Barry,7/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,31A Kiparra Cl,3,t,,SN,Barry,7/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,2/34 Princes St,1,u,,PI,McGrath,7/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/11 Redan St,2,u,600000,VB,Woodards,7/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/3 Robertson Av,2,u,622000,S,McGrath,7/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,9 Strathnaver Av,5,h,950000,PI,Considine,7/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,81 York St,3,u,700000,VB,Nelson,7/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,32 Archer Av,5,h,605000,SP,Leeburn,7/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,39 Collins St,4,h,548000,S,One,7/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Cornish St,3,h,677000,SP,Brad,7/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Harcourt Cl,4,h,515000,S,One,7/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,203 Mitchells La,4,h,565000,S,Leeburn,7/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,36 Chapman St,2,h,705000,S,PRD,7/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,23 Dunbar Av,3,h,645000,S,Bells,7/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,16 Mellor St,3,h,710000,S,Biggin,7/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,15 Berkshire Rd,3,h,555000,S,GL,7/10/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,2 Daley St,3,h,700000,S,Purplebricks,7/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2 Eucalyptus Ct,5,h,950000,S,Douglas,7/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,83 Gresham Wy,4,h,702500,S,S&L,7/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/7 Benson St,3,u,1230000,S,RT,7/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,102 Empress Rd,3,h,1901000,S,RT,7/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Everton Gr,4,h,,S,Fletchers,7/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,912 Sayers Rd,4,h,,SP,Reliance,7/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,23 Eloura Cct,3,h,490000,S,YPA,7/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,21 Rushcutters Pl,4,h,690000,SP,Barry,7/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,7 The Esplanade,4,h,790000,S,Sweeney,7/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,17 Willowood Ct,4,h,695000,S,O'Brien,7/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,10 Holowko Ct,4,h,905000,S,Barry,7/10/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,6 Laser Ct,5,h,930000,PI,Prof.,7/10/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,107 The Grange,5,h,,PI,Jellis,7/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3/28 Foote St,4,t,,SP,Whiting,7/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,1/115 High St,2,u,316000,S,Barry,7/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/21 Main St,2,u,312000,S,hockingstuart,7/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,20 Pleasant Rd,3,h,907500,SP,Barry,7/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/15 Spring St,2,u,770000,S,Flannagan,7/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,74 Clarendon St,3,h,1500000,VB,Nelson,7/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,125 Hutton St,2,h,1266000,S,Collins,7/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,14 Ibis Pl,3,t,710000,PI,Woodards,7/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/25 Wilmoth St,3,t,,SN,Ray,7/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,12/4 Lambert Rd,2,u,550000,PI,The,7/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/679 Toorak Rd,3,u,1110000,PI,Jellis,7/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,21 Montezuma Av,4,h,667000,S,hockingstuart,7/10/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,2 Talliver Tce,3,h,485000,S,hockingstuart,7/10/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,15 Christopher Cr,3,h,647000,S,Jason,7/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,19 Churchill Av,3,h,,PI,Jason,7/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,27 Mullens Rd,4,h,1020000,PI,Ray,7/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,6 Silverene Ct,5,h,,SP,Ray,7/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,12 Magnolia St,3,h,975000,SP,Harcourts,7/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,17 Marlesford Av,4,h,1065800,SP,Barry,7/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,11 Reita Av,3,h,935000,S,Stockdale,7/10/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,10 Nalinga Ct,5,h,1015000,S,hockingstuart,7/10/2017,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,22 Curtis Av,2,h,,PI,Barry,7/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,29 Kenmare St,3,h,920000,S,Barry,7/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,11 Rushworth St,3,h,1035000,S,Ray,7/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,6 Damien Ct,4,h,806000,S,Barry,7/10/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,4 Daniel Ct,3,h,458000,S,Ray,7/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Duke St,3,h,582000,S,Barry,7/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,39 Hooker Rd,3,h,439500,S,Greg,7/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/59 Market Rd,2,u,,SP,LJ,7/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Sinns Av,3,h,550000,S,Ray,7/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,8 Brunswick St,2,h,,SP,Jas,7/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6/21 Hampton Pde,1,u,240000,PI,Jas,7/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,10/11 Anderson St,1,u,850000,S,Alexkarbon,7/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,22/30 Chetwynd St,2,u,569500,S,Nelson,7/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,90 Miller St,3,h,1654000,S,Nelson,7/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,1/18 Riddell St,3,t,620000,S,Barry,7/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,3 Cootamundra Dr,4,h,,VB,Fletchers,7/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Garden Ct,4,h,1560000,PI,Harcourts,7/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,54 Anzac Cr,3,h,1760000,S,Greg,7/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 Lakeview Av,3,h,1235000,S,RT,7/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,40 Power St,4,h,,SP,Greg,7/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,9 Andrew St,3,h,,S,hockingstuart,7/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,28/174 Peel St,1,u,,VB,Marshall,7/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,17 Champions Pde,3,t,478000,S,hockingstuart,7/10/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,13 Eynesbury Vw,5,h,782000,SP,HAR,7/10/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,12 Edwin Cl,4,h,669000,SP,hockingstuart,7/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,34 Honour Av,3,h,457000,S,hockingstuart,7/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,2 Oaktree Av,3,h,,PI,Ray,7/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,1/6 Borlase St,3,t,835000,PI,Buckingham,7/10/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,36 Bromyard St,3,h,945000,S,Jas,7/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,40 Drew St,3,h,910000,PI,hockingstuart,7/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,63 Hamilton St,3,h,2025000,PI,Jas,7/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,25 Kingston St,4,h,1561000,S,hockingstuart,7/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,121/56 Nicholson St,2,u,,PI,Biggin,7/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,17 Raphael St,4,h,,W,Biggin,7/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,26a Fawkner St,3,h,760000,SP,McDonald,7/11/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,3/19 Hart St,2,u,515000,S,Barry,7/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,87 Fairfax Cct,3,h,395000,SP,Melbourne,7/11/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,4a Mills St,3,t,1550000,VB,Marshall,7/11/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,1 Moubray St,3,h,1800000,VB,Greg,7/11/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,11 Keeshan Ct,3,h,683500,S,Greg,7/11/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,5 Binns St,3,h,710000,PI,Village,7/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/9 First Av,2,h,550000,SP,RT,7/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/28 Irwin Av,3,u,640000,VB,hockingstuart,7/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3/49 Misten Av,3,h,537500,SP,hockingstuart,7/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,29a The Broadway,4,t,,PN,Williams,7/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,47a Glinden Av,4,h,460000,PI,Barry,7/11/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,24 Lambeth Av,5,h,,S,Marshall,7/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,1/17 Epsom Rd,2,u,685000,S,Brad,7/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/4 Taylor St,2,h,,VB,Jellis,7/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/7 Farmer St,2,t,700000,S,hockingstuart,7/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/136 High Street Rd,3,h,761000,PI,Fletchers,7/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,26 Longbeach Cl,2,h,578000,S,Harcourts,7/11/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,16 Third Av,5,h,1375000,S,Buxton,7/11/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,54 Ardlie St,4,h,871000,S,Brad,7/11/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,27 Sidgewick St,5,h,860000,SP,Barry,7/11/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Balaclava,1/34 Gourlay St,2,t,1015000,S,Gary,7/11/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2 Henry St,2,h,,SP,RW,7/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/42 Talbot Av,2,u,648000,S,hockingstuart,7/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,14 Buchanan Av,4,h,,S,Marshall,7/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,108 Bulleen Rd,5,h,1750000,VB,Jellis,7/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Carrington St,4,h,1850000,VB,Jellis,7/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,37 Gardenia Rd,5,h,,PN,RW,7/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 Winfield Rd,3,h,1480000,PI,Marshall,7/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,41 Anita St,4,h,1700000,VB,Chisholm,7/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 Bruce St,4,h,1700000,S,Buxton,7/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,95 Charman Rd,4,h,,PN,Buxton,7/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22 Towers St,4,h,1340000,S,Hodges,7/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Wattle Av,3,h,1590000,S,Hodges,7/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,39 Luckins Rd,4,h,1300000,PI,Buxton,7/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/19 Patterson Rd,2,h,855000,S,Buxton,7/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,44 Patterson Rd,2,h,,SP,Century,7/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,7 Abbin Av,3,h,1300000,S,Woodards,7/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10b Alexander St,4,t,1280000,S,Buxton,7/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,9 Cullinane St,5,h,2250000,PI,Hodges,7/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,22 Iluka St,3,h,1130000,S,Chisholm,7/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,129 Central Rd,3,h,,SN,Woodards,7/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,11A Sussex St,3,u,,SN,Noel,7/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,19 Ayr St,4,h,2010000,PI,Fletchers,7/11/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,3 Charlotte St,4,h,1390000,S,Jellis,7/11/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,74 Mascot Av,3,h,1100000,S,hockingstuart/hockingstuart,7/11/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,6 Warrawitur Ct,3,h,,SP,Asset,7/11/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,43 Barkly St,3,h,,PN,Ray,7/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,40 Carlton St,3,h,660000,S,Sweeney,7/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,144 Duke St,2,h,868000,S,Bells,7/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,80 South Rd,4,h,645000,SP,Biggin,7/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,105/103 Bay St,2,u,620000,S,Gary,7/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,30a Rooding St,2,u,985000,PI,Marshall,7/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Snooks Ct,4,h,,SP,Nick,7/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/422 St Kilda St,3,t,1475000,PI,Buxton,7/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,16/373 South Rd,2,u,775000,S,Buxton,7/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Vincent St,3,h,1480000,S,hockingstuart,7/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2/140 Cuthbert St,2,t,335000,SP,YPA,7/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Nathalia St,4,h,490000,SP,YPA,7/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Tongio Ct,3,h,385000,SP,YPA,7/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,26 Nolan Av,2,h,890000,SP,hockingstuart,7/11/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,3/51 Stenhouse Av,3,u,500000,S,hockingstuart,7/11/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,1/263 Albion St,2,u,659500,S,Walshe,7/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/153 Barkly St,2,u,600000,S,Nelson,7/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,21/10 Breese St,3,u,627000,S,Nelson,7/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,79 Hope St,4,h,1450000,S,Jellis,7/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Sheffield St,3,h,990000,S,Nelson,7/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,3 Lomandra Wky,2,t,665000,SP,Jellis,7/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,497 Albion St,5,h,1350000,SP,Woodards,7/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/458 Brunswick Rd,2,t,,S,Nelson,7/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,11/7 Egginton St,2,t,380000,VB,Nelson,7/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,20 Fitzgibbon Av,3,h,1400000,PI,Jellis,7/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,12/881 Park St,1,u,300000,SP,Grantham,7/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10 Yarrabin St,3,h,810000,S,Brad,7/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,9 Albany Pl,5,h,1490000,S,Fletchers,7/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,24 Kimberley Wy,4,h,1380000,S,Barry,7/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,3 Maringa St,4,h,,SP,Ray,7/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3/6 Boadle Rd,2,t,460500,S,Ray,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Bryson Ct,4,h,600000,SP,Ray,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Cherrywood Ct,5,h,,PI,Purplebricks,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Hanover Rd,4,h,1095000,S,Barry,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Lennox Cr,3,h,631000,S,Ray,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,15 Queens Gdns,3,h,,SP,Love,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,13 Shakespeare Dr,5,h,,SP,Nelson,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Shiraz Ct,5,h,663000,S,Ray,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,22 Velvet Av,4,h,855000,S,Ray,7/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,1/9 Bronte Av,2,u,601000,S,Biggin,7/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/14 Corrigan St,3,h,790000,S,Fletchers,7/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,24 Patterson Av,3,h,,SN,RW,7/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,30 Waratah Av,3,t,930000,VB,Lindellas,7/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,1 Redhill Av,3,h,,SP,Ray,7/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,551 Camberwell Rd,5,h,,S,Jellis,7/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/4 Seville St,2,u,,S,Jellis,7/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/220 Warrigal Rd,2,u,435000,SP,LITTLE,7/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5 Margaret St,4,h,2620000,S,Marshall,7/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carnegie,3/12 Kooringa Rd,2,u,,SN,hockingstuart,7/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,78b Miller St,3,u,1008000,S,Woodards,7/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/62 Moonya Rd,2,u,625000,S,Woodards,7/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,12/250 Neerim Rd,2,t,700000,SP,Gary,7/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,52 Barringo Wy,4,h,625000,S,Ray,7/11/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,2 Lauriston Qy,5,h,1025000,S,Prof.,7/11/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2/8 Kalimna St,3,u,475000,S,McDonald,7/11/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,23 Lewellin Gr,3,h,602500,S,hockingstuart/hockingstuart,7/11/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,15 Millicent Av,3,h,765000,S,hockingstuart/hockingstuart,7/11/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,627d Nepean Hwy,3,t,750000,VB,hockingstuart/hockingstuart,7/11/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,17 Koel Ct,3,h,511000,S,Donovan,7/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,34 Luscombe Av,3,h,400000,S,Harcourts,7/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,5/698 Inkerman Rd,2,u,523000,SP,hockingstuart,7/11/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,4/21 Gardenvale Rd,3,u,599000,S,Gary,7/11/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,1/13 Ludbrook Av,2,h,905000,S,Gary,7/11/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,42 Moore St,4,h,,SN,Gary,7/11/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/4 Lenna Ct,3,t,865000,S,Buxton,7/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,30a Camp St,3,t,2050000,S,Buxton,7/11/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,77 Glenola Rd,2,h,960000,S,Eview,7/11/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/82 Sherwood Av,3,u,735000,S,hockingstuart/hockingstuart,7/11/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1/36 Woodbine Gr,3,h,800000,S,Eview,7/11/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,5 Larnark Ct,4,h,,SN,hockingstuart/hockingstuart,7/11/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,9 Azalea Ct,3,h,858000,S,Woodards,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Benkel Av,4,h,985000,S,Buxton,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Booker St,4,h,1165000,S,O'Brien,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16 Evesham Rd,2,h,895000,S,Greg,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Ivy St,3,h,921500,S,Hodges,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Verdure Cr,5,h,1485000,S,O'Brien,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Ward St,2,t,821000,S,Hodges,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/44 Warren Rd,2,u,490000,S,Ray,7/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,10 Benjamin Ct,5,h,,PN,Buxton,7/11/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/104 Moriah St,3,h,635000,S,Century,7/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,3 Burns Av,3,h,1235000,S,Barry,7/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,75 Rosebank Av,3,h,680000,S,Win,7/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,13 Caroline St,3,h,1060000,S,Nelson,7/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,3/68 Noone St,3,t,930000,S,Collins,7/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,27 Higinbotham St,3,h,947000,S,Brad,7/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/6 Industry La,2,t,,SP,Caine,7/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/6 McKay St,2,u,500000,SP,Jellis,7/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/58 Moore St,3,t,865000,S,Nelson,7/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,31 Ballard Av,2,h,725000,S,Nelson,7/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,199 Elizabeth St,4,h,735000,SP,Nelson,7/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2b Rollo St,2,t,591000,S,Nelson,7/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,110/3 Hoddle St,1,u,415000,SP,Biggin,7/11/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,19/125 Oxford St,2,u,,S,Jellis,7/11/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,16 Genoa Ct,3,h,366000,S,Brad,7/11/2016,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,58 Ardsley Cct,3,h,414000,S,Ray,7/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,94 Hothlyn Dr,4,h,,SN,Barry,7/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Periwinkle Cct,3,h,426000,S,LJ,7/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,54 Royal Tce,4,h,628000,S,YPA,7/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,44 Thoresby Cct,4,h,531000,PI,YPA,7/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,13 Gough Pl,2,h,,PI,Biggin,7/11/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,443 Punt Rd,3,h,1280000,S,Biggin,7/11/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,1 Ann St,4,h,830000,SP,Barry,7/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Sellick Dr,5,h,730000,SP,McGrath,7/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,88 Campaspe Dr,4,h,860000,S,hockingstuart,7/11/2016,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Dallas,25 Kiewa Cr,3,h,354000,S,YPA,7/11/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,44 Waranga St,4,h,760000,S,Biggin,7/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,14 Christie St,3,h,567000,S,Stockdale,7/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,16 Jonah Pde,3,h,440000,S,Bells,7/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,30 Laming Rd,3,h,465000,S,hockingstuart,7/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,73 Stevenage Cr,3,h,430000,SP,Stockdale,7/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,13 Tamar Dr,3,h,450000,S,Bells,7/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,2 Fescue Pl,4,h,,PI,Barry,7/11/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,33 Higgins Cl,4,h,1191150,S,Buxton,7/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,11 Village Dr,3,h,666000,S,Ray,7/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,26 Brendan Av,5,h,1605000,S,Barry,7/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/37 Highview Dr,3,u,910000,S,Barry,7/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Maralee Pl,3,h,1850000,S,Jellis,7/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,41 Pettys La,4,h,1225000,S,Ray,7/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,33 Somerville St,4,h,1316000,S,Jellis,7/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,135 Beverley St,3,h,1717000,S,Jellis,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Brooke Dr,4,h,1220000,S,Barry,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,23 Fernlea Cr,5,h,950000,VB,Purplebricks,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Hay Ct,4,h,1300000,S,Woodards,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/7 Myrtle Ct,3,t,,PI,Ray,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Sharne Ct,4,h,1255000,S,Landfield,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7/30 Thomas St,3,u,800500,S,Fletchers,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,19 Woodlea St,5,h,1451000,S,hockingstuart,7/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,31 Mulsanne Wy,4,t,,PI,Philip,7/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,17 Wrendale Dr,3,h,865000,S,Fletchers,7/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,11 Young St,3,h,850000,S,Fletchers,7/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,33 Coolgardie Wy,4,h,470500,S,Harcourts,7/11/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,66 Crimson Dr,3,h,425000,S,C21,7/11/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,1 Pisa Ct,3,h,,SN,Barry,7/11/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,147 Power Rd,3,h,422000,S,iSell,7/11/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Edithvale,33 Ivan Av,4,h,1013500,S,hockingstuart/hockingstuart,7/11/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/34 Clarence St,3,u,1240000,S,Hodges,7/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,1/20 College St,2,u,700000,S,Biggin,7/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,80 John St,3,h,1000000,S,Morrison,7/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,14 Elm Cr,4,h,890000,S,Morrison,7/11/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,1/13 Beach Av,3,h,1753000,S,Chisholm,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7 Moore St,2,h,1210000,S,Pride,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/26 Ruskin St,2,u,,SP,Chisholm,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/3 Ruskin St,2,u,825000,S,McGrath,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,31 Shelley St,3,h,1050000,VB,Chisholm,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/99 Spray St,2,u,632000,PI,hockingstuart,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,37 Vautier St,4,h,,S,hockingstuart,7/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,7 Abercrombie Gr,3,h,584000,SA,Woodards,7/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Absinthe Pl,3,h,420000,PI,Ray,7/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Nolan Dr,4,h,475000,S,Harcourts,7/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Pike St,3,h,430000,S,Harcourts,7/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,25 Shaftesbury Dr,3,h,390000,SP,hockingstuart,7/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/10 Loeman St,2,u,370000,PI,Hodges,7/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,65 Napier St,3,h,1467000,S,Greg,7/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,143 Ogilvie St,2,h,1315000,S,Barry,7/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4 Raleigh St,5,h,,SP,Nelson,7/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,141 Rose St,3,h,2390000,S,Barry,7/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,2/115 Gillies St,2,u,505000,PI,Nelson,7/11/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,176 Gillies St,3,h,,SN,Nelson,7/11/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,20/262 Heidelberg Rd,2,u,602000,S,Jellis,7/11/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,45 Denys St,3,h,650000,SP,Brad,7/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,17 James St,3,h,665000,S,hockingstuart,7/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,84 Lynch Rd,3,h,640000,SP,hockingstuart,7/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,73 Major Rd,3,h,526000,S,Harcourts,7/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Mutton Rd,3,h,540000,S,Crane,7/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,68 Alexandra Pde,3,h,,SP,Harrington,7/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,127 George St,4,h,1780000,S,Peter,7/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,199 Moor St,1,h,947500,S,Nelson,7/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,202/45 Rose St,2,u,,S,hockingstuart,7/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Flemington,37 Bryant St,2,h,,SP,Nelson,7/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,11/2 Newmarket Wy,2,u,370000,S,Brad,7/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,32 Commercial Rd,3,h,1155000,S,Burnham,7/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,17 Everglade Av,3,h,890000,S,Fletchers,7/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,67 Husband Rd,2,h,900000,S,Stockdale,7/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,5 Balmerino Sq,4,h,670000,SP,O'Brien,7/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/42 Golconda Av,2,u,365000,SP,hockingstuart,7/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Helen St,3,h,1250000,PI,Eview,7/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6/25 Kars St,3,u,540000,S,hockingstuart,7/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gladstone Park,14 Baxter Cl,4,h,576000,SP,Barry,7/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,57 Elmhurst Rd,3,h,570000,SP,Barry,7/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,12 Koonalda Rd,4,h,590000,SP,Barry,7/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,1/13 Belmont Av,2,u,580000,VB,Domain,7/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/9 Myrniong St,3,h,967500,S,Marshall,7/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,192 Tooronga Rd,4,h,2077000,S,RT,7/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,34 Yeovil Rd,4,h,2850000,S,Jellis,7/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/2 Adams Av,4,u,,PI,Ray,7/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Balfour Ct,4,h,1221000,S,Harcourts,7/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,55 Buller Dr,4,h,,SP,Ray,7/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,21 Kawana Cr,4,h,1160000,S,Ray,7/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Reo Ct,4,h,,SN,Harcourts,7/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Stayner Ct,5,h,1680000,S,Jellis,7/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,13 Cherwell Av,5,h,665000,S,Barry,7/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,79 Glen St,2,h,530000,SP,Barry,7/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,68 Moonee Bvd,3,h,,PI,Barry,7/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,54 Adeline St,3,h,,VB,Darren,7/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,52 Brentwick Dr,4,h,600000,PI,Morrison,7/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4 Mada Cl,3,h,650000,S,Buckingham,7/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,174 Nepean St,3,h,,SP,Morrison,7/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,38 Punkerri Cct,3,h,687500,S,Nelson,7/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,19 Weemala Ct,4,h,,SN,Barry,7/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,19 Firenze Rd,4,h,682500,SP,Barry,7/11/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,4 Kea Pl,5,h,,PI,RE,7/11/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1/11 Talbot St,3,t,570000,S,Barry,7/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,12 Grout St,5,h,,SN,Nick,7/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5 Lagnicourt St,3,h,1530000,S,hockingstuart,7/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,3/178 Auburn Rd,3,u,780000,PI,Noel,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/185 Auburn Rd,3,u,956000,S,Jellis,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/576 Glenferrie Rd,2,u,418000,S,Dingle,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,303/25 Lynch St,2,u,495000,S,Fletchers,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/177 Power St,2,u,525000,S,Biggin,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/140 Riversdale Rd,1,u,292000,S,Woodards,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/28 Wattle Rd,2,u,430000,S,Nelson,7/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5/305 Riversdale Rd,2,u,490000,S,Marshall,7/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,9 Bedford Ct,2,h,,PI,Barry,7/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,2 Dickasons Rd,3,h,772000,S,Fletchers,7/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,1 Mortimer St,2,h,,SN,Miles,7/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,13/77 Rosanna Rd,2,u,420000,S,Miles,7/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,19 Dresden St,3,h,,SN,Miles,7/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/179 Porter Rd,2,h,,SN,Nelson,7/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,59 Alamein Rd,3,h,532000,S,Miles,7/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,15 Derna St,3,h,740000,S,Barry,7/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,36a Beaumaris Pde,3,h,916000,S,Barry,7/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/13 Donald St,3,h,900000,S,Buxton,7/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,7 Jillian Av,4,h,1230000,S,Ray,7/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,1/89 Allenby Rd,3,h,,VB,hockingstuart,7/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,1/83 Barber Dr,4,h,455000,S,hockingstuart,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Burnham Dr,5,h,428000,S,YPA,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,210 Derrimut Rd,3,h,545000,S,hockingstuart,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Durham Cr,3,h,451000,S,YPA,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Moffatt Cr,3,h,410000,S,Burnham,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19a Sycamore St,3,u,344000,S,hockingstuart,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,20 Virgilia Dr,3,h,415000,SP,YPA,7/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,1/34 Edwin St,3,h,785000,S,Miles,7/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,950 Heidelberg Rd,3,h,1155000,S,Nelson,7/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,84 Livingstone St,3,h,,PN,Pagan,7/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1 Rocke St,4,h,1300000,S,Nelson,7/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,41 McArthur Rd,4,h,1740000,S,Miles,7/11/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor Downs,3 Goa Ct,4,h,685000,S,Barry,7/11/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,57 Wonganella Dr,3,h,757000,S,Nelson,7/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kew,94 Argyle Rd,4,h,3550000,VB,Jellis,7/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,73 Cobden St,2,h,1326000,S,Nelson,7/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,157 Eglinton St,4,h,,S,Jellis,7/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4a Hartington St,3,h,,S,Jellis,7/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/4 St Johns Pde,2,u,610000,S,hockingstuart,7/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,6 Bluebell Wy,4,h,1040000,S,Buxton,7/11/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,13/19 Peppertree St,2,t,400000,PI,Ray,7/11/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,127 Colchester Rd,4,h,656000,S,iTRAK,7/11/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,2 Galena Cr,3,h,475000,S,YPA,7/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,127 Gillespie Rd,3,h,440000,SP,Ray,7/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,221 Gillespie Rd,3,h,500000,S,Sweeney,7/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kooyong,5/414 Glenferrie Rd,2,u,,S,Jellis,7/11/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,9 Ardenal Cr,3,h,801000,S,Harcourts,7/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,10 Dickens St,3,h,555000,S,hockingstuart,7/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Griffin Ct,3,h,480000,S,Love,7/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Queen St,3,h,510000,S,Harcourts,7/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,198 Main Rd,3,h,1050000,S,Morrison,7/11/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2 Clara St,3,h,670000,S,Fletchers,7/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,29 Rosamond Rd,3,h,725000,SP,Biggin,7/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,35 Evandale Rd,3,h,1895000,S,Jellis,7/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,4/382 Glenferrie Rd,3,u,,SP,Marshall,7/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,30 Grace St,2,h,,S,Marshall,7/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/6 Irving St,2,u,,S,Marshall,7/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,19 Belgrave Rd,3,h,1505000,SP,Woodards,7/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Bruce St,3,h,1500000,VB,Marshall,7/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,13/997 Dandenong Rd,2,u,,PI,Buxton,7/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/7 Gauntlet Rd,2,t,720000,PI,Ray,7/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1872a Malvern Rd,4,h,1400000,VB,hockingstuart,7/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,5 Kallara Gr,3,t,730000,S,Nelson,7/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3/41 Pridham St,2,u,425000,S,Trimson,7/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3/6 Randall St,3,u,662500,S,Rendina,7/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,3811/80 Abeckett St,2,u,450000,VB,MICM,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,104/99 Abeckett St,1,u,,W,Greg,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2403/8 Franklin St,2,u,,SN,Harcourts,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,405/270 King St,2,u,360000,VB,LITTLE,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,16/30 Queens Rd,1,u,395000,S,hockingstuart,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,83/416 St Kilda Rd,3,u,610000,VB,hockingstuart,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1701/594 St Kilda Rd,3,u,1470000,VB,Nelson,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,805/300 Swanston St,2,u,665000,S,Purplebricks,7/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,43 Bernard Dr,3,h,272500,S,hockingstuart,7/11/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,81b Beach Rd,3,t,1660000,PI,Hodges,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12/39 Flinders St,2,u,653000,S,O'Brien,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/88 Flinders St,3,t,867000,S,Full,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,11 Naples Rd,4,h,1700000,PI,hockingstuart,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,19 Patty St,4,h,1340000,S,Buxton,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/27 Plummer Rd,2,u,665000,S,Hodges,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5 Tamar Ct,4,h,995000,VB,Hodges,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/113 Warrigal Rd,2,u,410000,PI,Ray,7/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,33 Cortona Gra,4,h,647000,S,Iconek,7/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,40 Lucca Wk,3,h,,PN,Pagan,7/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Tangelo Gr,4,h,613000,S,Ray,7/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,7 Bendale Ct,3,h,572000,S,Nelson,7/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Canary Ct,4,h,470000,S,Ray,7/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,38 Friendship Av,3,h,601000,S,Harcourts,7/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,81 Romano Av,3,h,650000,S,Ray,7/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Royston Cl,3,h,535000,S,Love,7/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,3 Dalmor Av,3,h,910000,SP,Barry,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,46 Dudley St,3,h,946000,S,Barry,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/28 Glenburnie Rd,3,u,700000,S,Noel,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/23 McGhee Av,2,u,602000,S,Noel,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/11 Orient Av,2,u,681000,S,MJ,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,45 Ormond Av,3,h,,SP,Fletchers,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,24 Reserve Av,3,h,804000,S,Noel,7/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,48 Kenmare St,3,h,2588000,SP,Fletchers,7/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,4 Myra Cl,3,h,830000,S,Morrison,7/11/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,82 Argyle St,3,h,990000,PI,Hodges,7/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,22 Tennyson St,3,h,1400000,S,Nelson,7/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,208/11 Central Av,2,u,490500,S,Ray,7/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/4 Grandview Gr,3,u,931000,S,hockingstuart,7/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,38 Royena Rd,4,h,1000000,S,C21,7/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,6 Anita Ct,4,h,1115000,S,hockingstuart,7/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,14 Francis St,4,h,1170000,S,O'Brien,7/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3 Adrienne Cr,3,h,,SP,Ray,7/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1a Dickson St,3,h,,S,Fletchers,7/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Kemp Av,6,h,,SN,Buxton,7/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,131 Lawrence Rd,5,h,1390000,S,Harcourts,7/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,51 Huxley Av,3,h,824000,S,Barry,7/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Somerset Ct,4,h,851000,S,Barry,7/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,39 Tiverton Dr,4,h,760000,S,Win,7/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,30 Springfield Dr,4,h,480500,S,Eview,7/11/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,37 Alma Tce,3,h,995000,SP,Greg,7/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3/5 Clyde St,3,t,,SN,Village,7/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2 Jubilee St,3,h,,SP,Williams,7/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,33 Oxford St,4,h,1380000,S,Williams,7/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,39 Cuthbert St,4,h,1350000,SP,Barry,7/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/55 Garnet St,3,t,820000,PI,Nelson,7/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,5 Gordon St,3,h,830000,S,Barry,7/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/6 Jasper St,2,u,410000,SP,C21,7/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,5 Myrtle St,3,h,,SN,Barry,7/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,18 Prior Rd,3,h,,SN,Barry,7/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,218 Railway Pde,4,h,,SN,Barry,7/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,14 Somers St,3,h,467000,S,iSell,7/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,12/25 Byron St,1,u,410000,VB,Jellis,7/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,110/171 Flemington Rd,2,u,550000,SP,Jellis,7/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/43 Haines St,2,u,470000,VB,W.B.,7/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,115/150 Peel St,2,u,470000,VB,W.B.,7/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,99 Christmas St,2,h,1575000,SA,McGrath,7/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,58 Herbert St,2,h,950000,S,Purplebricks,7/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,3 Merlin Ct,3,h,845000,SP,Barry,7/11/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,6/5 Luckie St,2,u,545000,S,Fletchers,7/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/111 Springvale Rd,2,t,602000,PI,Noel,7/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,44 Devereaux St,3,h,706000,PI,Eview,7/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,11 Murphy St,4,h,920000,S,Ray,7/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/34 Watt Av,2,u,,S,Stockdale,7/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,94 Burlington St,3,h,880000,PI,Barry,7/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/35 Stewart Rd,3,t,730000,S,Buxton,7/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,27 Bewdley St,4,h,1875000,S,hockingstuart,7/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,22 Oakleigh Cr,2,h,1515000,S,Woodards,7/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,5/38 Antibes St,2,u,465000,S,Hodges,7/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,11 Kershaw St,4,h,1050000,PI,hockingstuart,7/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4/8 Laburnum St,2,u,380000,VB,Buxton,7/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,24 Second St,3,h,1400000,S,Hodges,7/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,42 Warrigal Rd,4,h,2425000,S,hockingstuart,7/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,16 Fawkner Rd,3,h,1305000,S,Nelson,7/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,262 Gaffney St,3,h,,SN,Barry,7/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,60 Kent Rd,2,h,741000,S,Raine,7/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/31 Pardy St,2,u,,PI,Brad,7/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/36 Sylvan Gr,2,u,495000,S,Brad,7/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,54 Wetland Dr,5,h,1063000,S,Hodges,7/11/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,20 Astley Cr,3,h,590000,S,hockingstuart,7/11/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,255 Ross St,4,h,1820000,S,Marshall,7/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,401/216 Rouse St,1,u,420000,S,Buxton,7/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,4/2 Jessamine Av,1,u,,SN,hockingstuart,7/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,52 Packington St,2,h,1210000,S,Marshall,7/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,131b Albert St,2,h,540000,PI,hockingstuart,7/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,91 Bruce St,3,h,1150000,S,hockingstuart,7/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2d Edwin St,2,t,868000,S,Nelson,7/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,216 Gower St,3,h,965000,S,hockingstuart,7/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,70 Jensen Rd,3,h,,SN,Ray,7/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,223/388 Murray Rd,2,u,422250,S,RW,7/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2/16 Allenby Av,3,u,542000,S,Barry,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/1 Ashley St,2,u,427500,S,Love,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Bluebell Pl,4,h,851000,S,hockingstuart,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Cameron St,3,h,998000,S,Nelson,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/947 High St,3,u,,PI,Harcourts,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Kinsale St,4,h,1030000,S,McGrath,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/33 McComas St,2,h,498000,S,Barry,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/40 McComas St,2,u,410000,S,Love,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/36 Myrtle Gr,2,u,450000,S,Nelson,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/7 Oconnor St,1,u,341000,PI,Ray,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14/696 Plenty Rd,2,u,270000,VB,hockingstuart,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,69 Powell St,3,h,900000,S,hockingstuart,7/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,31b Bosisto St,2,h,,PI,Biggin,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,305/28 Burnley St,1,u,327000,S,Biggin,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Cameron St,3,h,1474000,SP,Marshall,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,32 Cameron St,3,h,1555000,S,Marshall,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,383 Highett St,3,h,,PI,Biggin,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/263 Lennox St,1,u,,SS,MSM,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,315/6 Lord St,1,u,500000,VB,Jellis,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16/2 New St,2,u,785000,SP,Biggin,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,53/69 Palmer St,2,u,815000,S,Jellis,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/104 Rowena Pde,1,u,345000,S,Biggin,7/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/351 Maroondah Hwy,3,h,678000,SP,Fletchers,7/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,55 Warrandyte Rd,3,h,,SP,Carter,7/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,5 Lucania Cl,4,h,,PI,Barry,7/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,4a Morinda St,4,h,1020000,PI,C21,7/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,22 Vista Av,6,h,1611000,S,Philip,7/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/25 Wenwood St,3,h,,SP,Noel,7/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,5 Hilldale Cl,4,h,862000,PI,Purplebricks,7/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,8 Powrie Ct,4,h,840000,S,Philip,7/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,5 Summit Cr,4,h,775000,S,Ray,7/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,141 Warrandyte Rd,3,h,,SN,Woodards,7/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,4/216 Warrandyte Rd,4,t,900000,VB,Fletchers,7/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,1/23 Ruthven St,3,t,650000,S,Barry,7/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,98 Waiora Rd,3,h,,PI,Ray,7/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,18 Lockwood Dr,3,h,498000,S,Raine,7/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,6 The Ridge,4,h,696000,S,YPA,7/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,181 Abbott St,4,h,2225000,S,Nick,7/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,37 Balmoral Av,4,h,1656000,S,Buxton,7/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,120 Bay Rd,3,h,1450000,S,Buxton,7/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/7 John St,2,u,,S,hockingstuart,7/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2 Kirkwood Av,5,h,3160000,PI,Buxton,7/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,31 Sandringham Rd,4,h,2200000,VB,Ray,7/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,1/104 Fortescue Av,3,t,550000,VB,Harcourts,7/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,13 Pentland Pde,3,h,,SN,Village,7/11/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,58 Station Rd,3,h,1330000,S,Sweeney,7/11/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,13/182 Albert Rd,2,u,595000,S,hockingstuart,7/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1901/50 Albert Rd,2,u,490000,S,Dingle,7/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,26 Hawkstowe Pde,5,h,,PI,Ray,7/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Nighthawk Bvd,4,h,,SN,Ray,7/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13/883 Plenty Rd,3,t,,PI,Harcourts,7/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/14 Arthur St,3,t,1250000,S,Kay,7/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,308/700 Chapel St,1,u,480000,S,hockingstuart,7/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,29 MacFarlan St,2,h,2325000,S,RT,7/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/957 Punt Rd,2,u,659000,SP,Jellis,7/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,208/102 Wells St,2,u,600000,S,Greg,7/11/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,1 Eve Ct,3,h,650000,S,iSell,7/11/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,2 Cambridge Dr,3,h,630000,S,iSell,7/11/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,2/113 Alfrieda St,2,t,,SP,Ray,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,170 Biggs St,3,h,705000,S,Greg,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/13 Butler St,3,u,,SN,Barry,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Chestnut Dr,3,h,,SN,Barry,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,92 Conrad St,3,h,655000,S,Ray,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/93 George St,4,t,,PI,YPA,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Maple Cr,3,h,,PI,Sweeney,7/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,58 Allumba Dr,3,h,767000,S,Darren,7/11/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,4/285 Barkly St,1,u,451000,S,McGrath,7/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/60 Blessington St,2,u,697500,S,hockingstuart,7/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/19 Eildon Rd,3,t,1400000,VB,McGrath,7/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/4 Gurner St,2,u,455000,S,Domain,7/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,121/135 Inkerman St,2,u,465000,SP,Gary,7/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,134/135 Inkerman St,1,u,,W,hockingstuart,7/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,4/6 Fenacre St,3,t,650000,PI,Considine,7/11/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,71 Muirfield Dr,3,h,350000,S,Raine,7/11/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,3/17 Anderson Rd,3,h,460000,PI,Douglas,7/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3 Colin St,3,h,725000,SP,Melbourne,7/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,116 Cornwall Rd,3,h,620000,S,Douglas,7/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,143 Cornwall Rd,3,h,460000,S,Douglas,7/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,69a Monash St,2,u,470000,S,Barry,7/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,27 Parsons St,3,h,910000,S,Trimson,7/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,36 Cooke Av,3,h,550000,PI,Barry,7/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,25 Lodden St,4,h,626800,S,Douglas,7/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,64 Bardsley St,4,h,625000,S,Bells,7/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,26 Bell St,4,h,645400,S,Barry,7/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,59 Felstead Av,3,h,465000,S,Bells,7/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Links St,3,h,680000,S,Douglas,7/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,19 Yaralla Cr,3,h,605000,S,Sweeney,7/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/16 Bentley St,3,t,,S,Fletchers,7/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/18 Essex Rd,2,u,770000,S,Fletchers,7/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,89 Guildford Rd,4,h,2345000,S,Marshall,7/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4 Norris St,4,h,2860000,S,Marshall,7/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/1 Thornton Av,3,t,1453000,S,Fletchers,7/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,3/57 Victoria Rd,2,u,320000,S,Bells,7/11/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,2 The Walk,4,h,,PI,hockingstuart,7/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,13 Arcadia Cl,5,h,735000,S,Barry,7/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,16 Carnarvon Cl,6,h,800000,S,Prof.,7/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,7 Newell Cl,4,h,850000,S,Prof.,7/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,2/413 Church Rd,2,u,,SN,Parkes,7/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,9 McGahy Ct,4,h,1405000,S,Stockdale,7/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Reark Ct,5,h,930000,S,Fletchers,7/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,54 Tuckers Rd,4,h,1586000,S,Jellis,7/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,1/15 Janet St,4,h,,PI,Jellis,7/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,315 Thompsons Rd,3,h,1290000,S,Barry,7/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,124 Alexander Av,4,u,601000,S,Harcourts,7/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,126 Barry Rd,4,u,580000,S,Harcourts,7/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,61 Gardenia Rd,3,h,567500,S,hockingstuart,7/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5/9 Ostia Ct,3,h,,PN,Love,7/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,6/89 Ballantyne St,1,u,270000,PI,Nelson,7/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,72 Gooch St,3,t,865000,PI,Love,7/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,19 Hobson St,2,h,700000,PI,McGrath,7/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4b Newcastle St,3,t,910000,S,Love,7/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/110 Normanby Av,2,u,491000,S,Nelson,7/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,1/53 Grange Rd,2,u,838000,S,hockingstuart,7/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,27/789 Malvern Rd,2,u,380000,PI,Rodney,7/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/14 Trawalla Av,3,t,1800000,S,RT,7/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,1101/18 Mt Alexander Rd,2,u,,PN,Pagan,7/11/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,43/200 Melrose Dr,2,u,291500,S,Barry,7/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,4/10 Penllyne Av,2,u,550000,SP,M.J,7/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,85 Graham Rd,4,h,,SN,Miles,7/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,8 Mark St,4,h,,SN,Miles,7/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,3 Meadow Ct,4,h,,SN,Miles,7/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,20 Robern Pde,4,h,1005000,S,Darren,7/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,31 Cascade Av,3,h,,PI,Barry,7/11/2016,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,34 Bateman St,3,h,670000,S,Ray,7/11/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,5 Eldale Ct,4,h,895000,S,Bekdon,7/11/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,64 Tate Av,3,h,848000,S,Ray,7/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,77 Pound Rd,6,h,945000,VB,Gardiner,7/11/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warrandyte,14 Webb St,4,h,1737000,S,Flannagan,7/11/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,12 Dresden Dr,3,h,655000,S,Ray,7/11/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,80 Frensham Rd,3,h,,PI,Barry,7/11/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,280 Grimshaw St,4,h,,PI,Barry,7/11/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,12 Mekong Cl,3,h,361000,S,hockingstuart,7/11/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/705 Barkly St,3,u,347000,SP,Jas,7/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4 Rupert St,4,h,1225000,PI,Jas,7/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,1/44 Chetwynd street,2,u,836000,S,Collins,7/11/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,21 Darnley Gr,4,h,1059000,S,Buxton,7/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Goldfield Ct,4,h,1400000,S,Biggin,7/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,73 Marykirk Dr,4,h,1520000,S,Biggin,7/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,92 Strada Cr,3,h,890000,PI,Harcourts,7/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Sundowner Ct,4,h,1245000,PI,Harcourts,7/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,10 Truscott Ct,3,h,960000,S,Barry,7/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,20 Bates Dr,3,h,1200000,S,Williams,7/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,28 Council La,3,h,1560000,SP,Greg,7/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8/29 Dover Rd,1,u,,PN,Raine,7/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,19 Perry St,3,h,1575000,S,Greg,7/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,13/8 The Strand,2,t,830000,SP,Greg,7/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,19/8 The Strand,2,t,830000,SP,Greg,7/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,33 Earl St,2,h,1325000,S,Marshall,7/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,7b Nathan Pl,3,h,1540000,S,Biggin,7/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,22 Northside Dr,4,h,670000,SP,hockingstuart,7/11/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,16 Lowan Av,3,h,715000,S,Buckingham,7/11/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,30 Court St,4,h,,SN,Village,7/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,11 Eirene St,4,h,,SP,Village,7/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,27 Regent St,3,h,1414000,S,Jas,7/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,1009/1 Acacia Pl,2,u,750000,VB,Jellis,8/01/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Beaver St,4,h,1630000,PI,Nelson,8/01/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,32 Coniston Av,3,h,970000,S,Barry,8/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23 Matthews Av,4,h,790000,VB,Barry,8/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Miriam Ct,3,h,1025000,S,Nelson,8/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,122 Parer Rd,4,h,,SN,Brad,8/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,23 Boyd St,4,h,,SP,Marshall,8/01/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,164 Richardson St,3,h,1950000,S,Marshall,8/01/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/44 Derrimut St,2,u,530000,SP,Sweeney,8/01/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,12C Perry St,3,t,,PI,Jellis,8/01/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,175 Blyth St,4,u,1160000,S,Barlow,8/01/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,17 Merritt Ct,3,h,925000,SP,hockingstuart,8/01/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2A Robin St,3,h,850000,S,hockingstuart,8/01/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Taegtow Wy,3,h,718000,S,Barry,8/01/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,34 Binns St,5,h,800000,SP,RT,8/01/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,70 Blanche St,3,h,,PI,Barry,8/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 Helene St,2,h,595000,PI,Biggin,8/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,2/38 Holt St,4,t,,PI,Barry,8/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/69 Denbigh Rd,3,h,1681000,S,Marshall,8/01/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,25/37 Ascot Vale Rd,2,t,530000,VB,Jellis,8/01/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,52 Langs Rd,5,h,1320000,PI,Nelson,8/01/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/9 Sandown Rd,4,t,805000,SP,Alexkarbon,8/01/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,54 Cassinia Av,2,h,1200000,VB,Jellis,8/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Condah Ct,3,h,1183000,S,Ray,8/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/135 High Street Rd,3,t,,VB,Buxton,8/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/39 Lavidge Rd,4,t,1350000,PI,Buxton,8/01/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,34 Albany Cr,3,h,1000000,S,Buxton,8/01/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,48 Iluka Av,3,h,830000,SP,Barry,8/01/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,48 Lake St,3,h,815000,PI,Barry,8/01/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,191 Military Rd,3,h,727500,S,Barry,8/01/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,57 Gordon St,4,h,,PI,Noel,8/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10 Myambert Av,5,h,4600000,VB,Fletchers,8/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Northcote Av,2,h,1710000,S,Fletchers,8/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Parkdale Av,4,h,1700000,PI,Jellis,8/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Threadneedle St,5,h,2475000,PI,Noel,8/01/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/363 Belmore Rd,3,t,1270000,VB,hockingstuart,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/82 Doncaster Rd,2,u,555500,S,Fletchers,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/49 Hatfield St,3,u,1451000,PI,hockingstuart,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/2 Heather St,4,h,1420000,SA,Fletchers,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Highview Rd,4,h,,S,Fletchers,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lawson St,4,h,2640000,VB,Marshall,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Libra St,4,h,,S,hockingstuart,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Longview Rd,4,h,,VB,hockingstuart,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Oravel St,5,t,950000,PI,hockingstuart,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Renown St,4,h,1960000,S,Fletchers,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Tudor Ct,2,h,,S,hockingstuart,8/01/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Fallons Wy,3,h,910000,S,Noel,8/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,45 Jeanette St,3,h,862000,S,Barry,8/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1 Valma St,5,h,822000,PI,iTRAK,8/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2 Yarran Gr,2,u,652000,S,iTRAK,8/01/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2 Illawara Cr,3,h,,VB,Noel,8/01/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,10 Mason Ct,3,h,720000,VB,McGrath,8/01/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bellfield,26 Davidson St,3,h,810000,SA,William,8/01/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,138 Oriel Rd,5,h,,W,Purplebricks,8/01/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,21 Coates St,5,h,1740000,S,Buxton,8/01/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12A Hutchinson St,3,t,1185000,S,Jellis,8/01/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9/463 South Rd,2,u,392000,SP,Jellis,8/01/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,206/24 Becket Av,1,u,,PN,Gary,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,147b Bignell Rd,4,t,1389000,S,Jellis,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,72 Blamey St,3,h,1220000,PI,Buxton,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 East Boundary Rd,2,u,663000,S,Buxton,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Jassa St,4,t,1320500,S,Buxton,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32b Jassa St,4,t,1280000,S,C21,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Malane St,3,h,,PI,Buxton,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Margaretta St,3,h,1100000,PI,Buxton,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,414 McKinnon Rd,3,h,,S,Buxton,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Millis Av,4,h,1420000,S,Jellis,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Noora Av,3,h,1182000,S,Jellis,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Orange St,4,h,1420000,S,Jellis,8/01/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,34 Euroa Av,3,h,490000,S,hockingstuart,8/01/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,10 Gardiner St,5,h,960000,SP,Barry,8/01/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/34 Second St,3,u,,S,Charlton,8/01/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,24 Lake Rd,5,h,1758000,S,Sell,8/01/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36A Sheehans Rd,5,h,2250000,VB,Ascend,8/01/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,22 Charlton St,5,h,1570000,S,Noel,8/01/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,49 Koonung Rd,4,h,1300000,S,Noel,8/01/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,180 Canterbury Rd,3,h,950000,VB,Noel,8/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Craig St,4,h,,SN,Woodards,8/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,38 Lawrence St,3,h,950000,PI,Noel,8/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Mingeta Av,3,h,1050000,SP,Ray,8/01/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,22 Blythe Av,3,h,629000,S,Schroeder,8/01/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,3/3 Narcissus Av,2,u,,PI,McGrath,8/01/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/6 Simpsons Rd,2,u,,SP,hockingstuart,8/01/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/25 Wellington Rd,2,u,669000,S,Noel,8/01/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Myamyn St,3,h,850000,S,Douglas,8/01/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/31 Vine St,3,t,600000,VB,Barry,8/01/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,23 Tower Dr,3,h,825000,S,Nelson,8/01/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1 Baroona Ct,3,h,,S,Marshall,8/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Cole St,4,h,5500000,S,Marshall,8/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Lynch Cr,3,h,2350000,VB,Hodges,8/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40 Whyte St,3,h,1900000,PI,Nick,8/01/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Arnold Rd,4,h,,W,Marshall,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,75 Baird St,4,h,3100000,VB,Marshall,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Carrington Gr,4,h,,VB,Buxton,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Centre Rd,3,h,1415000,S,Hodges,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,32 Clive St,2,h,1262000,S,Hodges,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Curzon St,3,h,1880000,S,Hodges,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Davey Av,4,h,,SP,Marshall,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Parker St,4,h,,S,Marshall,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Raymond Ct,4,h,,PI,Buxton,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,152 Thomas St,2,h,950000,VB,Gary,8/01/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,17 Wharton Av,5,h,,PI,YPA,8/01/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/6 Corrigan Av,3,t,750000,S,hockingstuart,8/01/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,10/116 Albert St,2,u,757000,SP,Jellis,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,250 Albion St,4,h,1200000,VB,Jellis,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Bennie St,2,h,1011000,S,Nelson,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Charles St,3,h,1010000,S,Peter,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/94 Donald St,1,u,340000,SP,Nelson,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Errol Av,2,h,,SP,Jellis,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Harvey St,3,h,1150000,VB,Lindellas,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Ivy St,2,h,970000,S,Nelson,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Rope Wk,2,t,978000,S,Brad,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Stewart St,2,h,970000,S,Nelson,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Sturrock St,4,h,1665000,SP,Jellis,8/01/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,14 Foden St,3,h,1255000,S,Barry,8/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/252 Hope St,3,t,700000,VB,Nelson,8/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Howson St,4,h,,VB,Jellis,8/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/546 Moreland Rd,2,u,340000,VB,Brad,8/01/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,134 Manningham Rd,3,h,1182000,S,Jellis,8/01/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/82 Willow Bnd,3,u,,VB,Philip,8/01/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,77 Cameron Pde,3,h,,PI,Barry,8/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/210 Greenhills Rd,2,u,440000,PI,Barry,8/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Hanover Rd,5,h,1470000,S,Barry,8/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,69 Linacre Dr,4,h,1225000,S,Barry,8/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Milton Pde,4,h,870000,S,Stockdale,8/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Trafalgar Cr,3,h,,PI,Ray,8/01/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,25 Barnes Av,4,h,1607500,S,Jellis,8/01/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/16 Wridgway Av,2,u,758000,SP,Buxton,8/01/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,6 Heron Rd,3,h,679000,S,Barry,8/01/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,9 Moorhead St,3,h,1827000,S,Marshall,8/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Remon Av,3,h,1855000,S,Jellis,8/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/870 Riversdale Rd,2,u,,SN,Garvey,8/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2C Staughton Rd,4,t,,PI,RT,8/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/71 Through Rd,3,h,1950000,S,Marshall,8/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,916 Toorak Rd,5,h,,SP,Marshall,8/01/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5/26 Faversham Rd,2,u,837000,S,Fletchers,8/01/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,173 Drummond St,4,h,3825000,S,Woodards,8/01/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,610/123 Pelham St,2,u,567000,S,MICM,8/01/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,821 Rathdowne St,4,h,1391000,S,Nelson,8/01/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,679 Station St,3,h,1580000,S,Woodards,8/01/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/39 Coorigil Rd,2,u,,S,Ray,8/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/52 Coorigil Rd,2,u,711000,S,Jellis,8/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Mimosa Rd,3,h,1222000,S,Gary,8/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/36 Moonya Rd,1,u,331000,SP,Woodards,8/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,84 Oakleigh Rd,2,h,1100000,S,Jellis,8/01/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2/9 Graham Rd,3,u,743000,S,hockingstuart/hockingstuart,8/01/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield South,28 Goe St,4,h,1300000,VB,Jellis,8/01/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,34B Marara Rd,4,t,1675000,S,Gary,8/01/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,21 Binalong Av,3,h,1120000,S,Jellis,8/01/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/111 Waverley Rd,3,u,780000,SP,Barry,8/01/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/19 Scotch Pde,2,u,620000,S,Barry,8/01/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9 Allnutt Ct,3,h,800000,PI,Ray,8/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Clendon Ct,3,h,950000,VB,Greg,8/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Evergreen Cct,3,t,810000,S,Greg,8/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2C Gilford Gr,2,t,955000,S,Buxton,8/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Merton Cl,3,h,888000,S,O'Brien,8/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Wingrove St,3,h,,S,Buxton,8/01/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,35 Bardaster Bvd,3,t,,PN,LLC,8/01/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Chirnside Park,12B Meadowgate Dr,3,h,645000,S,Ray,8/01/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/24 Arunta Cr,3,u,730000,SP,Buxton,8/01/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,17 Leonard Cl,3,h,799000,S,C21,8/01/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Merrigum Cr,3,h,766000,S,C21,8/01/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/40 View St,3,t,962000,S,Barry,8/01/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,6 Linda St,4,h,,PI,Ray,8/01/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,119 Spensley St,3,h,1300000,VB,Collins,8/01/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,206 Bell St,4,h,1090000,S,Jellis,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Bruce St,2,h,1010000,S,Raine,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,70 Devon Av,3,h,,SP,Nelson,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,33 High St,2,h,710000,PI,Chambers,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Lascelles St,3,h,946000,SP,YPA,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/3 The Grove,3,t,795000,S,Nelson,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/11 Wolseley St,2,u,587000,S,Nelson,8/01/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,60 Boyne St,3,h,905000,S,Barry,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,7 Keady St,4,h,965000,S,Barry,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Merlyn St,3,h,1100000,PI,YPA,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13 Norris St,2,h,730000,VB,Brad,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/16 Norris St,3,t,,SP,Biggin,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Outlook Rd,3,h,950000,S,Nelson,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Ronald St,3,h,800000,VB,Nelson,8/01/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,34 Gold St,2,h,1079500,SP,Harrington,8/01/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,48 Bainbridge Cl,3,h,550000,SP,YPA,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,83 Cimberwood Dr,3,h,,SN,Barry,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Dempster Dr,3,h,,S,Ray,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Folger Rd,3,h,479250,S,Ray,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,348 Grand Bvd,2,t,380000,S,HAR,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,474 Grand Bvd,4,h,630000,S,Barry,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Grange Ri,5,h,688000,S,Barry,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,96 Hanson Rd,3,h,590500,S,Barry,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,92 Hothlyn Dr,7,h,,W,YPA,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Langdon Cr,3,h,567000,S,YPA,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Newbury Bvd,4,h,716000,S,Ray,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Nobility Rd,4,h,640000,S,Barry,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Royal Tce,3,h,480000,S,Barry,8/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,13 Greenbriar Wy,3,h,517250,S,LJ,8/01/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,43 Chestnut St,3,h,1245000,S,hockingstuart,8/01/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,4/8 Bennison St,3,u,720000,SP,Max,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Eden St,3,h,,SN,McGrath,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/6 Haig St,4,t,600000,VB,McGrath,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,167 Maroondah Hwy,4,h,820000,S,Philip,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Melton Gr,3,h,720000,S,Barry,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Moore Av,4,h,,SN,Barry,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 The Pass,5,h,997000,S,Fletchers,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 View St,3,h,655200,S,McGrath,8/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,3 Donald St,3,h,,W,YPA,8/01/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/15 Grace Av,3,t,,PI,O'Brien,8/01/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,107 Herbert St,3,h,,PI,O'Brien,8/01/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Yarra Ct,4,h,,S,Fletchers,8/01/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,6 Belmont Av,4,h,3680000,SP,Marshall,8/01/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,914 Burke Rd,5,h,3080000,S,Harcourts,8/01/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,24 Bird St,3,h,580000,S,Burnham,8/01/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,15 Anakie Wk,3,h,580000,PI,Bells,8/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,22 Brampton Cct,3,h,,PI,Calder,8/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,14 Doran Wk,3,h,,PI,Calder,8/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,34 Frost Dr,4,h,600000,PI,Nelson,8/01/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,10 Oakham Gld,4,h,561000,S,Burnham,8/01/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,96 Windsor Bvd,4,h,912000,S,Stockdale,8/01/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,14 Moray St,3,h,588000,S,Barry,8/01/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2 Wensley St,3,h,700000,S,Morrison,8/01/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5/169 Centre Dandenong Rd,2,u,680000,S,Buxton,8/01/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Fairway Dr,4,h,839000,S,Buxton,8/01/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Rhoda St,3,h,952000,S,Ray,8/01/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,23 Buckingham Cr,3,h,,SP,Fletchers,8/01/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/40 Finlayson St,3,h,850000,PI,Barry,8/01/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,56 Victoria St,3,h,1150000,PI,hockingstuart,8/01/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Carisbrook Ct,4,h,1198000,S,hockingstuart,8/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/1050 Doncaster Rd,3,u,750000,VB,Fletchers,8/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/37 Greendale Rd,3,u,,VB,Philip,8/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/11 Howell Cl,3,h,868000,S,hockingstuart,8/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Silvana Ct,4,h,,S,hockingstuart,8/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Worthing Av,4,h,1420000,S,Barry,8/01/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,15 Braford Dr,4,h,740000,S,Barry,8/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,96 Laurimar Bvd,4,h,525000,SP,HAR,8/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,1 Nancarrow Dr,3,h,470000,S,HAR,8/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,17 Patience Av,3,h,558000,S,Barry,8/01/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,10 Powlett St,6,h,,S,RT,8/01/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,3/35 Shoobra Rd,3,u,930000,VB,Gary,8/01/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Wynton Ct,4,h,,SP,Morrison,8/01/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,13/197 Brighton Rd,1,u,411000,SP,hockingstuart,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,49 Brighton Rd,4,h,,S,hockingstuart,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/1 Glen Huntly Rd,2,u,,VB,Greg,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/145 Glen Huntly Rd,3,u,,SP,Chisholm,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/5 Joyce St,2,u,,PI,hockingstuart,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/199 Ormond Rd,2,u,675000,SP,Buxton,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/34 Pine Av,3,u,1800000,SP,Chisholm,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Robert St,4,h,,PN,Chisholm,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,113 Spray St,3,h,,VB,Hodges,8/01/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,20 Rhonda Cl,3,h,656000,S,C21,8/01/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Brazil Ct,4,h,735000,S,hockingstuart,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10A Cabot Dr,2,h,432000,S,Ray,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Charteris Gr,4,h,611000,SP,HAR,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/82 Epping Rd,2,u,300000,S,HAR,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/88 Epping Rd,2,u,309000,S,HAR,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Kilby Cl,3,h,610000,S,HAR,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Plowman Ct,3,h,571550,SP,Millership,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Winterton Cl,3,h,658000,S,Iconek,8/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/142 Cooper St,3,t,800000,VB,Barry,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/5 Kalimna St,2,u,768000,S,Barry,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Laluma St,4,h,,S,Nelson,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/62 Nimmo St,2,t,,S,Nelson,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,46 Salmon Av,5,h,2200000,S,Nelson,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/12 Schofield St,2,u,480000,PI,Hodges,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/24 Schofield St,2,u,695000,S,Nelson,8/01/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,9/15 Royal Av,2,u,365000,SP,Brad,8/01/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,4/25 Rathmines St,2,u,512500,SP,McGrath,8/01/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,75 Rathmines St,4,h,1300000,VB,Thomas,8/01/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,4 Bonwick St,3,h,767500,SP,hockingstuart,8/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/3 Brian St,3,h,616000,SP,Brad,8/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/1 Clara St,2,u,412000,S,Ray,8/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Link Pde,3,h,482000,S,Brad,8/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Selola Ct,3,h,783000,SP,hockingstuart,8/01/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,32 Lydford Rd,3,h,755000,S,Noel,8/01/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,215 Argyle St,2,h,1930000,SP,Nelson,8/01/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,5/3 Hertford St,2,h,950000,S,Nelson,8/01/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/26 Victoria St,1,u,640000,S,Nelson,8/01/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,103/500 Brunswick St,2,u,655000,SP,Nelson,8/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,810 Brunswick St,3,h,1325000,S,Woodards,8/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23 Egremont St,2,h,1380000,PI,Nelson,8/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/71 Holden St,2,u,650000,SP,Jellis,8/01/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2/63 Crown St,2,t,785000,S,Edward,8/01/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,10/20 French St,3,u,517000,SP,Brad,8/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Nicholson St,6,h,1527000,S,Nelson,8/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Steet St,4,h,,VB,Biggin,8/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,48b Wolverhampton St,3,t,760000,S,Sweeney,8/01/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,16 Mutual Ct,3,h,,SN,Woodards,8/01/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Aquarius Dr,3,h,,PI,O'Brien,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Finisterre Ct,4,h,814250,S,Ray,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Frawley St,5,h,840000,SP,hockingstuart,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/13 Gairloch Dr,3,t,569000,S,Barry,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,150 Heatherhill Rd,3,h,538000,SA,Bowman,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,8 Leighton Ct,3,h,,W,Ray,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,82 Lindrum Rd,4,h,560000,S,O'Brien,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/9 Phillip St,2,u,,S,Aquire,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,105 Raphael Cr,3,h,636000,S,Barry,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,67 Raphael Cr,3,h,672500,S,Ray,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Wave St,2,h,574000,S,O'Brien,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wettenhall Rd,4,h,1036000,S,Ray,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,37 Williams St,3,h,1250000,VB,hockingstuart,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/46 Williams St,3,t,605000,S,hockingstuart,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Woodlands Gr,4,h,1150000,VB,hockingstuart,8/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,32 Fleetwood Cr,3,h,1200000,S,Ray,8/01/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Tavistock Rd,3,h,760000,S,Barry,8/01/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,68 Fersfield Rd,3,h,616000,S,Raine,8/01/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1/5 Robert Ct,3,h,535000,SP,Raine,8/01/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,12a Sundew Ct,3,h,550000,S,Raine,8/01/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Cassandra Dr,3,h,620000,S,Barry,8/01/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Chisholm Cl,6,h,,PN,Barry,8/01/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,27 Goodwood Cr,3,h,730000,SP,Barry,8/01/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13/1526 High St,2,u,670000,S,hockingstuart,8/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/40 Osborne Av,2,u,,SN,Biggin,8/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Parkin St,6,h,2245000,S,Marshall,8/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Renwick St,4,h,1735000,S,hockingstuart,8/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,114 Summerhill Rd,3,h,,S,Jellis,8/01/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Burramine Rd,4,h,,SN,Barry,8/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,57 Hinkler Rd,3,h,,PI,Ray,8/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Short St,6,h,2350000,PI,Harcourts,8/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Summit Cr,4,h,,SN,Biggin,8/01/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/8 Apsley St,3,t,765000,SP,Stockdale,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,70 Beatty Av,2,t,530000,S,Stockdale,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,43 Bindi St,2,h,637000,S,Brad,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,181 Daley St,2,h,628000,S,RW,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,36 Gladstone Pde,2,h,1245000,S,Jellis,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/122 Loongana Av,3,h,,PI,Stockdale,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 Morley St,3,h,885000,S,Nelson,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/66 Pecham St,3,u,635000,S,Barry,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,73 Tarana Av,4,h,801000,SP,Barry,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/121 Widford St,3,t,554000,S,Stockdale,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 York St,2,h,900000,S,Stockdale,8/01/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Duranta Dr,3,h,790000,S,Nelson,8/01/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Marigold Cr,3,t,700000,VB,Nelson,8/01/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Mirrim Pl,4,h,1260000,PI,Nelson,8/01/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,14 Anama St,3,h,1002000,S,Morrison,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Booyan Cr,3,h,759000,S,Darren,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,32 Louis St,3,h,835000,S,Buckingham,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9A Scotland Av,3,t,920000,S,Darren,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Simmons Ct,3,h,876000,S,Morrison,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,17 Thoona Gr,4,h,1215000,S,Jellis,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Wanbanna Av,3,h,760000,S,Morrison,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,92 Warralong Av,3,h,838000,S,Buckingham,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/11 William St,3,t,635000,S,Buckingham,8/01/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Ambleside Rd,4,h,750000,VB,Barry,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Arkley Dr,3,h,671000,S,Barry,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 Elphinstone Bvd,6,h,1515000,S,Jason,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Frontier Av,3,h,660000,S,Barry,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,48 Glencairn Dr,4,h,690000,S,Barry,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Lysterfield Dr,4,h,679000,S,LJ,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Mossgiel Av,4,h,,PN,Barry,8/01/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5 Richard St,3,h,911000,S,Stockdale,8/01/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,27 West St,3,h,772500,S,Nelson,8/01/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,56E Beach Rd,3,t,2440000,SP,Marshall,8/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,304/33 Crisp St,2,u,850000,S,hockingstuart,8/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2 Grout St,3,h,1500000,VB,Hodges,8/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Kingston St,3,h,1006000,S,Hodges,8/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/5 Walker Av,3,t,1100000,S,Hodges,8/01/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,25 Daff Av,4,h,1330000,SP,Buxton,8/01/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/229 Auburn Rd,3,t,1400000,PI,Noel,8/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/4 Barkers Rd,2,u,822500,S,Jellis,8/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,128 Church St,4,h,2055000,S,Marshall,8/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/136 Church St,2,u,660000,S,Marshall,8/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/488 Glenferrie Rd,2,u,525000,S,Woodards,8/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/14 Liddiard St,1,u,640000,S,Nelson,8/01/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/85 Pleasant Rd,2,u,658000,S,Jellis,8/01/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,401/480 Riversdale Rd,2,u,985000,VB,Jellis,8/01/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/137 Victoria Rd,2,u,590000,SP,LITTLE,8/01/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Doulton Av,3,h,1051000,S,Barry,8/01/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,37 Collins St,2,h,782500,SP,William,8/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,9 Heffernan Wk,3,t,760000,SP,Nelson,8/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/74 Porter Rd,4,h,920000,VB,Fletchers/Fletchers,8/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Terry St,2,h,640000,VB,Nelson,8/01/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,4/9 Exeter Ct,2,u,471000,SP,Miles,8/01/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,367 Liberty Pde,2,h,687000,S,Buckingham,8/01/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,25 Haynes St,3,h,1430000,S,Hodges,8/01/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,229/286 Highett Rd,2,u,590000,VB,Wilson,8/01/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,30 Beattys Rd,4,h,,PI,Barry,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Cynthia Ct,4,h,666000,S,Barry,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,51 Landscape Dr,6,h,830000,PI,Prof.,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Rivergum Pl,5,h,,S,Barry,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,66 Royal Cr,5,h,700000,S,Prof.,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Stonybrook Bvd,4,h,855000,PI,Barry,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 The Grove,4,h,1405000,S,Barry,8/01/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bolger Cr,3,h,596000,S,hockingstuart,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Casey Dr,3,h,,VB,Triwest,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Harris Av,3,h,505000,S,LJ,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,61 Johnson Av,3,h,586000,S,hockingstuart,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,46 Provence Gr,3,h,525000,S,Greg,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,32 Toulouse Cr,3,h,580000,SP,Greg,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Tucker Ct,5,h,,PI,S&L,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Yarrabee Dr,4,h,660000,S,Barry,8/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,197 Banksia St,4,h,1095000,SP,RW,8/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/18 Belmont Rd,3,u,1220000,S,Miles,8/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,29 Melcombe Rd,2,h,1395000,S,Miles,8/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,41 Myrtle St,4,h,,PI,Nelson,8/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,10 Stanley St,3,h,1150000,VB,Nelson,8/01/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,34 Cedric St,2,h,1432000,S,Miles,8/01/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,5 Bessell Ct,2,h,,PN,Barry,8/01/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,9 Fox Ct,3,h,455000,SP,YPA,8/01/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,19 Faye Cr,5,h,,SP,Nelson,8/01/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,4 Gidgee Ct,3,h,670000,S,Barry,8/01/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,52 Morcambe Cr,3,h,635000,S,Prof.,8/01/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,9 Odessa Av,4,h,685000,S,Calder,8/01/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Milleara Rd,6,h,1130000,S,Nelson,8/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,84 Parkside Av,2,h,580000,S,Nelson,8/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,178 Rachelle Rd,4,h,975000,S,Moonee,8/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,52 West Gwy,2,h,740000,S,Nelson,8/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorite Pl,3,t,780000,VB,Barry,8/01/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3 Dana Ct,4,h,,SN,Alexkarbon,8/01/2018,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,55 Spence St,5,h,550000,PI,Nelson,8/01/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,306/72 Altona St,2,u,520000,SP,Jellis,8/01/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,25 Robertson St,2,h,,S,Brad,8/01/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,17 Serong St,3,t,,W,Barry,8/01/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1A Glendene Av,3,h,1760000,VB,Noel,8/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/325 High St,1,u,505000,S,Marshall,8/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Oshaughnessy St,3,h,,S,Marshall,8/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,21 Baker Av,5,h,2300000,VB,Jellis,8/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,47 Bennett Pde,3,h,1702000,SP,Philip,8/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,45 Frater St,3,h,,S,Marshall,8/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/20 Hartwood St,3,h,1150000,S,Jellis,8/01/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Carribean Dr,3,h,715000,SP,O'Brien,8/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,21 Serpentine Rd,3,h,770000,S,C21,8/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10/72 Stanley Rd,2,t,,SN,Biggin,8/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Woomera Av,3,h,,PI,Barry,8/01/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,1 Churchill Wy,2,h,830000,S,McGrath,8/01/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,45 Grevillea Rd,4,h,665000,S,Barry,8/01/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 Shepherds Gr,5,h,675000,S,Barry,8/01/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,6 Timothy Ct,4,h,,PI,Barry,8/01/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,1/34 Highland St,3,u,702500,S,Barry,8/01/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,55 Coronation St,3,h,1210000,PI,Jas,8/01/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,32 Empress Av,3,h,1250000,S,McGrath,8/01/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,51 Archer Dr,4,h,439000,S,Raine,8/01/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,14 Narebar Ct,3,h,381000,S,PRDNationwide,8/01/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,4 Columbia Rd,3,h,,SP,HAR,8/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Cyprus St,3,h,707000,S,Barry,8/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 McKimmies Rd,3,h,640000,S,Ray,8/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Mosaic Dr,3,h,700000,S,Iconek,8/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Otway Ct,4,h,600000,S,HAR,8/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Partridge St,3,h,665000,S,HAR,8/01/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,30 Leonard Dr,4,h,570000,S,Barry,8/01/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,20 Raneen Dr,3,h,510000,S,Bowman,8/01/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,20 Thomas St,3,h,,SP,hockingstuart,8/01/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,5/3 Glenauburn Rd,4,t,1160000,S,Jellis,8/01/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4/34 Glenmore St,3,u,471000,S,Miles,8/01/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/23 MacLeod Pde,2,u,690000,SP,Ray,8/01/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,21 Wungan St,3,h,695000,S,Ray,8/01/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,13/12 Crefden St,2,u,,S,Biggin,8/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,36/44 Eucalyptus Dr,2,u,420000,S,Pagan,8/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,43 Fisher St,3,h,895000,S,Sweeney,8/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11D Rooney St,3,t,670000,PI,Biggin,8/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,34 Suffolk St,3,h,825000,S,Jas,8/01/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/395 Glenferrie Rd,2,u,2100000,VB,Marshall,8/01/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29 Gordon Gr,4,h,3100000,VB,Marshall,8/01/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,31 Belson St,3,h,,S,Marshall,8/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/8 Burke Rd,2,u,530000,VB,Marshall,8/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Millewa Av,4,h,2830000,S,Jellis,8/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,114/141 Waverley Rd,1,u,112000,S,C21,8/01/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,51 MacEdon St,2,h,1250000,PI,Sweeney,8/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Middle Rd,3,h,,SP,Brad,8/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/127 Raleigh Rd,2,t,540000,VB,Nelson,8/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,57 Wests Rd,3,t,625000,PI,Raine,8/01/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/4 Glen Orme Av,3,t,1350000,VB,Gary,8/01/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,28 Lewis St,4,h,1820000,S,Hodges,8/01/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,273 McKinnon Rd,4,h,1730000,S,Buxton,8/01/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Tamboon Ct,3,h,,SN,Barry,8/01/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2009/568 Collins St,1,u,,W,Pagan,8/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2608/620 Collins St,2,u,750000,SP,MICM,8/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1216/74 Queens Rd,2,u,,PI,Purplebricks,8/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,401/340 Russell St,2,u,1000000,SP,MICM,8/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,54/461 St Kilda Rd,3,u,1825000,SP,Gary,8/01/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,7 Emil Ct,3,h,,PI,Raine,8/01/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,111 Palmerston St,3,h,400000,VB,Biggin,8/01/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,1/23 Hume Av,2,u,290000,SP,Raine,8/01/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,14 Thomas Av,3,h,361000,SP,FN,8/01/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,9 Morrow St,3,h,518000,S,FN,8/01/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,75 Westmelton Dr,3,h,400000,VB,PRDNationwide,8/01/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/62 Balcombe Rd,2,h,680000,SP,Purplebricks,8/01/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4A Delville Av,3,t,920000,S,Barry,8/01/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,71 Patty St,6,h,1650000,SP,Buxton,8/01/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,25 Gael Ct,4,h,598000,S,RW,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Grafton St,4,h,518000,S,RW,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Gridley St,4,h,900000,SP,Morrison,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Maahu Ambl,3,t,482500,S,LJ,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 McCulloch St,3,h,572500,S,Ray,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Monarch Av,3,h,580058,SP,Stockdale,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Riberry Cr,4,h,745500,SP,Love,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Stradling Ri,4,h,662000,PI,Barry,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Tarwin Dr,3,h,595000,S,RW,8/01/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,50 Callaway Dr,5,h,1500000,S,Barry,8/01/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,4 Berry Ct,4,h,,PI,The,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Blamey Av,3,h,700000,S,Love,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Bolina Ct,3,h,637500,S,HAR,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Clement Ct,4,h,751000,S,HAR,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Hawkes Dr,3,h,699000,S,RW,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/1 Mill Park Dr,2,u,485000,SP,Barry,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3/1 Morang Dr,3,u,410000,SP,Love,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Packard Crse,3,h,551500,SP,Barry,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Randell Ct,3,h,,PI,HAR,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Sirius Ct,4,h,700500,S,Ray,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Streeton Cct,3,h,622000,PI,Love,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 Thompson Cct,4,h,740000,S,Millership,8/01/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1 Fawcett St,3,h,1020000,S,Philip,8/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/6 Grace Ct,2,h,732500,SP,Noel,8/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/54 Percy St,2,u,,PI,Ray,8/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/22 Walker Av,3,u,1075000,S,Parkes,8/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Walter St,3,h,1151000,S,McGrath,8/01/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2/394 Mont Albert Rd,2,u,541500,S,Fletchers,8/01/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,734 Whitehorse Rd,2,h,,SP,Jellis,8/01/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,129 Windsor Cr,4,h,2105000,PI,Bekdon,8/01/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,56 Astley St,4,h,,SP,Morrison,8/01/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,52 Kirwana Gr,3,h,880000,SP,Flannagan,8/01/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,84 Sackville St,3,h,907000,S,Jellis,8/01/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/21 Learmonth St,2,h,,VB,Hodges,8/01/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/719 Mt Alexander Rd,2,u,715000,SP,Pagan,8/01/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,34 Wilson St,3,h,1490000,S,Jellis,8/01/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,4 Akima Tce,4,h,,PI,Fletchers,8/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,54 Barker Dr,4,h,712000,PI,Ray,8/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,24 Russell Av,4,h,,SP,Fletchers,8/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Wandana St,4,h,825000,SP,McGrath,8/01/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,13/17 Collocott St,4,t,930000,S,hockingstuart,8/01/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11B Avondale Gr,5,h,1856000,S,Ray,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4c Bales St,4,t,,VB,Jellis,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Darbyshire Rd,3,h,1240000,S,Fletchers,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Dorgan St,2,h,1240000,S,OBrien,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Grenfell Rd,3,h,1215000,S,Ray,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Heleus Ct,3,h,,PI,Ray,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/454 High Street Rd,2,u,,VB,Jellis,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Jack St,3,h,,SN,McGrath,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Josephine Av,5,h,,PI,Barry,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,183 Lawrence Rd,3,u,742500,S,Ray,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 The Highway,5,h,2700000,VB,Jellis,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Toombah St,6,h,,PI,Ray,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/532 Waverley Rd,3,u,850000,PI,hockingstuart,8/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Bentley Ct,3,h,867000,PI,Harcourts,8/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,65 Haverbrack Dr,4,h,,SN,Jellis,8/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Wanda St,3,h,825000,S,Barry,8/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Windermere Cr,5,h,,PI,Ray,8/01/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/9 Ardyne St,2,u,801000,S,C21,8/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Blythe St,3,h,1437000,S,Ray,8/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5 Packer St,3,h,1590000,S,Jellis,8/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Swan Rd,4,h,,PI,Buxton,8/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Wallace Av,3,h,1550000,VB,Woodards,8/01/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,14 Carbine Ct,3,h,625000,S,Raine,8/01/2018,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,9a Berty St,4,t,1090000,S,Ray,8/01/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,91 Gordon St,2,h,660000,S,Jas,8/01/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16a Johnston St,5,h,1180000,PI,Jas,8/01/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,30 Grosvenor St,4,h,1050000,VB,Nelson,8/01/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,150 Buckley St,3,h,1025000,S,Area,8/01/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/28 David St,2,t,530000,S,O'Brien,8/01/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,14 Candy St,3,h,1575000,PI,Nelson,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Candy St,3,h,1585000,S,Jellis,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Johnson St,4,h,1650000,VB,FN,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Latham St,4,h,1420000,SP,McGrath,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,66a Mitchell St,4,h,,S,Nelson,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1315000,S,McGrath,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Oldis Av,3,h,1120000,S,Thomas,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/8 Ross St,2,u,675500,S,Nelson,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Simpson St,2,h,1100000,VB,Nelson,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Thames St,5,h,2525000,SP,Jellis,8/01/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1 Winifred St,3,h,1000000,S,VICPROP,8/01/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,49 Worrell St,3,h,1102000,S,Jellis,8/01/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/154 Waterloo Rd,2,t,580000,PI,Brad,8/01/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,11 The Avenue,2,h,,PI,Buxton,8/01/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,15 Lehem Av,4,h,1000000,VB,Buxton,8/01/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/12 Lillimur Rd,2,u,790000,VB,Gary,8/01/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/9 Wild Cherry Rd,2,u,810000,S,Buxton,8/01/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/18 Eighth St,2,h,975000,VB,Buxton,8/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,28 Keiller Av,5,h,1160000,VB,Buxton,8/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/5 Sixth St,3,h,1150000,VB,Buxton,8/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/1 White St,2,u,465000,VB,Thomson,8/01/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/297 Cumberland Rd,2,t,520000,S,Brad,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dale Av,2,h,800000,VB,Nelson,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/3 Grover St,3,t,690000,VB,Barry,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Kitchener Rd,3,t,826000,S,Nelson,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,32 Northumberland Rd,3,h,,S,Nelson,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/28 Raeburn St,2,u,585000,SP,Brad,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2A Waratah St,4,h,1015000,S,Nelson,8/01/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,10 Gordes St,3,h,464000,S,Daniel,8/01/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,59 Breasley Pky,3,h,670000,S,hockingstuart,8/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Copeland Cr,4,h,650000,S,Point,8/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Gilmore Gr,4,h,,SP,Barry,8/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Horizon Pt,4,h,,PI,hockingstuart,8/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Whitetop Dr,4,h,690000,PI,hockingstuart,8/01/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,510/1 Danks St W,2,u,797000,S,Castran,8/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Esplanade Pl,3,t,1525000,VB,Buxton,8/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,702/142 Rouse St,3,u,1362000,S,Home,8/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,60/3 Seisman Pl,3,u,,S,Marshall,8/01/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,61 Chomley St,3,h,,S,hockingstuart,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,80/108 Greville St,3,u,765000,S,Beller,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/37 Greville St,1,u,383000,S,hockingstuart,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/573 High St,2,u,690000,PI,Shape,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/14 Highbury Gr,2,u,680000,SP,Jellis,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/17 Irving Av,2,u,612000,S,Gary,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7 Trinian St,3,h,2400000,VB,Marshall,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,93 York St,2,h,1312000,PI,hockingstuart,8/01/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,106/448 Bell St,2,u,,PI,Ray,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Carlisle St,3,h,1185000,S,Nelson,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Esther St,2,t,723000,S,hockingstuart,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 Kathleen St,3,h,985000,S,RW,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Kendall St,4,h,,SN,McGrath,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12/39 Mt Pleasant Rd,3,t,760000,S,hockingstuart,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,218 Murray Rd,4,h,930000,VB,Nelson,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,88B Murray Rd,4,h,1950000,PI,Love,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Roseberry Av,4,h,800000,PI,Stockdale,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Shakespeare Av,5,h,1455000,S,Nelson,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,111 Wood St,3,h,,W,Purplebricks,8/01/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,101 Paterson St,3,h,1575000,S,Nelson,8/01/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,6 Raglan Ct,4,h,900000,S,Morrison,8/01/2018,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,36 Anstey Av,3,h,600000,PI,Ray,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/37 Ashton St,2,t,562000,S,Barry,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Bourke St,3,h,900000,S,Nelson,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/47 Burbank Dr,3,u,,SP,Spencer,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Byfield St,3,h,700500,S,Ray,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/8 Chaleyer St,3,t,560000,S,Barry,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/59 Cheddar Rd,1,t,455000,S,Barry,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Clingin St,4,h,845000,SP,RW,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 East St,3,h,810000,S,hockingstuart,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Hickford St,3,h,920000,S,Barry,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1019 High St,3,h,865000,S,Barry,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/830 High St,3,t,585000,S,Ray,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/63 Kinsale St,3,h,770000,S,Nelson,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Legh St,4,h,,SN,Ray,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Locksley Av,3,h,775000,S,McGrath,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/61 Marchant Av,2,t,600000,S,Nelson,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2B Moore Cr,3,t,669000,S,RW,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Ramleh Rd,4,h,890000,S,Nelson,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/49 Storey Rd,2,t,698000,S,Barry,8/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,62 Appleton St,2,h,1000000,VB,hockingstuart,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/22 Bosisto St,2,u,550000,VB,hockingstuart,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Cutter St,3,h,1490000,S,Nelson,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Davison St,3,h,1182000,S,Jellis,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Durham St,3,h,1700000,SP,Biggin,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Survey St,3,h,1710000,S,Collins,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Wellington St,2,h,1145000,S,Nelson,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 York St,3,h,1000000,S,Biggin,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/45 York St,1,u,530000,S,Marshall,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Yorkshire St,3,t,,PI,Biggin,8/01/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,148 Main Rd,4,h,765000,PI,Raine,8/01/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,16 Ford St,4,h,1246000,S,Carter,8/01/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,121 Dublin Rd,3,h,805000,S,Carter,8/01/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7/51 Mt Dandenong Rd,2,u,,PI,McGrath,8/01/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,23 Erindale Av,2,h,1380000,S,Cayzer,8/01/2018,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/66 Grandview Gr,3,u,,SN,Miles,8/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,26 Laane Av,3,h,,SN,Barry,8/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/30 Mountain View Pde,3,u,,VB,Fletchers,8/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,51 Dandelion Dr,5,h,956000,S,Ray,8/01/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,247 Karoo Rd,4,h,,PI,Purplebricks,8/01/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10 Pickersgill Cr,4,h,,SP,RW,8/01/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Tiffany Cr,4,h,630000,SP,YPA,8/01/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,57 Bay Rd,4,h,,SP,Nick,8/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,28/170 Beach Rd,3,t,1017500,S,Marshall,8/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9/91 Beach Rd,2,u,720000,S,Buxton,8/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/65 Royal Av,3,h,850000,PI,hockingstuart,8/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,29 Victoria St,4,h,,S,hockingstuart,8/01/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,7 Saxil Ct,3,h,635000,S,Ray,8/01/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,5 Sussex St,3,h,1410000,S,Barlow,8/01/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2/21 Bellairs Av,2,u,435000,S,Sweeney,8/01/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1111/38 Bank St,3,u,810000,S,Greg,8/01/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,20 Bluestone Ct,4,h,676000,S,Millership,8/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Chamonix Pde,3,h,500000,VB,RW,8/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14 Elite Wy,4,h,711000,S,RW,8/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Fantail Pl,3,h,616000,S,Millership,8/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jenolan Wy,4,h,697000,S,Millership,8/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19/74 Thomas St,2,h,412500,S,HAR,8/01/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,804/800 Chapel St,1,u,,S,hockingstuart,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26/12 Copelen St,3,t,1500000,PI,Jellis,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/61 Darling St,2,u,,PI,Purplebricks,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/785 Punt Rd,2,t,981000,S,Hodges,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/386 Toorak Rd,3,u,770000,S,hockingstuart,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/35 Walsh St,2,u,1300000,S,Marshall,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/273 Williams Rd,1,u,347500,S,Jellis,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,802/35 Wilson St,2,u,,SP,Space,8/01/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1700/63 Whiteman St,1,u,,W,Pagan,8/01/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,4 Stephenson St,4,h,1060000,S,Sweeney,8/01/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,6 Errington Rd,3,t,505000,S,Calder,8/01/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/22 Fox St,3,u,,PI,Barry,8/01/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Ironbark St,3,h,650000,SP,Barry,8/01/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1 Natasha Cl,5,h,,SP,Morrison,8/01/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,10/12 Acland St,2,u,500000,VB,Jellis,8/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/14 Alma Rd,1,u,270000,VB,hockingstuart,8/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46 Chapel St,3,h,1310000,S,McGrath/Langwell,8/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/1 St Kilda Rd,2,u,,SP,McGrath,8/01/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,36b Dublin Av,2,u,850000,VB,Brad,8/01/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/40 Glenbervie Rd,3,u,900000,VB,Nelson,8/01/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,15 Aitken St,3,t,496000,S,Leeburn,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,59 Davenport Dr,3,h,499500,S,Barry,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,12 Davies Ct,3,h,460000,SP,Leeburn,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Ervine Cl,4,h,450000,S,Brad,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Higgs Cct,3,h,516500,S,Barry,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Higgs Cct,4,h,580000,SP,Raine,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2/19 Lalor Cr,2,u,400000,SP,Barry,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Mounsey Ct,4,h,590000,SP,Brad,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,,W,YPA,8/01/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,7 McKay St,4,h,1155500,S,Jas,8/01/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2A Charles St,3,h,697000,S,Douglas,8/01/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Fulton Rt,4,h,690000,S,Biggin,8/01/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Maldon Ct,3,h,690000,S,Bells,8/01/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,47 Bardsley St,5,h,990000,PI,Douglas,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Dinnell St,3,h,555000,PI,Barry,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Estelle St,4,h,753000,S,Barry,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,32 Mark St,3,h,680000,VB,Bells,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Saltbush Ct,3,h,550000,VB,Barry,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Wingan Ct,4,h,560000,S,Bells,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,243 Wright St,4,h,685000,S,GL,8/01/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/11 Sunbury Cr,2,t,950000,VB,Jellis,8/01/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/11 Sunbury Cr,2,t,950000,VB,Jellis,8/01/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2/2 Albert Rd,2,u,395000,S,Prof.,8/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4/2 Albert Rd,2,u,400000,S,Prof.,8/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Brogil Wk,6,h,700000,PI,Barry,8/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Hatton Ct,3,h,601000,S,Brad,8/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Hepburn Pl,3,h,495000,SP,Barry,8/01/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,1/10 Jordyn St,3,u,405000,SP,Benlor,8/01/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Larson Av,4,h,527500,S,S&L,8/01/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,116b Wootten Rd,3,u,420000,S,hockingstuart,8/01/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Kent Pl,4,h,830000,S,Barry,8/01/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,13 York Cl,4,h,660000,S,YPA,8/01/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,72 Admirals Cr,4,h,720000,S,Barry,8/01/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Nerida Ct,4,h,,SP,Barry,8/01/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Warrego Pl,4,h,770000,PI,YPA,8/01/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,53 Hodgson St,3,h,900000,VB,Fletchers,8/01/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,90 MacEdon Rd,5,h,1330000,S,McGrath,8/01/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Chesney Ct,3,h,,W,LJH,8/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,25 French St,3,h,860000,SP,Ray,8/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4/327 High St,2,u,261500,S,HAR,8/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,76 Lincoln Dr,3,h,625000,S,Barry,8/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Waratah St,3,h,925000,S,Ray,8/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Yilleen Cl,4,h,,SP,Barry,8/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,4/104 Gooch St,2,u,500000,VB,Love,8/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,15 Harry St,4,h,1965000,PI,McGrath,8/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108/630 High St,2,u,,SN,Jellis,8/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,34 Rossmoyne St,3,h,920000,S,Jellis,8/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,352A Victoria Rd,3,t,950500,S,Woodards,8/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,90 Woolton Av,3,h,1455000,S,Woodards,8/01/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2 Cross St,5,h,4515000,PI,Kay,8/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/12 Lambert Rd,3,t,1310000,S,hockingstuart,8/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/723 Orrong Rd,3,u,1550000,VB,Marshall,8/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/425 Toorak Rd,2,u,,PI,Jellis,8/01/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/322 Melrose Dr,2,u,470000,SP,Barry,8/01/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,10 Paramount Ct,3,h,732000,S,Barry,8/01/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Shawlands Dr,4,h,780000,SP,Barry,8/01/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1/40 Terrara Rd,4,u,841000,S,Harcourts,8/01/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,235 Hawthorn Rd,4,h,,PI,Ray,8/01/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Dawn Ct,4,h,1140000,VB,Miles,8/01/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Royston St,4,h,900500,S,Fletchers/Fletchers,8/01/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,27 Augusta Wy,5,h,600000,S,Ray,8/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,10 Danaher Av,3,h,390000,S,Ray,8/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,76 Roulston Wy,4,h,590000,S,Barry,8/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,39 Clarence Rd,4,h,975000,S,Jellis,8/01/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Kellaway Ct,4,h,1188888,S,Barry,8/01/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,52 Jenola Pde,5,h,1500000,S,Noel,8/01/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Maringa Cl,5,h,1075000,S,Ray,8/01/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Sally Cl,5,h,,S,Fletchers,8/01/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,151 Cameron Pde,3,h,,PI,Barry,8/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,3 Michelle Av,4,h,760000,PI,Barry,8/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Norman Av,4,h,,PI,Ray,8/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,22 Trist St,3,h,700000,SP,Barry,8/01/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Wattle Glen,4 Warrington Cr,4,h,835000,SP,Mason,8/01/2018,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,20 Harvest Wy,4,h,691000,S,hockingstuart,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Harvest Wy,3,h,,SP,Ray,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Mekong Cl,3,h,420000,S,Barry,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Parker St,2,h,566000,S,Greg,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Selbourne Av,4,h,552000,S,Burns,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8/183 Shaws Rd,2,u,341000,S,Ray,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Trent Cl,3,h,501000,S,Barry,8/01/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/6 Exhibition St,2,h,775000,PI,Jas,8/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,27 Hex St,2,h,790000,SP,Jas,8/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,33 Wattle St,2,h,1300000,VB,Sweeney,8/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,7 Cuthbert Ct,4,h,1700000,VB,Harcourts,8/01/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Nelse Ct,3,h,1100000,S,Harcourts,8/01/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,6 Wildebrand Av,4,h,785000,S,hockingstuart,8/01/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,4 Alma Tce,2,h,1115000,S,Williams,8/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12/77 Dover Rd,2,u,570000,S,RT,8/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,192 Melbourne Rd,3,h,870000,VB,Raine,8/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,151 Nelson Pl,3,h,2400000,VB,S&L,8/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,67 Nelson Pl,4,h,,SP,Greg,8/01/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,68 Hornby St,2,h,1000000,VB,Beller,8/01/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,66 Fulham Wy,3,h,640000,S,HAR,8/01/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,11 Tindales Rd,4,h,520600,S,Stockdale,8/01/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,16 Fulford Rd,3,h,,PI,Jellis,8/01/2018,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,5 Chatswood Pl,3,h,410000,S,hockingstuart,8/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,21 Mermaid Cr,3,h,400000,SP,Barry,8/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,20 Olive Wy,5,h,,VB,Greg,8/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,8 Opala Ct,3,h,416000,S,Sweeney,8/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,15 Yaltara Dr,3,h,,S,hockingstuart,8/01/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,7/6 Borlase St,3,t,745000,S,Buckingham,8/01/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8/6 Borlase St,3,t,655000,S,Buckingham,8/01/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,9 Alice St,2,h,870000,SP,Jas,8/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/119 Gamon St,2,u,495000,SP,Village,8/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Grace St,3,h,1000000,SP,Jas,8/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/13 Stephen St,2,u,410000,SP,Sweeney,8/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/247 Williamstown Rd,3,t,,S,Jas,8/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,47 Nicholson St,3,h,,PI,Biggin,8/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,45 Trenerry Cr,3,h,1800000,SP,Biggin,8/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,132 Vere St,3,h,1000000,SP,Biggin,8/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,12 Beaver St,3,h,,SP,Nelson,8/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,40b Clifton St,3,t,1220000,S,Rendina,8/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,2/65 Clifton St,3,h,1300000,S,Nelson,8/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,3/4 Combermere St,2,h,470000,S,Barry,8/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,48 Bedford St,3,h,872500,S,Nelson,8/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,33 Green St,3,h,720000,S,Brad,8/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,39 Evergreen Av,3,h,500000,S,Sweeney,8/04/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,13/123 Beaconsfield Pde,1,u,1100000,PI,Nelson,8/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,70B Beaconsfield Pde,4,t,,PN,Cayzer,8/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,102 Graham St,3,h,2155000,S,RT,8/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,374 Montague St,3,h,2115000,PI,Marshall,8/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,75 Richardson St,2,h,2810000,S,Greg,8/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,26 Wyalong St,3,h,800000,S,Bells,8/04/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,15 Bank St,3,h,1540000,S,Jellis,8/04/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,7 Cowra St,3,h,840000,SP,hockingstuart,8/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,8 Logan Av,4,h,925000,S,Greg,8/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,3 Duggan Ct,3,h,580000,S,Greg,8/04/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,1 Hammond Ct,3,h,,PI,Barry,8/04/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,378 Queen St,4,h,,SN,Barry,8/04/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,14 Seventh Av,3,h,720000,S,Hunter,8/04/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,26 Suspension St,3,h,731000,S,Barry,8/04/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,49 Denbigh Rd,3,h,,SN,hockingstuart,8/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/15 Egerton Rd,2,u,480000,VB,hockingstuart,8/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,51 Fisher Pde,3,h,,W,Weda,8/04/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6 Munro St,3,h,1435000,S,Nelson,8/04/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,53 Gloucester Rd,2,h,1450000,S,Woodards,8/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2a Liberator St,2,u,925000,S,Jellis,8/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,5 Harcourt St,2,h,1495000,S,Barry,8/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,217 Huntingdale Rd,4,h,1126000,S,Harcourts,8/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/17 May Park Av,4,t,1320000,S,Fletchers,8/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/7 Queens Pde,2,u,822000,S,Marshall,8/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3/5 Yunki Ct,2,t,770000,SP,Buxton,8/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,7 Coleman Rd,4,h,,PI,Hodges,8/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,5 Park Rd,4,h,1320000,S,hockingstuart,8/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,1/10 Peas Hill Ct,4,t,,PI,Stockdale,8/04/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,32 Medfield Av,3,h,835000,S,Nelson,8/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,39 Ridge Dr,3,h,881000,S,Nelson,8/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,47 Wood St,4,h,850000,SP,Moonee,8/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,2/26 Brenbeal St,3,h,,S,Jellis,8/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/18 Clapham St,2,u,,SN,hockingstuart,8/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10A Head St,3,h,1380000,S,Barry,8/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14/8 Parring Rd,3,u,830000,PI,RT,8/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/537 Whitehorse Rd,2,u,850000,S,Noel,8/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,25 Rookwood St,2,h,1900000,S,Noel,8/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/60 Sweyn St,3,t,,PI,Noel,8/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Viewhill Rd,3,h,1911000,S,Ray,8/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,24 Yeneda St,3,h,1922000,S,hockingstuart,8/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,35 Jeanette St,3,h,,SN,K.R.Peters,8/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,6 June Ct,3,h,821700,S,Fletchers,8/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2/19 View Rd,2,u,670000,S,Schroeder,8/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2/5 Elmhurst Rd,3,h,715000,S,Philip,8/04/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield,22 Fieldstone Bvd,4,h,641000,S,O'Brien,8/04/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaconsfield,7 Fieldstone Bvd,4,h,670000,VB,O'Brien,8/04/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,65 Haydens Rd,4,h,,S,Hodges,8/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,125 Oriel Rd,3,h,894000,S,Ray,8/04/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,23 Auckland St,2,h,1100000,VB,Woodards,8/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,28 Campbell St,6,h,2000000,VB,Buxton,8/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,42 Hutchinson St,2,u,710000,S,Woodards,8/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/2 Jasper Rd,2,t,620000,SP,McGrath,8/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,63A London St,3,t,,S,Buxton,8/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,43B South Av,3,u,830000,SP,Buxton,8/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,7 Celia St,3,h,986000,S,Buxton,8/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,961 Centre Rd,3,h,,SP,Jim,8/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,4 Turner St,5,h,536000,S,O'Brien,8/04/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,8/310 Beach Rd,2,u,540000,VB,Thomson,8/04/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,9 Esdale St,4,h,1400000,S,Noel,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5/10 Frankcom St,3,u,870000,S,Fletchers,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5/12 John St,2,u,715000,SP,Woodards,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4 Kalang St,4,h,1723000,S,Noel,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,25 Kerr St,3,h,,SN,Woodards,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,32 Rosalind Cr,3,h,,S,Jellis,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,47 Stanley Gr,2,h,1631000,S,Noel,8/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,34 Brendale Av,4,h,1135500,S,Fletchers,8/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,29 Bridgeford Av,3,h,,SN,Woodards,8/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1 Kurrajong Wy,4,h,1125000,S,Buxton,8/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1 Polydor Pl,3,h,1080000,S,LJ,8/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,2/84 Surrey Rd,2,u,785000,S,Ray,8/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,19 Aldinga St,3,h,1267000,S,Noel,8/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,19 Ayr St,4,h,2100000,S,Buxton,8/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,274 Middleborough Rd,3,h,990000,S,McGrath,8/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,59 Orchard Gr,4,h,,SN,Woodards,8/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,2B Brixton St,3,t,620000,PI,Thomson,8/04/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,4/422 Station St,2,t,520000,SP,hockingstuart,8/04/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,70 Devenish Rd,3,h,747000,PI,Prof.,8/04/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,4/50 Gertonia Av,3,t,660000,S,Philip,8/04/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,4/1 Via Media,3,u,,SN,Woodards,8/04/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/89 Hargreaves Cr,4,h,550000,SP,Biggin,8/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1 Hinkler St,3,h,925000,S,S&L,8/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,3/11 Margaret Cr,3,t,440000,VB,Barry,8/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,16 Menzies St,2,h,760000,S,Douglas,8/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,33 Brickwood St,3,h,2575000,S,Marshall,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,81 Carpenter St,4,t,2900000,VB,Kay,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,161 Church St,5,h,5800000,PI,Castran,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,36 Meek St,3,h,2140000,S,hockingstuart,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Normanby St,3,h,2225000,PI,Nick,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,147 North Rd,2,t,975000,PI,Marshall,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,24 North Rd,4,h,4225000,S,Biggin,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8/20 Yuille St,3,t,2100000,S,Buxton,8/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,52 Glencairn Av,4,h,1950000,VB,Gary,8/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/22 Gleniffer Av,3,u,,SP,Hodges,8/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,696A Hawthorn Rd,3,h,1300000,PI,Woodards,8/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/373 South Rd,3,u,725000,S,Buxton,8/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,14 Dacelo Av,3,h,604000,S,YPA,8/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,110 Waranga Cr,3,h,550000,S,YPA,8/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,5/10 Heather Av,2,u,347500,SP,hockingstuart,8/04/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,4/287 Albion St,1,h,412000,S,Nelson,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/199 Barkly St,1,u,528000,S,Nelson,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Bennie St,3,h,1115000,S,Caine,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,373 Brunswick Rd,3,h,1300000,VB,Nelson,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/15 De Carle St,2,u,320000,S,Ray,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1 Denman St,4,h,1500000,PI,Jellis,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,38 Edward St,3,h,1260000,S,Jellis,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/19 Manallack St,4,h,1210000,SP,Woodards,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,16 Second Av,3,h,1490000,S,Jellis,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Staley St,3,h,1200000,S,Nelson,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/93 Tinning St,1,u,315000,S,Jellis,8/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,164 Blyth St,4,h,1310000,S,Jellis,8/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,17 Lomandra Wky,2,t,,PI,Jellis,8/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7/105 Victoria St,1,u,,S,Nelson,8/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,191 Hope St,3,h,,SN,Ray,8/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6/36 Murray St,2,u,,SN,Walshe,8/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,23 Newman St,3,h,,SP,Jellis,8/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,48 Smith St,3,h,1222000,S,Nelson,8/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,43 Lincoln Dr,3,h,,S,Barry,8/04/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,22 Russell St,3,h,1100000,S,Barry,8/04/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,14 Autumn Ri,3,h,875000,S,Barry,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,80 Betula Av,4,h,943000,S,Ray,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,35 Cabernet Cr,3,h,601000,S,Barry,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,258 Greenhills Rd,3,h,819000,S,Ray,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,42 Greenhills Rd,3,h,650000,S,Ray,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,275 Greenwood Dr,2,h,816000,S,Darren,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,47 Josef Av,3,h,652000,S,Barry,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,14 May St,3,h,680000,SP,Barry,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Milton Pde,3,h,933500,S,Ray,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,19 Murragong Av,3,h,705000,S,Barry,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Norris Cr,3,h,550000,S,Ray,8/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,1/24 Daniel St,3,t,975000,VB,Reed,8/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,68 Somers St,3,h,1465500,S,Buxton,8/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,59 Benwerrin Dr,6,h,1360000,S,Lindellas,8/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1 Cam St,5,h,,S,Fletchers,8/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,22 Davis St,5,h,1750000,PI,Fletchers,8/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Sheraton Cl,4,h,1450000,S,Barry,8/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,5 Federation Wk,4,h,777000,S,FN,8/04/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,2/1 Collings St,3,h,,SP,Woodards,8/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,29 Mabel St,4,h,2216000,S,Fletchers,8/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,21 Radnor St,4,h,2110000,S,Fletchers,8/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/18 Regent St,2,h,855000,S,Woodards,8/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/24 Seville St,2,u,771000,S,Fletchers,8/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/171 Wattle Valley Rd,3,u,905000,S,Prowse,8/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,14 Rubens Gr,5,h,3115000,SP,Fletchers,8/04/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4/69 Wattle Valley Rd,2,u,913000,S,Fletchers,8/04/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,1/2 Drummond St,3,u,1520000,S,hockingstuart,8/04/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,60 Miller St,2,h,1424000,S,Max,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,12/194 Neerim Rd,1,u,285000,S,Anderson,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2 Newman Av,3,h,2000000,S,Gary,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/28 Oakdene Cr,3,t,1076000,S,Ray,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/9 Poplar Gr,1,u,305000,S,Woodards,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/26 Shepparson Av,2,u,425000,S,Lindellas,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/13 St Huberts Rd,2,u,,SN,Thomson,8/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,1 Craig Ct,3,h,610000,SP,hockingstuart,8/04/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,35 Kalimna St,3,h,,S,Buxton,8/04/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,46 Paddington Av,3,h,517000,SP,hockingstuart,8/04/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,11 Szer Wy,3,h,459000,S,Munn,8/04/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,7/1015 Glen Huntly Rd,2,u,,SN,Gary,8/04/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,8/54 Narong Rd,1,u,305000,SP,Gary,8/04/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,17/1 Whitehall Ct,2,u,550000,SP,Gary,8/04/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,67 Ludbrook Av,5,h,1410000,S,Gary,8/04/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,17 Bolwarra St,4,h,,SP,Buxton,8/04/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/2 Jacana St,3,t,,PI,Buxton,8/04/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,4/6 Kelly St,3,u,701000,PI,Ray,8/04/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,118 Power Av,2,h,1100000,S,Beller,8/04/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/23 Stapley Cr,3,t,,SP,Buxton,8/04/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,3/17 Stayner St,2,u,615000,S,hockingstuart,8/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,6/1 Banool St,4,t,1178000,S,O'Brien,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Beachwood Cl,2,u,676000,S,Charlton,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8 Friendship Sq,4,h,1018000,S,Eview,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Kimpton St,3,h,1130000,S,O'Brien,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Oak Av,3,h,1250000,S,O'Brien,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Olympic Av,3,h,1750000,SP,Buxton,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,37 Olympic Av,3,h,1340000,S,Buxton,8/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,50 Jacobs Dr,3,h,801000,S,C21,8/04/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,51 Kallay St,3,h,700000,SP,Jellis,8/04/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,42 Grant St,3,h,1500000,S,Nelson,8/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,101/51 Ramsden St,1,u,538000,S,Jellis,8/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,23 Reillys Wy,2,h,880000,S,Nelson,8/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,15/14 The Esplanade,2,u,641000,S,Jellis,8/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,1/318 Bell St,2,t,,PI,Ray,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/318 Bell St,3,t,,PI,Ray,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/28 Kendall St,2,t,781000,S,hockingstuart,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,41 Linda St,3,h,995000,S,Jellis,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/21 Queen St,2,h,677776,SP,Jellis,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,42 Rodda St,2,h,,SN,Barry,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,99 Rose St,3,h,790000,PI,Brad,8/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,30 Boyne St,6,h,,S,Rendina,8/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,6 Boyne St,4,h,1240000,S,Jellis,8/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,11 focus Dr,2,u,,S,Noel,8/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,38 Galeka St,3,h,875000,S,hockingstuart,8/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,38 Goleen St,3,h,887000,S,Peter,8/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,3A Blanche St,3,t,1308000,S,Jellis,8/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,5/55 Islington St,2,u,,PI,Nelson,8/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,24 Mater St,3,h,,SP,hockingstuart,8/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,1/78 Oxford St,2,t,945000,S,Jellis,8/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,3/108 Smith St,1,u,550000,VB,hockingstuart,8/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,43 Emerald Cct,3,h,421500,SP,Professionals,8/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,61 Flagstaff Lp,3,h,485000,S,Raine,8/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1/35 Hanson Rd,4,t,,PI,Professionals,8/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Holman Av,3,h,,SN,Barry,8/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Kennet Wy,3,h,467000,S,YPA,8/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,31 Kirkbride Wy,5,h,770000,PI,YPA,8/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,25 Dover St,2,h,855000,S,Biggin,8/04/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,12 Clegg Av,2,h,555000,S,Fletchers,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,8 Como Cl,4,h,850000,SP,McGrath,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 Como Cl,3,h,775000,SP,McGrath,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,28 Moore Av,4,h,,SN,McGrath,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6/296 Mt Dandenong Rd,2,u,,SP,Philip,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Railway Cr,3,h,529500,PI,C21,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Richards Av,3,h,766000,S,Philip,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Sevenoaks Av,3,h,,SN,Barry,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/32 Sherlock Rd,2,h,364000,S,Stockdale,8/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,10 Peppermint Pl,4,h,,SP,Fletchers,8/04/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,9 Panorama Dr,3,h,847000,SP,McGrath,8/04/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong North,53 Aberdeen Dr,4,h,673000,S,Del,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1 Fraser St,3,h,460000,S,C21,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,151 Gladstone Rd,3,h,,SN,Barry,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,15 Mollison St,4,h,,SP,Hall,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,24 Murray Rd,5,h,941000,S,Ray,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,84 Neasham Dr,4,h,,SN,Barry,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,18 Wingham St,3,h,685000,S,Win,8/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,10 Deepdene Rd,3,h,2420000,S,Jellis,8/04/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,1 Wood St,3,h,,PI,HAR,8/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,8 Wrexham Ct,3,h,472000,S,HAR,8/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,11 Hutzul Ct,3,h,520000,S,Bells,8/04/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,23 Ingoldsby Ct,3,h,450000,S,Barry,8/04/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,11 Stirling Dr,4,h,725000,S,HAR,8/04/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,5 Bogey Ct,3,h,985000,S,Buxton,8/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,26 Holland Av,3,h,863000,S,Buxton,8/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2 Nambrok Cl,3,h,855000,S,Ray,8/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Newbridge Cl,5,h,1002000,S,Ray,8/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,12 Westbury Ct,5,h,941000,S,Buxton,8/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,909/8 McCrae St,1,u,,PN,Lucas,8/04/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,34 Council St,4,h,1480000,S,Philip,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Ella Ct,4,h,1300000,PI,Ray,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,8 Harcourt St,4,h,1400000,PI,Barry,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,39 Kiewa St,3,h,1542000,S,Barry,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,8 Meadowbank Av,4,t,,S,Fletchers,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,14 Timber Rdg,3,h,,SN,Kelly,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3a Toronto Av,4,h,1740000,S,Jellis,8/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1 Avocet St,6,h,1497000,S,Barry,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5A Corsican Av,5,h,1375000,S,Jellis,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,55 Devon Dr,3,h,1430000,S,Jellis,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Gemini Cl,5,h,1570000,S,Jellis,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Leawarra Cr,5,h,1722000,S,Barry,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Leura St,4,h,1560000,SP,Jellis,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/16 Maxia Rd,4,t,1220000,S,Barry,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,46 McKenzie St,3,h,1350000,S,Ray,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Mimosa Ct,4,h,,SN,Nelson,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,35 Thomas St,4,h,,S,Fletchers,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Twyford Cl,4,h,1480000,S,Barry,8/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,9 Bayles Ct,4,h,1310000,S,Jellis,8/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,4 Drewe Cl,4,h,900000,PI,Ray,8/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,4 Parkville Pl,4,h,1310000,S,Barry,8/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,7 William St,4,h,1110000,PI,VICProp,8/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,28 Bedervale Lp,4,h,557500,S,Ray,8/04/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,8 Liverpool St,4,h,475000,S,Harcourts,8/04/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,146 Power Rd,3,h,460000,S,C21,8/04/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,51 Silverdale Rd,3,h,,SN,Miles,8/04/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,402/166 Wellington Pde,1,u,503000,S,Biggin,8/04/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,2/33 Northcliffe Rd,1,u,350000,PI,Buxton,8/04/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,39/2 Gordon St,1,u,385000,S,Biggin,8/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9/39 Horne St,3,t,850000,VB,Beller,8/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8/37 Victoria St,2,u,740000,SP,Gary,8/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,4 Catherine Ct,5,h,1020000,S,Buckingham,8/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,25B Elsa Ct,4,h,856000,S,Morrison,8/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,14 Laleham Ct,3,h,850000,S,Barry,8/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,101 Napoleon St,3,h,1076000,S,Barry,8/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,19 Quentin Wy,5,h,,PI,Buckingham,8/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,8 Treloar Av,3,h,800000,SP,Barry,8/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,4/88 Addison St,2,u,687000,SP,Biggin,8/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/10 Docker St,2,u,1260000,S,hockingstuart,8/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/167 Glen Huntly Rd,2,u,,SN,Chisholm,8/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/457 St Kilda St,2,u,695000,S,hockingstuart,8/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/115 Tennyson St,2,u,747500,S,Buxton,8/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Emerald,8 Majestic Dr,1,h,596000,S,Stockdale,8/04/2017,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Emerald,43 Meadowview La,5,h,,SP,Stockdale,8/04/2017,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Endeavour Hills,21 Bittern Dr,3,h,,PI,O'Brien,8/04/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,1 Ephcris Ct,3,h,614000,SP,C21,8/04/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,5 Melliodora Ct,3,h,540000,SP,O'Brien,8/04/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,3 Throsby Ct,4,h,625000,SP,O'Brien,8/04/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,1 Columbine Ct,3,h,525000,S,Stockdale,8/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Loughton Av,3,h,551000,SP,hockingstuart,8/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,78 Loxton Tce,3,h,548000,S,Ray,8/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,35 Rockfield St,3,h,,SN,Barry,8/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Trood Pl,3,h,515500,S,Love,8/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1 Daisy St,4,h,1400000,VB,Nelson,8/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Grice Cr,3,h,1000000,S,Nelson,8/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,78 Market St,3,h,1400000,S,Nelson,8/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,59 McCracken St,5,h,2020000,S,Brad,8/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,105/1020 Mt Alexander Rd,2,u,,W,Trimson,8/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,203/964 Mt Alexander Rd,1,u,325000,S,Dingle,8/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,10 Cowper St,4,h,1291000,S,Barry,8/04/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,2/8 Ronald St,2,t,692500,S,Nelson,8/04/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,3/8 Ronald St,2,u,667500,S,Nelson,8/04/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,16 Gordon St,3,h,,S,Jellis,8/04/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3 Brian St,3,h,660000,S,Brad,8/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,29 Jennifer St,3,h,741000,S,Peter,8/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,30 Leighton Cr,3,h,640000,SP,Ray,8/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,33 Somerlayton Cr,3,h,688000,S,Ray,8/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,29 Bales St,4,h,,PI,Barry,8/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2/20 Holme Rd,3,h,631000,S,Ray,8/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,23 Linda Cr,3,h,935000,S,Ray,8/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,6 Lynn Dr,3,h,631000,S,Stockdale,8/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,21 Mason St,4,h,,SN,Barry,8/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,4/31 St Elmo Av,2,u,536250,SP,iTRAK,8/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,60 Argyle St,2,t,1100000,VB,Nelson,8/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,29 Bell St,2,t,1350000,S,Nelson,8/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,442 George St,3,h,,S,Nelson,8/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,320/416 Gore St,2,u,600000,VB,Nelson,8/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,160 Nicholson St,3,h,,SP,Jellis,8/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,56 Westgarth St,3,h,,S,Jellis,8/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,167 Alexandra Pde,2,h,846000,S,Harrington,8/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,80 Michael St,2,h,,S,Nelson,8/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,58 Scotchmer St,2,h,1345000,S,Woodards,8/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,43 Woodside St,2,h,1802500,S,Nelson,8/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,84 Canterbury St,2,h,953000,S,Biggin,8/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,9/72 Princes St,1,u,,PI,Rendina,8/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,11/300 Racecourse Rd,2,u,603000,S,Nelson,8/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,143 Victoria St,3,h,940000,S,hockingstuart,8/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,6 Coral Av,3,h,985000,S,Sweeney,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,22 Hewitt Av,3,t,803000,SP,hockingstuart,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,75 MacPherson St,2,h,885000,S,Jas,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11 Railway Pl,3,h,,SP,Jas,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17/6 Rosamond Rd,2,t,485000,SP,Biggin,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/119 Summerhill Rd,3,t,760000,VB,Jas,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6 The Crescent,3,h,1375000,S,Greg,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,7 The Crescent,3,h,1270000,S,Jas,8/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,3 Beenak Ct,3,h,890000,S,Fletchers,8/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,14 Lyell Wk,3,u,630000,VB,Jellis,8/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,23 Mock St,3,h,1005000,S,hockingstuart,8/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Alfred Pl,3,h,645000,S,hockingstuart,8/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/23 Corio Av,1,u,351000,SP,O'Brien,8/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,7 Nilma Ct,3,h,,SN,Barry,8/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Park St,8,h,1778000,S,hockingstuart,8/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,69 Armata Cr,3,h,596000,S,Ray,8/04/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,12 Baileyana St,4,h,,SN,Barry,8/04/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,2/645 Nepean Hwy,2,u,417000,S,Bowman,8/04/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,3 Lantana Rd,3,h,,S,Biggin,8/04/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,1 Forest Ct,3,h,480000,VB,Brad,8/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,84 The Circuit,3,h,,SN,Barry,8/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,7 Windermere Cr,3,h,533000,SP,Barry,8/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,5/32 Royal Av,2,u,425000,S,Woodards,8/04/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,10/249 Burke Rd,2,u,721000,S,Hooper,8/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Morell St,3,h,1800000,SP,Jellis,8/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/15 Scott Gr,3,t,1253000,S,Abercromby's,8/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,147 Summerhill Rd,2,h,,S,Jellis,8/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,54 Bogong Av,5,h,,PI,Biggin,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7/4 Bolan St,3,h,967000,S,Harcourts,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,67 Brynor Cr,5,h,1820000,S,Jellis,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Buller Dr,5,h,,PI,Fletchers,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/13 Panoramic Gr,2,u,982000,S,hockingstuart,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Parsons Av,4,h,1215000,S,Fletchers,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Ralton Av,6,h,1500000,S,Barry,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/4 Saladin Av,2,u,715000,S,hockingstuart,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Squire Ct,5,h,,SN,Harcourts,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Terama Ct,3,h,,SP,Fletchers,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Torwood Av,4,h,1406000,SP,Jellis,8/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,31 Belair Av,2,h,671000,S,Eview,8/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/17 Finchley Av,3,t,622250,S,Eview,8/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,46 Finchley Av,2,h,800000,S,Stockdale,8/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/143 Melbourne Av,2,t,570000,S,Stockdale,8/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,67 Morley St,3,h,885000,PI,Barry,8/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,3 Birk Ct,3,h,680000,S,Nelson,8/04/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,3 Daffodil Ct,3,h,741000,S,Nelson,8/04/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,3/95 Alexandra St,3,u,680000,VB,Barry,8/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,91 Corowa Cr,3,h,677000,S,Darren,8/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,21 Duncan Av,3,h,677000,S,Barry,8/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,16/8 Grimshaw St,2,u,420000,SP,Darren,8/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/177 Mountain View Rd,2,u,505000,S,hockingstuart,8/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/4 William St,2,u,545000,S,Darren,8/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,85 Clare Bvd,5,h,,SN,Barry,8/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,10 Hesket Ct,4,h,690000,S,Nelson,8/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,18 Chislehurst Rd,3,h,,SP,Kay,8/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/34 Crisp St,2,u,,SN,Nick,8/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,23 Imbros St,4,h,,SN,Nick,8/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,19B Heath Cr,3,t,,PI,Buxton,8/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,4/17 Keiller St,2,u,500000,S,Buxton,8/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,8 Trawalla Ct,3,h,466000,SP,O'Brien,8/04/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,9/10 Brook St,2,u,580000,PI,Fletchers,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/3 Glenroy Rd,1,u,535000,S,hockingstuart,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/33 Hill St,3,u,,S,Woodards,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/9 Lisson Gr,2,u,635000,S,Jellis,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/81 morang Rd,1,u,317500,S,Noel,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17/17 Park St,1,u,160000,VB,HAR,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/39 Park St,1,u,,PI,Woodards,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,28/168 Power St,1,u,360000,PI,Woodards,8/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,18/36 Anderson Rd,3,u,780000,S,Jellis,8/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,12/11 Auburn Gr,2,u,,S,Dingle,8/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/36 Auburn Gr,2,u,500000,SP,Marshall,8/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/26 Redfern Rd,3,t,1264000,S,hockingstuart,8/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1002/480 Riversdale Rd,2,u,1462000,S,Jellis,8/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8/107 Victoria Rd,1,u,440000,S,Jellis,8/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,5/3 Yvonne Ct,2,h,455000,S,Ray,8/04/2017,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,237 Canterbury Rd,3,h,805000,S,Fletchers,8/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,4 Coven Av,4,h,,SN,Barry,8/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,19 Wollahra Pl,3,h,1000000,SP,Barry,8/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,44 Bronte St,3,h,,SN,Miles,8/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,1/119 Brown St,2,u,,S,Nelson,8/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,74 Brown St,3,h,1340000,S,Darren,8/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/76 Porter Rd,3,t,575000,S,Noel,8/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,81 Porter Rd,3,h,,SN,Miles,8/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1 Shelley St,4,h,706000,SP,Nelson,8/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,316 Liberty Pde,2,h,650000,S,Haughton,8/04/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,25 Mulberry Pde,3,h,855000,S,Barry,8/04/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,4/194 Highett Rd,2,u,720000,S,Buxton,8/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,8 Sterling Av,3,h,1420000,S,Buxton,8/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/16 View St,3,t,915000,S,Buxton,8/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,5 Kanmore Cr,4,h,580000,S,Barry,8/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,9 Pembury Wy,4,h,750000,SP,Barry,8/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,9 Baden Dr,3,h,,W,YPA,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Cation Av,4,h,471500,S,hockingstuart,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Davie Cr,4,h,,SN,Barry,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,218 Derrimut Rd,3,h,601000,S,hockingstuart,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,47 Guinane Av,4,h,512000,S,Triwest,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Herbert Av,3,h,,SN,Barry,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Jenni Ct,3,h,,SN,Barry,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,42 Kathleen Cr,3,h,,SN,Barry,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,239 Morris Rd,4,h,700000,S,Greg,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,15 Shearwater Ct,5,h,,PI,hockingstuart,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Warringa Cr,3,h,490000,SP,Sweeney,8/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/65 Carlisle Cr,3,u,720000,S,Barry,8/04/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,3/36 Darling St,3,t,998000,S,Ray,8/04/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,1/120 Ford St,4,t,1355000,S,Jellis,8/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,69 Ford St,3,h,970000,S,Miles,8/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,55 Livingstone St,4,h,1650000,PI,Miles,8/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,39 Thoresby Gr,4,h,3020000,S,Miles,8/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,81 Johnstone St,3,h,485000,SP,Barry,8/04/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,10 Landy Rd,4,h,610000,S,YPA,8/04/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kalkallo,30 Litoria Wy,4,h,448000,S,Ray,8/04/2017,3064,Northern Metropolitan,121,20.6,Hume City Council +Keilor,3 Melville Cl,4,h,700000,S,Nelson,8/04/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,7 Elba Pl,3,h,618000,SP,Crane,8/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,19 Gunsynd Ct,4,h,675000,S,Barry,8/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,38 Heather Av,5,h,1000000,S,Barry,8/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,63 Park Dr,3,h,843000,S,Nelson,8/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,188 Rachelle Rd,3,h,835000,S,Brad,8/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,87A Wyong St,3,h,635000,S,Nelson,8/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,3 Lachlan Ct,4,h,760000,S,Nelson,8/04/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,303/62 Altona St,1,u,355000,SP,Edward,8/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,20 Bradfield La,1,t,425000,SA,Biggin,8/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,217/71 Henry St,2,u,535000,SP,Pagan,8/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,10/2 Howlett St,2,u,500000,S,Edward,8/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,6/87 Earl St,3,t,752000,S,hockingstuart,8/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15 Maitland Av,4,h,,SP,Jellis,8/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,62 Wiltshire Dr,3,t,690000,S,McGrath,8/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,2 Roy Ct,3,h,750000,SP,C,8/04/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,13 Yaralla Ct,3,h,,SN,Barry,8/04/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,355 Taylors Rd,4,h,,SN,Barry,8/04/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Knoxfield,28 Belindavale Dr,4,h,1106000,S,Noel,8/04/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,83 Derrick St,3,h,514000,S,Millership,8/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,195 Kingsway Dr,3,h,,PI,hockingstuart,8/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,15 Mirka Dr,4,h,1027000,S,Melbourne,8/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,23 Monash St,3,h,,PN,YPA,8/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,22 Tripani Av,4,h,,SS,YPA,8/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,10 Vasey Av,3,h,576300,S,Stockdale,8/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,7/39 Main Rd,2,u,522000,S,Fletchers,8/04/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,29 Dunvegan Cr,5,h,1005000,S,Miles,8/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,45 Erksine Rd,3,h,992000,S,Ray,8/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/119 Greensborough Rd,4,h,746000,S,Ray,8/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,10 Hilltop Av,3,h,780000,VB,Miles,8/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,58 Ballarat Rd,4,h,,PI,McGrath,8/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,45 Thomson St,3,h,760000,PI,Biggin,8/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,1/53 Finch St,3,h,,S,Marshall,8/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,24 Kerferd St,4,h,3200000,S,Marshall,8/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2059 Malvern Rd,3,h,1380000,S,Buxton,8/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,25 Virginia Gr,3,h,,SP,Marshall,8/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7/696 Waverley Rd,1,u,267500,S,Ray,8/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,8 Parade Sq,2,t,431000,S,Raine,8/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,203/77 Village Wy,2,u,355000,S,Biggin,8/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,38 Waterford Av,3,h,801000,S,hockingstuart,8/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/66 McKinnon Rd,3,h,,SN,Gary,8/04/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,7 Airley Ct,3,h,386000,S,Nelson,8/04/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,1 Rocklands Ri,4,h,450000,PI,Melbourne,8/04/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,8 Shelbourne Ct,3,h,590000,S,Red,8/04/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,39 Taggerty Cr,3,h,,PN,YPA,8/04/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,601/616 Little Collins St,4,u,1850000,VB,hockingstuart,8/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2208/380 Little Lonsdale St,1,u,333000,SP,Biggin,8/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,37/27 Queens Rd,3,u,850000,PI,RT,8/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,196 Balcombe Rd,2,h,960000,S,Hodges,8/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10 Johnston St,3,h,1125000,S,Buxton,8/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12 Russell Ct,4,h,1575000,S,hockingstuart,8/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,29 Sea Pde,5,h,2100000,SP,hockingstuart,8/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,27 Gael Ct,4,h,455000,SP,RW,8/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Mea Cct,5,h,795000,S,Harcourts,8/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,7 Rowanval Tce,3,h,,PI,Ray,8/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,92 Wellington St,4,h,,PI,Ray,8/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,26 Canterbury Rd,3,h,1420000,S,RT,8/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,81 Carter St,2,h,1335000,S,Greg,8/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,18 Fraser St,4,h,,SP,Marshall,8/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,158 Neville St,2,h,1300000,S,hockingstuart,8/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,6 Allwyn Cr,3,h,462000,S,Ray,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Archer Pl,5,h,716000,S,Harcourts,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Centenary Dr,3,h,709000,S,Harcourts,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Hobson Cr,3,h,,PI,Barry,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Hoddle Ct,3,h,632000,S,Millership,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,55 Kellaway Cr,3,h,645000,S,Love,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Merton Pl,4,h,930000,S,Harcourts,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Namatjira Ct,3,h,691500,SP,Ray,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,11 Stradella Cl,3,h,562000,SP,Stockdale,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Yvonne Cl,4,h,677000,S,Ray,8/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,6 Coppin Cl,2,h,,SN,Noel,8/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,30 Dudley St,4,h,,SN,Noel,8/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,20 Gillies St,4,h,1039000,S,Jellis,8/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Sunshine Av,4,h,,S,Jellis,8/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,17 Valency Ct,4,h,1450000,PI,Noel,8/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1/1 Leopold Cr,2,u,,SP,Kay,8/04/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,1/24 St Johns Av,2,u,820000,S,hockingstuart,8/04/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2/17 Aanensen Ct,3,t,732000,S,Buckingham,8/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/49 Looker Rd,3,h,975000,S,Barry,8/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4/54 Para Rd,3,t,669000,S,Miles,8/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,120 Sackville St,4,h,855000,S,Barry,8/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,907/341 Ascot Vale Rd,2,u,439000,S,Frank,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,75 Bowen St,2,h,1040000,S,Nelson,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,9 Corio St,3,h,1670000,S,Brad,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,47 Derby St,4,h,,S,Rendina,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,99 Eglinton St,4,h,1940000,PI,Frank,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,27/15 Moore St,2,u,560000,PI,Alexkarbon,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,79 Ormond Rd,2,h,940000,S,Brad,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,109 Waverley St,4,h,1515000,S,Nelson,8/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,4/15 Baker St,2,u,,PI,Buxton,8/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6 Cooma St,2,h,1035000,S,McGrath,8/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2A Genoa St,4,t,,PI,Buxton,8/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,28 Grandview Gr,3,h,1321000,S,Charlton,8/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,21 Shirley St,3,h,,PI,Fletchers,8/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,10A Ashmore Av,3,t,,SN,Barry,8/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/34 Chute St,2,u,640000,S,Obrien,8/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,21 Melrose St,3,h,767000,S,Charlton,8/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,63 Scarlet St,3,h,,SN,Barry,8/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,20 Aldrin Dr,5,h,2350000,SP,Jellis,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Dorrington Dr,4,h,1138000,SP,Stockdale,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/3 Emerald St,3,u,870000,S,Barry,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6/300 High Street Rd,2,u,695000,S,hockingstuart,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/523 High Street Rd,3,u,812000,S,Noel,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/20 Kevin St,2,t,732000,S,Ray,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Mayfield Dr,4,h,,PI,Buxton,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Milloo Cr,5,h,2668888,S,Barry,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Olive Av,2,h,765000,S,Buxton,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Purse St,4,h,2055000,S,Jellis,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Rees Ct,3,h,1143000,SP,Harcourts,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Tarella Dr,4,h,1399000,S,Barry,8/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,52 Grantham Tce,4,h,1052000,S,Win,8/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,111 Stadium Cct,5,t,,PN,Barry,8/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,96 Wanda St,3,h,952000,S,Ray,8/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,24 Wattle Gr,4,h,,SN,Biggin,8/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3/15 Sydney St,1,u,,S,Buxton,8/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/13 Walker St,2,h,707000,S,Gary,8/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,4 Eaton Pl,3,h,,PI,Barry,8/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,3 Savile Pl,5,h,,PI,FN,8/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +New Gisborne,221 Govans La,3,h,,PI,RT,8/04/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,58 Alma Tce,3,h,1530000,S,Greg,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,298 Douglas Pde,3,h,1400000,SP,Raine,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,12 Durkin St,3,h,1200000,S,Williams,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Elgin St,3,h,1325500,S,hockingstuart,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,56 Hall St,2,h,890000,S,Sweeney,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,9 Laurie St,4,h,1120000,S,hockingstuart,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,188 Mason St,4,h,,VB,Jas,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,5/58 Mason St,2,u,497000,S,Williams,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,10A Railway Pde,3,h,,SN,Village,8/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,21 Ryder St,3,h,810000,S,Barry,8/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,60 Teague St,3,h,1200000,S,Brad,8/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,24 The Avenue,3,h,850000,PI,Barry,8/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,50 Cosier Dr,3,h,596000,S,Hall,8/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,101/720 Queensberry St,1,u,,SP,Marshall,8/04/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,301/720 Queensberry St,3,u,,W,YPA,8/04/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,2/19 Glanfield St,2,h,695000,S,Barry,8/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16/341 Heidelberg Rd,2,u,420000,VB,McGrath,8/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,50 Herbert St,3,h,1300000,SP,Jellis,8/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23A Johnson St,2,h,995000,PI,Purplebricks,8/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,10 Patterson St,3,h,1400000,S,Barry,8/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,22A Sunnyside Av,2,h,655000,PI,Ray,8/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/31 Wood St,2,u,740000,SP,Schroeder,8/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1 Ash Gr,3,h,955000,S,Considine,8/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,6 The Avenue,3,u,601000,SP,Barry,8/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,126A Winifred St,3,h,755000,SP,Eview,8/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,101 Atkinson St,4,h,2525000,S,Barry,8/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,12 Watsonia St,4,h,1615000,S,Woodards,8/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,41 Fairland Av,3,h,938000,S,Ray,8/04/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/9 Kaybrook Ct,3,t,825000,S,Buxton,8/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,8 Lido Ct,3,h,770000,S,C21,8/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,272 Warrigal Rd,3,h,985100,S,Gary,8/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,39 Draper St,5,h,2250000,S,Buxton,8/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,6/16 Walsh St,2,u,437500,S,Woodards,8/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/44 Wheeler St,3,t,,SP,Buxton,8/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,9 Imes St,3,h,1260000,S,hockingstuart,8/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/31 Lawborough Av,3,t,876000,S,O'Brien,8/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,12 McSwain St,3,h,1015000,S,Buxton,8/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,75 Rennison St,3,h,1450000,PI,Buxton,8/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,14 Third St,4,h,1615000,S,hockingstuart,8/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2 Ann St,2,h,999000,S,Nelson,8/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8 Braeside St,3,h,800000,SP,Nelson,8/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,115 Derby St,4,h,800000,S,Nelson,8/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,147 Derby St,3,h,806000,SP,Brad,8/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,16a Joffre Rd,3,h,650000,SP,Nelson,8/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,18 Windsor St,3,h,,PI,hockingstuart,8/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,25 Bliss St,4,h,600000,S,hockingstuart,8/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Fremantle Cl,4,h,595000,S,hockingstuart,8/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,14 Sunnybank Dr,3,h,670000,S,Ray,8/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,7/12 Barlow St,2,h,,S,Marshall,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,32 Derham St,3,h,,SN,Chisholm,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,317/99 Dow St,2,u,520000,VB,Buxton,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,138 Farrell St,3,h,,S,Marshall,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,18/8 Graham St,3,u,,SN,Biggin,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,342 Howe Pde,2,h,1332000,S,Greg,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,301/115 Nott St,2,h,801000,S,Greg,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,201/54 Nott St,2,u,,SP,Cayzer,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,133 Station St,3,h,,S,Marshall,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,203 Station St,3,h,2400000,S,Greg,8/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,70A Chatsworth Rd,3,h,,SP,Abercromby's,8/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,111 Chomley St,2,h,1305000,SP,Gary,8/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,911/15 Clifton St,2,u,,SN,Harcourts,8/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1 Closeburn Av,3,h,2250000,PI,Noel,8/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,208/11 Hillingdon Pl,1,u,550000,S,Biggin,8/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2 Bruce St,2,h,2000000,PI,McGrath,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Devon St,3,h,1045000,S,Nelson,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Leicester St,3,h,1121000,S,Barry,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,60 Miller St,3,h,,SP,Nelson,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/15 Percival St,3,u,715000,S,hockingstuart,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Tasman St,2,h,,SN,Nicholson,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,263 Tyler St,4,h,1200000,S,RW,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,321 Tyler St,2,h,,SN,Barry,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,53 William St,3,h,917500,S,Nelson,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,9 Willow St,4,h,,S,Jellis,8/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4/27 Allenby Av,2,u,511000,S,Love,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1m Bonview St,3,t,663500,S,Nelson,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Carson St,3,h,665000,S,Love,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/4 Kenilworth St,3,u,631000,S,Barry,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/9 Loddon Av,3,t,668000,S,Ray,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Mais St,4,h,905000,S,hockingstuart,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,33 McMahon Rd,5,h,845000,S,RW,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/138 Rathcown Rd,3,t,815000,S,Barry,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Tovey St,4,h,770000,S,Ray,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,37 Vale St,2,h,935000,S,Love,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Wilson Bvd,3,h,610000,S,Barry,8/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,7 Barkly Av,3,h,1510000,S,Jellis,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,213/253 Bridge Rd,1,u,370000,SP,Biggin,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,308/633 Church St,3,u,790000,SP,Biggin,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29 Gipps St,3,h,1400000,VB,Nelson,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8/12 Howard St,1,u,485000,SP,Biggin,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,307/18 Hull St,2,u,500000,VB,Jellis,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/2 Little Kent St,2,t,1090000,S,Fletchers,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,113A Richmond Tce,3,h,1785000,S,hockingstuart,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,106/59 Stawell St,2,u,560000,PI,Ray,8/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/5 Barkly St,2,u,543000,S,Ray,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,44 Ford St,3,h,1125000,S,Carter,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Junction St,4,h,1110000,S,Philip,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,89 Kalinda Rd,6,h,1100000,SP,Fletchers,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,21 Sonia St,3,h,960000,S,Fletchers,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/22 Thomas St,2,u,520000,VB,Purplebricks,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,15 Wilana St,4,h,1523000,S,Philip,8/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,133 Bedford Rd,3,h,660000,S,C21,8/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,8 Lillis Ct,3,h,,SN,Barry,8/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,19 Mirabel Av,3,h,932000,S,hockingstuart,8/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,33 Lockhart Rd,3,h,875000,SP,Barry,8/04/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rockbank,4 Shearer Wy,3,h,,PI,YPA,8/04/2017,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,4/26 Arden Cr,3,u,888500,S,Miles,8/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,154 Grandview Gr,4,h,1380000,S,Fletchers,8/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/14 Jolliffe Cr,3,t,810000,VB,Miles,8/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1 Nagle Ct,4,h,,PN,Miles,8/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,10 Bark Av,3,h,845000,S,Ray,8/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,60 Sandover Dr,3,h,479000,S,YPA,8/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,125 Bay Rd,3,h,,S,Hodges,8/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,6 Miller St,3,h,,PN,Charlton,8/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/10 Pellew St,2,u,756500,S,McGrath,8/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,11A Spring St,2,h,975000,S,Hodges,8/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,24 Wattleview Ri,4,h,1020000,S,One,8/04/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,47 Boonong Av,3,h,630500,S,Aquire,8/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2/46 Seaford Rd,3,u,,PN,LJ,8/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Kingsville,1/176 Blackshaws Rd,3,t,,PI,hockingstuart,8/04/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,1/83 Greene St,3,h,905000,S,Jas,8/04/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,4/80 Saltley St,2,h,,SP,Greg,8/04/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,8/192 Cecil St,1,u,460000,S,hockingstuart,8/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,257A Moray St,3,h,,S,Greg,8/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,5 Park Pl,2,u,650000,VB,hockingstuart,8/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,4 Allan Av,5,h,,PI,Barry,8/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,20 Elysee Av,4,h,701000,SP,Harcourts,8/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Fuschia Gr,4,h,500000,S,Love,8/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,53 Jardier Tce,3,h,,SN,Barry,8/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Moremi Pl,4,h,715000,S,Harcourts,8/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,12 Affleck St,3,h,,SP,Biggin,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/52 Caroline St,1,u,410000,S,hockingstuart,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/14 Cromwell Rd,2,u,499000,S,hockingstuart,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10 Fawkner St,4,h,,S,Williams,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19 Fitzgerald St,3,h,,S,Kay,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,14 Moore St,2,h,1214000,S,hockingstuart,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,27a Nicholson St,3,t,,SN,Kay,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/384 Toorak Rd,2,u,485000,PI,Biggin,8/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2402/163 City Rd,2,u,505000,S,Dixon,8/04/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,4/5 Miles St,2,u,595000,S,RT,8/04/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,51/88 Wells St,2,u,580000,VB,MICM,8/04/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,50 Hick St,3,h,1320000,S,Jas,8/04/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,4/36 Robert St,1,u,380000,S,Jas,8/04/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,2 Ashdale Ct,4,h,895000,S,iSell,8/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,14 Billing St,3,h,,SN,LJ,8/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,3 Davidson St,3,h,890000,SP,Leyton,8/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,11 Rosa Av,3,h,840000,S,iSell,8/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,22 Springvale Rd,3,h,,SN,Barry,8/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,16 Whiteside St,5,h,830000,S,C21,8/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,47 Myrtle St,3,h,680000,S,iSell,8/04/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,86 Alfrieda St,3,h,1650000,SP,Ray,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Breydon Ct,3,h,591000,SP,Ray,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,90 East Esplanade,3,h,601000,S,O'Brien,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5 Elissa Wy,5,h,,W,Prof.,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,33 Glyndon Av,3,h,421000,PI,GL,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,19 Henry St,3,h,,SN,Barry,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/59 Perrett Av,3,u,438000,S,O'Brien,8/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,22/3 Alfred Sq,1,u,520000,S,hockingstuart,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/52 Alma Rd,1,u,320000,VB,hockingstuart,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,13/220 Barkly St,2,u,610500,SP,Buxton,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,22/14 Crimea St,1,u,350000,VB,hockingstuart,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,23A Havelock St,2,h,1120000,S,hockingstuart,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11 Kipling St,3,h,,SN,McGrath,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,23A Octavia St,3,h,1450000,VB,hockingstuart,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3 Steele Av,2,h,1050000,S,Marshall,8/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,31A First Av,3,h,750000,VB,Brad,8/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,8 Jones Ct,3,h,1021000,S,Considine,8/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,12 Loeman St,3,t,925000,S,Frank,8/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,186 Mascoma St,5,h,910000,SP,Brad,8/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,23a Mascoma St,4,h,1225000,S,Considine,8/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,47 Melissa St,3,h,,S,Brad,8/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,42 Lalor Cr,5,h,,PI,Barry,8/04/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,14 Baker St,4,h,760000,S,Douglas,8/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 Colin St,4,h,990000,S,FN,8/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,10 Dundalk St,3,h,651500,S,Barry,8/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/14 Rawson Av,3,h,600000,S,Barry,8/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,4 Godfrey Av,3,h,660000,PI,Bells,8/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1 Metherall St,4,h,630000,S,Barry,8/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,12 Simpson St,3,h,,PI,Village,8/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,19 Buckingham Cr,3,h,660000,S,Barry,8/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,7 Foxcroft Ct,3,h,511000,S,Barry,8/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/10 Fremont Pde,4,h,515000,SP,Brad,8/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,27 Warmington Rd,3,h,530000,S,Barry,8/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,17 Kent Rd,4,h,,S,Marshall,8/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,2 Governor Cl,3,h,510000,SP,Greg,8/04/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,22 Mintarra Rd,4,h,542500,S,Ray,8/04/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,44 Ultimo Wk,4,h,675500,S,Prof.,8/04/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,14 Honeyeater Cr,4,h,602500,S,Barry,8/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,30 Reed Cr,4,h,,SP,Barry,8/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,11 Caminole Wyn,4,h,1210000,S,Philip,8/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/5 Heysham Wy,3,t,980000,S,Woodards,8/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Larnaca Ct,4,h,2150000,S,Barry,8/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,10 Mossdale Ct,4,h,1185000,S,Jellis,8/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,254 Serpells Rd,4,h,1505000,S,Philip,8/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,8 Esther St,3,t,950000,VB,hockingstuart,8/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4 Michael St,3,h,1370000,S,Barry,8/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,4 Bridgewater Gr,4,h,,SN,Barry,8/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,18 Cleveland St,3,h,534000,S,Love,8/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,26/90 Edgars Rd,3,t,368000,S,Harcourts,8/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,129 Collins St,3,h,1345000,S,Love,8/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,104 Mansfield St,3,h,1080000,S,Miles,8/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,42 Newman St,5,h,,S,Nelson,8/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,145 Shaftesbury Pde,3,h,1195000,S,Love,8/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/2 Strettle St,2,u,716000,S,Love,8/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,7/49 Bruce St,2,u,867000,S,Jellis,8/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,18/76 Mathoura Rd,1,u,552000,S,Nelson,8/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9/723 Orrong Rd,2,u,655000,S,Rodney,8/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/3 Tahara Rd,3,u,840000,S,hockingstuart,8/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/619 Toorak Rd,2,u,1010000,PI,Marshall,8/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,27 Victoria St,4,h,510000,S,RW,8/04/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Vermont,13 Andrew St,3,h,,SN,Woodards,8/04/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3A Cantley La,3,h,,PN,Philip,8/04/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,2 Overland Dr,3,h,1260000,S,Barry,8/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,27 Torwood Dr,4,h,1225000,S,JRW,8/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,23 Kuranga Rd,4,h,1140000,S,Miles,8/04/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,3 Albany Ct,4,h,835000,SP,Fletchers,8/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Merivale Dr,4,h,,SN,Barry,8/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,3 Roxburgh Rd,3,h,885000,S,LJ,8/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,8 Hassett Ct,4,h,960000,S,Harcourts,8/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,37 Ireland Av,4,h,,SP,Barry,8/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2a Kingsford St,4,u,822000,S,Ray,8/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,16 Binglebay Av,4,h,,PI,Ray,8/04/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,12 Black St,4,h,952000,S,Barry,8/04/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,2/42 Wattle Dr,3,h,677500,S,Buckingham,8/04/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,22 Advent Rd,4,h,,W,YPA,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,52a Cottrell St,3,u,390000,PI,YPA,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,19 Jacqueline Cl,3,h,637500,S,Ray,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Otway Ct,3,h,,SP,Biggin,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Shoalhaven St,4,h,462000,S,YPA,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2 Slattery St,4,h,615000,S,YPA,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Westminster Dr,3,h,431000,S,YPA,8/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,14 Ashley St,4,h,,SN,Village,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2/663 Barkly St,3,u,580000,SP,Jas,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4/667 Barkly St,1,u,375000,S,Burnham,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,17 Braid St,2,h,650000,VB,Sweeney,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,17/24 Dongola Rd,3,t,815000,S,McGrath,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,10 Neil St,4,h,970000,PI,Biggin,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,120 Rupert St,4,h,,SN,Village,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,15 Rupert St,4,h,1325000,S,hockingstuart,8/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,68 Bamford Av,3,h,,SN,Barry,8/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,59 Raleigh St,2,h,607000,S,Stockdale,8/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,16 Turner St,3,h,,SN,Stockdale,8/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,4/32 Grandview Rd,3,t,,PI,Biggin,8/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,2/77 Dover Rd,2,u,543000,S,Williams,8/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Princes St,3,h,1150000,SP,Jas,8/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,35 Railway Pl,3,h,1290000,S,RT,8/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,5/46 Kororoit Creek Rd,2,u,546000,S,Williams,8/04/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,2/60 Kororoit Creek Rd,3,t,670000,VB,Jas,8/04/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,5 Nicosia Ct,3,h,1070000,PI,Williams,8/04/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,14/27 Lewisham Rd,2,u,585000,S,hockingstuart,8/04/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,1 Banjo Cl,3,h,360000,SP,hockingstuart,8/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,2 Ligures St,4,h,,PI,Harcourts,8/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,36 Phoenix Cct,4,h,693500,S,hockingstuart,8/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,33 Charlotte Cr,3,h,440000,SP,Triwest,8/04/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,100 Honour Av,3,h,415000,S,hockingstuart,8/04/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,24 Bimbadeen Cr,4,h,,PI,Buckingham,8/04/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,15 Freame St,2,h,1196000,S,Greg,8/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/17 Gordon Pde,2,h,470000,S,Sweeney,8/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14 Lennox St,3,h,1131500,SP,Jas,8/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,73 Ofarrell St,3,h,,PI,Village,8/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,54 Tongue St,4,h,2035000,S,Jas,8/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,29 Wilson St,3,h,935000,S,Jas,8/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,48 Marine Pde,3,h,,PI,Biggin,8/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,3 Paterson St,2,h,,S,Biggin,8/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,21/659 Victoria St,2,u,550000,S,hockingstuart,8/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,3/26 Highridge Cr,3,u,670000,S,Nelson,8/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,16 Greig St,4,h,3560000,S,Greg,8/07/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,25 Merton St,4,h,,PI,Marshall,8/07/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,20A McBain St,4,t,1155000,SP,hockingstuart,8/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,46 Chambers Rd,5,h,1500000,PI,Greg,8/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,22 Knapp St,4,h,1030000,PI,hockingstuart,8/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,8A Mahon Av,4,h,985000,S,Williams,8/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,9 Beatty Av,2,h,,SP,WHITEFOX,8/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,16/1 Clendon Rd,1,u,,PN,Thomson,8/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,71/503 Orrong Rd,3,u,1200000,VB,Gary,8/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,10 North St,2,h,,S,Barry,8/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,21 Walter St,2,h,1130000,S,Brad,8/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,9 Poulter St,3,h,,PI,Buxton,8/07/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Avondale Heights,29 Brentwood Dr,3,h,820000,S,Moonee,8/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,107 North Rd,3,h,680000,VB,FN,8/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,6 Ridley Av,3,h,720000,PI,Harcourts,8/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,132 Templewood Cr,3,h,1107500,S,Nelson,8/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,4 Lidgett St,3,h,285000,S,Ryder,8/07/2017,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,21/54 Balston St,1,u,328500,S,hockingstuart,8/07/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1/6 Ruby St,3,t,1270000,PI,VICProp,8/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1/48 Kenny St,4,t,1575000,SA,Fletchers,8/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,212/3 Tannock St,2,u,580000,VB,Fletchers,8/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,15 Edinburgh Rd,5,h,900000,S,LJ,8/07/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,85 Farnham Rd,4,h,,SP,Barry,8/07/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/20 Kumala Rd,2,u,520000,S,Ray,8/07/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,9/5 Alfred St,2,u,641000,PI,Purplebricks,8/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,4/463 South Rd,2,u,380000,PI,Hodges,8/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,9a Lois Ct,4,t,,S,Buxton,8/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,9 Geranium Ct,4,h,920000,S,Peake,8/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,9 Sunview Pl,4,h,950000,SA,Eview,8/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,4 Patricia Rd,3,h,,SN,Noel,8/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/43 The Ridge,2,u,485000,S,Barry,8/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,9 Esta St,3,h,,SN,Parkes,8/07/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,24 Sylvia St,3,h,1291000,S,Barry,8/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,8 Darwin Rd,3,h,775000,S,Ray,8/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,34 Russell Cr,4,h,820000,S,Philip,8/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,43 Rose St,5,h,2285000,S,Lindellas,8/07/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,14 Enderby Ct,3,h,797000,S,Douglas,8/07/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,10 Menzies St,5,h,760000,S,Biggin,8/07/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1 Walker Pl,2,h,590000,S,hockingstuart,8/07/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,10/32 Outer Cr,3,u,1180000,VB,Buxton,8/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1/3 Gleniffer Av,2,u,585000,PI,Buxton,8/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,90 Thomas St,4,h,1580000,PI,Jellis,8/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2/52 Jacana Av,2,h,373000,S,Raine,8/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,8 Katandra Cr,3,h,460000,S,YPA,8/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,48 Walsh St,3,h,386000,S,hockingstuart,8/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,3/49 Stenhouse Av,2,u,515000,SP,hockingstuart,8/07/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,9 Blyth St,4,h,1515000,S,Jellis,8/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,37 Fourth Av,3,h,1037000,S,Nelson,8/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6 Gregory St,3,h,1100000,PI,Jellis,8/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,219 Glenlyon Rd,3,h,1330000,PI,Woodards,8/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,63 Harrison St,3,t,937000,SP,Jellis,8/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,302/218 Lygon St,1,u,290000,VB,Dingle,8/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,5/23 McLean St,2,t,612000,S,Jellis,8/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,7/6 Di Palma Pl,3,t,716000,S,Barry,8/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Norwood Ct,3,h,730000,S,Barry,8/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,71 Wallara Cr,3,h,660000,S,Buckingham,8/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,14 Cumming St,3,h,1530000,S,Buxton,8/07/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,389 Blackburn Rd,3,h,1150000,S,Ray,8/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1 Sartori St,4,h,1600000,S,Fletchers,8/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,2 Gumleaf Ct,3,h,636000,S,YPA,8/07/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,5/26 Cornell St,2,u,755000,S,hockingstuart,8/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1088 Toorak Rd,8,h,2200000,PI,Ross,8/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carnegie,11 Beena Av,3,h,1530000,SP,Woodards,8/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/17 Cosy Gum Rd,2,u,750000,S,Thomson,8/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/12 Judith St,1,u,286000,PI,Gary,8/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/177 Oakleigh Rd,2,u,580010,SP,hockingstuart,8/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/108 Truganini Rd,4,t,1250000,S,hockingstuart,8/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,2 Cranwell Sq,3,t,430000,S,O'Brien,8/07/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,5/1 Dargi Grn,3,t,360000,SA,O'Brien,8/07/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,20 Hawksbury Grn,4,h,740000,S,Barry,8/07/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,40 Whimbrel Cr,4,h,647000,S,Harcourts,8/07/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,3/180 Sycamore St,2,u,636500,S,Woodards,8/07/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,10 Gateway Cl,3,t,,S,Buxton,8/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/11 Hiscock St,3,t,930000,S,Ray,8/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/1 Woonah St,3,u,,S,Buxton,8/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,10 Dennington La,3,h,1000000,VB,hockingstuart,8/07/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Clarinda,7 Camdale St,3,h,,W,Ray,8/07/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,6 Harlington St,3,h,1018000,S,C21,8/07/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Coburg,251 Bell St,2,h,760000,S,Nelson,8/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5A Hardwick St,2,t,876000,S,Woodards,8/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,82a Ross St,3,t,780000,S,Barry,8/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3 Alexander Av,1,h,867000,S,Raine,8/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,6/13 Alexander St,1,u,365000,SP,Jellis,8/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,30 Alexander St,3,h,1297000,S,Dixon,8/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,9/108 Cambridge St,2,u,,SN,Harrington,8/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,157 Hotham St,3,t,,SP,Jellis,8/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,11 Nareen Av,4,h,515000,S,Barry,8/07/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,15 Kensley Cct,5,h,,PI,Barry,8/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,5 Aspera Pl,4,h,670000,S,Eview,8/07/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,30 Allendale Rd,5,h,865000,PI,Ray,8/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,21 Dixon Av,4,h,760000,SP,Barry,8/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,434 Dorset Rd,3,h,725000,S,Stockdale,8/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,22 Glen Av,4,h,,PI,McGrath,8/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5/15 Leigh Rd,2,t,480000,S,Ray,8/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,21 Taylors Rd,4,h,1120000,S,Barry,8/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong North,2 Chifley Cr,3,h,465000,S,Del,8/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,24 Crawford Av,4,h,614000,S,Hall,8/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,13 Darwin St,3,h,,PI,C21,8/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,7/160 Gladstone Rd,3,u,,SN,Biggin,8/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,64 Waranga St,4,h,930000,S,Hodges,8/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,13 Cavendish Dr,3,h,557000,S,Barry,8/07/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,12 Melissa Nk,5,h,771000,S,Stockdale,8/07/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,13 Poole St,3,h,650000,PI,Barry,8/07/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,1 Belvoir Gdns,4,h,750000,VB,Douglas,8/07/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,2 Cormorant Pl,3,h,806000,S,Buxton,8/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Marjorie Av,3,h,892000,S,Buxton,8/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,54 Rhoda St,3,h,,S,Buxton,8/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,67 Hampshire Rd,3,h,1345000,S,Jellis,8/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,103 High St,4,h,1430000,S,Ray,8/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,10 Margot Av,4,h,1663000,S,Philip,8/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,20 Dianne St,4,h,1310000,S,Barry,8/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,100 George St,4,h,,S,Jellis,8/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Monet Ct,3,h,1530000,PI,Barry,8/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,26 Octantis St,4,h,1390000,S,Barry,8/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Raven St,3,h,1423000,S,Ray,8/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6/5 Sunray Ct,2,t,630000,PI,Sell,8/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,3 Acacia St,3,h,,PI,Hall,8/07/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,129 Banksia St,3,h,1300000,VB,Nelson,8/07/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,515/133 Jolimont Rd,1,u,121000,PI,Dixon,8/07/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,408/166 Wellington Pde,1,u,,W,Caine,8/07/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,96 Berry Av,5,h,1260000,SP,O'Brien,8/07/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,22a Field Av,3,u,740000,PI,hockingstuart,8/07/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,6/17 Silver St,3,h,655000,S,Barry,8/07/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,28 Weidlich Rd,4,h,792000,S,Barry,8/07/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,206/35 Ormond Rd,1,u,435000,S,Wilson,8/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/4 Poets Gr,1,u,350000,VB,Chisholm,8/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,8 Efficient St,3,h,490000,SP,Ristic,8/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,27 Hammond Dr,3,h,490000,SP,Ristic,8/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6/7 Houston St,3,u,392250,S,Harcourts,8/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/8 Zurzolo Tce,2,h,417500,S,Harcourts,8/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,20 Butler St,3,h,1000000,VB,Nelson,8/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9/44 Fletcher St,1,u,310000,SP,Considine,8/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Gordon St,3,h,1398000,SP,Barry,8/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Ferntree Gully,3 Butlers Rd,3,h,,PN,Appleby,8/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2 Clendon Rd,3,t,664000,S,Ray,8/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2 Francis Cr,3,t,1900000,PI,LJ,8/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,502/416 Gore St,2,u,790000,S,Nelson,8/07/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,604/353 Napier St,2,u,830000,S,Jellis,8/07/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,307/185 Rose St,1,u,456000,SP,hockingstuart,8/07/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Flemington,14 Clarence St,2,h,1000000,SP,Nelson,8/07/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,7/37 Ballarat Rd,2,t,600000,S,Compton,8/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/5 Saltriver Pl,3,t,800000,S,Village,8/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,87 Aquarius Dr,3,h,565000,S,O'Brien,8/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,14 Hoadley Av,3,h,810000,S,Ash,8/07/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,19 Osborne Av,4,h,749000,SP,Barry,8/07/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13/11 Belmont Av,1,u,260000,PI,Woodards,8/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/15 Belmont Av,1,u,330000,SP,Thomson,8/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11/62 Edgar St N,2,u,501000,S,Jellis,8/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,15 Alimar Rd,3,h,1908000,S,Barry,8/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,53 Botanic Dr,3,h,,SN,JY,8/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Crocus Cr,3,h,,PI,Biggin,8/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Dorset St,3,h,1070000,S,Harcourts,8/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/17 Stanton Ct,4,u,,SN,Harcourts,8/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/1 Summit Cr,3,u,,PI,Ray,8/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,58 Bindi St,4,h,700000,S,RW,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,34 Glenroy Rd,3,h,805000,S,Raine,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,155 Hilton St,3,h,721000,S,Barry,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,109 Paget Av,3,h,,SP,Barry,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/71 Station Rd,2,t,400000,VB,Nelson,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,270 West St,2,h,675000,S,Eview,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/8 York St,4,t,656000,S,Barry,8/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,53 Narbethong Dr,3,h,866000,S,hockingstuart,8/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/11 Stubley Ct,3,t,,SP,Barry,8/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Vabiro Ct,3,h,,SP,Buckingham,8/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Wolangi Ct,4,h,1028000,S,Morrison,8/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,1/29 Elgin Rd,3,t,495000,S,Nelson,8/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,23 Fraserburgh Cr,4,h,783000,S,Barry,8/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,4 Lysterfield Dr,5,h,800000,SP,LJ,8/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,9 Bond St,3,h,735000,S,Eview,8/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,3A Neil St,2,t,595000,S,Eview,8/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,28A North St,2,t,539000,S,Barry,8/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,87 Frawley Rd,3,h,1300000,SP,Eview,8/07/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,7/4 Small St,1,u,580000,SP,Hodges,8/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3/8 Eldon Ct,2,t,771000,S,McGrath,8/07/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,75 Pound Rd,4,h,622000,SP,FN,8/07/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hampton Park,6 The Mews,3,h,400000,PI,Stockdale,8/07/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,5/29 Bell St,1,u,455000,S,Jellis,8/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/1091 Burke Rd,2,u,615888,SP,Marshall,8/07/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,100 Buckingham Dr,4,h,1430000,VB,Miles,8/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,7/74 Hawdon St,2,u,534000,S,Miles,8/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,12 Achilles St,3,h,575500,S,Miles,8/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,37 Buna St,3,h,600000,VB,Haughton,8/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,5/459 Waterdale Rd,2,u,445000,VB,Miles,8/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,44 Graham Rd,3,h,1430000,SP,Buxton,8/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,33 Haynes St,4,h,1820000,S,hockingstuart,8/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,19 Wolviston Av,4,h,660000,S,Barry,8/07/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hughesdale,40 Canterbury St,5,h,1475000,S,Woodards,8/07/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,2/25 Latrobe St,2,u,641000,S,Woodards,8/07/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,49 Carn Av,5,h,2100000,PI,Upper,8/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,62 Hawker St,3,h,1510000,S,Nelson,8/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/40 Magnolia Rd,3,u,880000,VB,Barry,8/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,207 Waterdale Rd,2,h,1320000,S,Miles,8/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,17 Fidge Ct,2,h,575500,S,RW,8/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,20 Hopkins Av,3,h,775000,S,Daniel,8/07/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,37 Parramatta Rd,4,h,635000,S,Nelson,8/07/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,14 Carbine Wy,3,h,675000,S,Ray,8/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,131 Odessa Av,3,h,620000,S,Barry,8/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,71 Nyah St,5,h,1005000,SA,Nelson,8/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3A Warren Ct,4,t,710000,S,Barry,8/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,4 Eaglefarm Ct,3,h,655000,S,Barry,8/07/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,39 Flinders St,3,h,700000,S,Nelson,8/07/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,2/12 Randwick Dr,3,h,635000,PI,Nelson,8/07/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,112/86 Altona St,2,u,438000,S,Pagan,8/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,101/18 Bent St,2,u,710000,VB,Alexkarbon,8/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,14/8 Mawbey St,1,u,390000,SP,Edward,8/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,109/102 Rankins Rd,1,u,410000,PI,Rendina,8/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1/1203 Burke Rd,3,t,1205000,S,Xynergy,8/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,88 Gladstone St,3,h,1410000,PI,Noel,8/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9/78 Walpole St,1,u,520000,S,Nelson,8/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,19 Denmark Rd,5,h,1100000,PI,VicHomes,8/07/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,42 Byron Rd,3,h,811000,SA,Barry,8/07/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kooyong,6/723 Toorak Rd,2,u,,W,Rodney,8/07/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,3 Currawong Av,3,h,,SN,Ray,8/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,23 Cyprus St,3,h,710500,S,Barry,8/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,18 Howell St,3,h,752000,S,hockingstuart,8/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,17 Menzies Pde,3,h,622000,S,Ray,8/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,11 Lang Rd,3,h,500000,S,C21,8/07/2017,3910,Eastern Victoria,8743,41,Frankston City Council +MacLeod,5/105 Torbay St,2,u,611000,S,Darren,8/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/1 Clarendon St,3,t,650000,PI,Jas,8/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,19/8 Crefden St,2,u,435000,S,Biggin,8/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,35 Lindenow St,3,h,876000,S,Biggin,8/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4/30 Finlayson St,1,u,338000,SP,hockingstuart,8/07/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,25/997 Dandenong Rd,2,u,370000,S,Ray,8/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,8 Mitchell St,4,h,1340000,S,hockingstuart,8/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,101/10 Station Av,3,u,,SP,Steller,8/07/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,10 Castella Ct,3,h,450000,SP,Barry,8/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,23 Goodenia Cl,3,h,440000,S,YPA,8/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,703/8 Exploration La,2,u,,PI,Harcourts,8/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,61/299 Queen St,2,u,1075000,SP,Melbourne,8/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,28 Atkin St,4,h,550000,PI,Ryder,8/07/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,22 Bittern St,3,h,373500,S,HAR,8/07/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,69 Andrew St,3,h,,PI,Raine,8/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,1/33 Staughton St,2,h,280500,S,Raine,8/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,11/19 Brindisi St,2,u,640000,S,Chisholm,8/07/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,21 Derwent St,4,h,1322000,S,O'Brien,8/07/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/1 Franklin St,3,t,940000,S,hockingstuart,8/07/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,20 McCubbin Wy,4,h,,PI,Iconek,8/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,201 Ashworth St,3,h,,S,Marshall,8/07/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,26 Coventry Cr,3,h,767500,S,Ray,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,79 Freeman Cr,3,h,705000,S,Love,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,23 Galilee Cr,3,h,705000,S,RW,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Heritage Dr,4,h,790000,S,Ray,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Mew Ct,4,h,676000,S,Harcourts,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Mockridge Dr,5,h,704500,S,Ray,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,49 Romano Av,4,h,550000,S,Ray,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,53 Romano Av,5,h,598000,S,Ray,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Warburton Ct,3,h,592000,S,Harcourts,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,11 Woolnough Dr,3,h,602000,S,Ray,8/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,9 Lake Av,4,h,1401000,S,Philip,8/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Peel St,3,h,1095000,S,McGrath,8/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4/12 Victoria Av,2,h,480000,S,Ray,8/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montrose,44 Richards Rd,4,h,735000,S,McGrath,8/07/2017,3765,Eastern Victoria,2493,28.8,Yarra Ranges Shire Council +Moonee Ponds,15 Grandison St,1,h,1425500,S,hockingstuart,8/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,74 Vine St,3,h,1320000,S,McDonald,8/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,102 Waverley St,4,h,1270000,S,Jellis,8/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,5 Byron Ct,3,h,650000,PI,iTRAK,8/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,3 Dunoon St,4,h,,W,Raine,8/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,103 Landscape Dr,4,h,845000,SP,Fletchers,8/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,49 Jenkins St,4,h,1400000,PI,Ray,8/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9A Montgomery St,3,t,1627000,S,hockingstuart,8/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1 Kingswood Av,3,h,1150000,SP,Buxton,8/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/9 Mummery St,3,t,1375000,S,McGrath,8/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Oakern St,3,h,850000,VB,Jellis,8/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/82 Stephensons Rd,3,u,,PN,R&H,8/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Virginia St,3,h,1850000,PI,Jellis,8/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,3 Catesby Cl,5,h,1016000,SP,Ray,8/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,90 Haverbrack Dr,3,h,,PI,Ray,8/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 Sutherland Ct,4,h,992000,S,Harcourts,8/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,6 Gerald St,4,h,1820000,S,Buxton,8/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Reid St,3,h,1620000,S,Buxton,8/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,32 Collingwood Rd,3,h,1000000,S,Gunn&Co,8/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,219 Douglas Pde,2,h,,PN,Raine,8/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,1/16 Mons Pde,2,t,425000,PI,C21,8/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,200 Railway Pde,3,h,650000,SP,REMAX,8/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,39/101 Leveson St,2,u,785000,S,Nelson,8/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,306/68 Leveson St,2,u,620000,VB,Jellis,8/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Nunawading,2/38 Efron St,4,t,,VB,Fletchers,8/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,12 Milton St,3,h,1040000,VB,Fletchers,8/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3/29 Mount Pleasant Rd,2,u,676000,S,Fletchers,8/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Olwen St,3,h,1002000,S,Fletchers,8/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/44 Shady Gr,4,t,1175000,S,Noel,8/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Suffolk St,4,h,,SN,McGrath,8/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,32 Stamford Rd,3,h,1365000,S,Ray,8/07/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/16 Lanham St,3,u,800000,S,Ray,8/07/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/22 Nonna St,3,h,875000,S,Buxton,8/07/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,8 Cedar Ct,3,h,880000,S,Buxton,8/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,19 Murumba Dr,3,h,1150000,S,Woodards,8/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,4/1248 North Rd,4,u,774000,S,HAR,8/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,6 Sinclair St,3,h,1122000,S,Buxton,8/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,14a Valley St,4,t,885000,S,Ray,8/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,6/26 Lillimur Rd,2,u,,SP,Hodges,8/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/50 Lillimur Rd,1,u,327000,S,Buxton,8/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,300 Tucker Rd,4,h,1900000,S,Buxton,8/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,1/168 Beach Rd,4,h,2185000,S,Ray,8/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,22 Emu La,2,t,800000,PI,LITTLE,8/07/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/210 Cumberland Rd,2,t,605000,S,Ray,8/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,25 Northumberland Rd,3,h,,S,Brad,8/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6/55 Pleasant St,3,t,706000,S,Barry,8/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8A Tangyes St,3,h,1210000,S,Nelson,8/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,29 Zenith St,4,h,,PI,Brad,8/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,8 Flagstaff Cr,3,h,,PI,Reliance,8/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,30 Fongeo Dr,5,h,,SN,Ray,8/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,54 Lancaster Dr,4,h,599900,SP,Biggin,8/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,120/99 Dow St,2,u,635000,VB,Cayzer,8/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,7/4 Seisman Pl,2,u,,SN,hockingstuart,8/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,610/220 Commercial Rd,2,u,1003000,S,hockingstuart,8/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,11 Milton Cr,2,h,820000,SP,McGrath,8/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24 Mitchell St,3,h,1150000,SP,McGrath,8/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Mitchell St,3,h,,S,Nelson,8/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,120 Rene St,3,h,,SN,McGrath,8/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,23 Acheron Av,3,h,925000,S,Ray,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53 Ayr St,1,h,750000,PI,Ray,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/66 Blake St,3,u,530000,VB,Ray,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/4 Chenies St,2,u,490000,SP,Ray,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,48 Crevelli St,3,h,526250,SP,Barry,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Daleglen St,1,h,351000,SP,Harcourts,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,167 Darebin Bvd,3,h,,SP,RT,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Kerang Av,3,h,760000,S,Love,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Lane Cr,3,h,880000,S,Ray,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Purinuan Rd,4,h,,W,HAR,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,82 Radford Rd,3,h,690000,S,Nelson,8/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,9/343 Church St,2,u,715000,S,Biggin,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,74 Edinburgh St,3,h,,S,Jellis,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/33 Goodwood St,2,u,630000,SP,Biggin,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,334 Highett St,2,h,1200000,VB,hockingstuart,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,95 Highett St,4,h,,PI,Biggin,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/21 Somerset St,2,u,702000,S,Jellis,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15A Yarra St,4,h,,PI,Biggin,8/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,5 Jacks Pl,4,h,1725000,S,Hoskins,8/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/13 Maidstone St,2,h,633000,S,Purplebricks,8/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,16 Sherbrook Av,4,h,,SP,Sell,8/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1 Tweed St,4,h,1090000,S,Philip,8/07/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,14 Kathleen St,3,h,1060000,PI,Barry,8/07/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,1 Rigby Mw,3,h,795000,SP,Purplebricks,8/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,45 Severn Cr,4,h,936000,S,HAR,8/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,18 Yvette Dr,3,h,860000,S,Harcourts,8/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 Recreation St,5,h,715000,S,LJ,8/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,154 Abbott St,4,h,850000,PI,McGrath,8/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/22 Wentworth Av,3,h,1435000,S,Buxton,8/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,17 Gilbert Ct,3,h,1000000,S,Ray,8/07/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seabrook,20 Hope Pl,3,h,640000,S,LJ,8/07/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,43 Molesworth St,4,h,800000,VB,Harcourts,8/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2/24 Nepean Hwy,4,h,,VB,Buxton,8/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,1 Reilly Pl,3,h,1720000,S,Greg,8/07/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,35 Cobblestone Dr,3,h,690000,S,Harcourts,8/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,28 Kestrel Rd,4,h,875000,S,Iconek,8/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3/32 Kumara Cct,3,t,420000,S,Harcourts,8/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,28 Rolain Av,4,h,677500,S,Harcourts,8/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2/45 Caroline St,2,u,600000,PI,Noel,8/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,308/800 Chapel St,2,u,762500,S,hockingstuart,8/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,639 Punt Rd,4,h,1855500,S,Greg,8/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/213 Williams Rd,1,u,,PI,Shape,8/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,64 Craig St,2,h,802000,S,McGrath,8/07/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,13 Boonah St,3,h,1016000,S,iSell,8/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,1 Aspen St,3,h,600000,VB,Westside,8/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,10 Leslie St,4,h,631000,S,Barry,8/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,76 Perrett Av,3,h,711100,S,Ray,8/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,21 Shirley St,3,h,582000,S,YPA,8/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,35 Walter St,3,h,730000,S,Ray,8/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,27/10 Acland St,1,u,,S,hockingstuart,8/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,22/220 Barkly St,1,u,468000,SP,Buxton,8/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/285 Barkly St,1,u,470000,VB,Chisholm,8/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,32 Carnarvon Rd,4,h,1140000,VB,Nelson,8/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/351 Napier St,3,u,750000,VB,Nelson,8/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,12 Harcourt Cl,3,h,,SN,Barry,8/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Hume St,3,h,487000,S,Leeburn,8/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,13 McComb St,4,h,410000,PI,Brad,8/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,17 Mudie Av,4,h,512500,S,Raine,8/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,8 Kinnane Cr,3,h,830500,S,Douglas,8/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2/51 Cary St,2,u,429000,S,Douglas,8/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Hassett St,3,h,,SN,Sweeney,8/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,12 Roussac Ct,3,h,,SP,RW,8/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,27 Buckingham Cr,3,h,551000,S,Barry,8/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/52 Drinkwater Cr,3,h,450000,S,Douglas,8/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Stanbury Ct,3,h,,PI,Reliance,8/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,86 Talintyre Rd,3,h,,SN,Barry,8/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/17 Albert Cr,2,t,781000,S,Purplebricks,8/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,28 Claire Wy,4,h,586000,S,RW,8/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,5 Echo Av,4,h,496000,S,Greg,8/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Templestowe,19 Athenry Tce,3,h,1280000,S,Barry,8/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Clays Ct,4,h,1635000,S,Barry,8/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,15 Clontarf Cr,4,h,,PN,Parkes,8/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/55 Wood St,3,t,795000,VB,Purplebricks,8/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,5 Sophora Ct,3,h,1138000,S,Barry,8/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,325 Forest Rd,3,h,477000,S,Ray,8/07/2017,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,18 Dakota Dr,3,h,605000,S,Ray,8/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,13 Kemp Av,3,h,610000,S,Harcourts,8/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,232 Main St,3,h,580000,S,Harcourts,8/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/54 Pender St,1,u,415000,S,Harcourts,8/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,159A Smith St,2,h,905000,S,Nelson,8/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,11/2 Theodore Ct,2,u,725000,S,Marshall,8/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,15/256 Williams Rd,1,u,577000,S,hockingstuart,8/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,4 Romek Wy,3,h,451000,S,TRUE,8/07/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,2/46 Westmeadows La,3,u,453350,S,Barry,8/07/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,19 Gordon St,4,h,895000,S,Jason,8/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,1/119 Melrose Dr,4,h,586000,SP,Stockdale,8/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,8 Felgate Pde,5,h,,PI,Barry,8/07/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna South,10/1401 High Street Rd,3,u,570000,S,Ray,8/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6/17 Pach Rd,3,h,778000,S,Prof.,8/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1 Riverpark Dr,4,h,1055000,S,Ray,8/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,37 Huntley St,3,h,790000,S,Barry,8/07/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,2 Brookville Av,4,h,514000,S,Sweeney,8/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,15 Sheringham Dr,3,h,,PN,McNaughton,8/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Sherrin Ct,3,h,529000,S,YPA,8/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,46 Vincent Cr,3,h,484000,S,hockingstuart,8/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,24/24 Dongola Rd,2,h,,SP,Village,8/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,125/33 Jeffcott St,2,u,670000,S,MICM,8/07/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,207/493 Victoria St,2,u,510000,S,McGrath,8/07/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,14 Devenish Ct,3,h,410000,VB,Barry,8/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,14 Duncan Ct,4,h,675000,S,Barry,8/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,6 Leon St,5,h,,SN,Biggin,8/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,930 Waverley Rd,4,h,,SN,Ray,8/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,7 Alfred Pl,3,h,1200000,PI,Greg,8/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,13 Lakeside Pl,3,h,1270000,SP,Raine,8/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,39 Osborne St,3,h,,SP,Greg,8/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/87 Railway Cr,2,u,650000,SP,Raine,8/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,9/5 Lewisham Rd,1,u,,SA,Hodges,8/07/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,8/9 The Avenue,1,u,410000,S,Buxton,8/07/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,3 Nundroo Cr,3,h,,S,Harcourts,8/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,8 Ducane St,4,h,,PI,Barry,8/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,112 Eureka Dr,4,h,478000,S,hockingstuart,8/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,34 Aminya Cr,4,h,743500,S,Buckingham,8/07/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,10/127 Somerville Rd,3,t,610000,PI,Jas,8/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,62 Stephen St,3,h,1285000,SP,Village,8/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/367 Williamstown Rd,2,u,440000,S,hockingstuart,8/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,11A Coniston Av,3,h,865000,S,Nelson,8/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,15 Harrington Rd,4,h,947000,S,Nelson,8/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/21 Hillside Gr,2,t,670000,S,Jellis,8/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/57 King St,2,t,,W,Jellis,8/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,8B Neville St,2,t,1420000,S,Cayzer,8/09/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,66 Withers St,3,h,,SP,Parkinson,8/09/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,15 Bennett St,5,h,,PI,Collins,8/09/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,31 Hook St,4,h,610000,PI,Raine,8/09/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,19 Pyramus Pl,5,h,,VB,Greg,8/09/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Armadale,37 Hampden Rd,4,h,,PN,RT,8/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/35 Wattletree Rd,2,u,620000,VB,Marshall,8/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,22 Ayr St,3,h,,SP,Brad,8/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6 Fenton St,3,h,1200000,VB,Nelson,8/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,34 Gillespie Av,4,h,1530000,S,Brad,8/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,9 Langs Rd,2,u,582500,S,Rendina,8/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,28 South St,5,h,3020000,PI,Nelson,8/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,53 Warrick St,4,h,1650000,VB,Brad,8/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,59 Baker Pde,3,h,1450000,VB,Marshall,8/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,94 Dent St,3,h,,S,Jellis,8/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,16 Munro Av,3,h,1850000,PI,Jellis,8/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,15 Poulter St,3,h,1650000,S,Jellis,8/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,11 Y St,3,h,1625000,S,Marshall,8/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Aspendale Gardens,9 Jude Ct,2,h,995000,SP,Buxton,8/09/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,63 Arcade Wy,3,h,,PI,Moonee,8/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,77 Thompson St,3,h,860000,S,Nelson,8/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,35 Marlborough St,3,h,1050000,S,hockingstuart,8/09/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,3/27 The Avenue,2,u,614000,S,Branon,8/09/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,27 Birdwood St,4,h,2750000,VB,Jellis,8/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,16 Grosvenor Pde,3,h,1770000,S,Marshall,8/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/22 Head St,2,u,925000,S,Fletchers,8/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2 Kinsale Cr,5,h,,PI,hockingstuart,8/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11 Knutsford St,3,h,,PI,Kay,8/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,58 Stroud St,5,h,,SP,RW,8/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,21 Aylmer St,4,h,,S,Jellis,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,63A Aylmer St,4,t,,PI,RW,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/322 Balwyn Rd,3,h,1250000,VB,hockingstuart,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,43 Ferdinand Av,4,h,,S,hockingstuart,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Kenny St,3,h,1255000,SP,Woodards,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,27 Riverview Rd,4,h,,SN,Nelson,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,70 Ursa St,3,h,1250000,VB,Jellis,8/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,4/10 Alwyn St,2,h,540000,SP,Ray,8/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,3/22 Maple St,3,t,,SS,Schroeder,8/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,364 Colchester Rd,3,h,640000,S,iTRAK,8/09/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,3 Towers St,4,h,2020000,VB,Chisholm,8/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2 Dunloe Ct,3,h,1400000,VB,Buxton,8/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,20 Lawson St,3,h,1045000,S,Woodards,8/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/3 McArthur St,2,u,,PI,Branon,8/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16a Riddle St,4,h,1250000,VB,Jellis,8/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,36 Adrian St,2,h,760000,S,Woodards,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/139 Brady Rd,3,h,895000,PI,Hodges,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/981 Centre Rd,3,u,800000,VB,Woodards,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/5 Deakin St,2,u,775000,S,Jellis,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,56 Kennedy St,4,h,1475000,S,Hodges,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Normanby Rd,3,h,1550000,S,Jellis,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,55A Parkmore Rd,3,t,1290000,PI,Jellis,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/55 Victor Rd,3,u,840000,PI,Buxton,8/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,86 Earlsfield Dr,4,h,,PN,YPA,8/09/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,25 Second St,3,h,2300000,VB,Hodges,8/09/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/25 Stanley St,4,t,1260000,S,Thomson,8/09/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,14 Linden St,4,h,,SN,Noel,8/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,171A Springfield Rd,3,h,967000,S,Ray,8/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,107 Holland Rd,3,h,870000,PI,Ray,8/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/5 Orchard Gr,3,u,1095000,S,Noel,8/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,8 Rishon Av,4,h,944000,S,Woodards,8/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,11 Flinders Cr,3,h,700000,VB,Noel,8/09/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,18 Kangerong Rd,3,h,2000000,S,Woodards,8/09/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/379 Middleborough Rd,2,u,700000,SP,Noel,8/09/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,14 Champion St,4,h,,S,Buxton,8/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,671 Hampton St,3,h,,S,Marshall,8/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,745 Hampton St,4,h,,W,Buxton,8/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Montclair Av,5,h,,S,Buxton,8/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,27A Rusden St,3,t,1950000,S,hockingstuart,8/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/23 South Rd,3,t,,S,Jellis,8/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,8 Griffiths Gr,4,h,1988000,S,Gary,8/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,28 Marriage Rd,4,t,,S,Buxton,8/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Montgomery St,4,h,1750000,VB,Hodges,8/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,178 South Rd,3,h,,S,Buxton,8/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1 Avoca St,3,h,431500,S,Jason,8/09/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,81 Graham St,3,h,557500,S,Stockdale,8/09/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/134 Kitchener St,2,t,430000,S,Professionals,8/09/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1 Meredith St,3,h,765000,S,@Realty,8/09/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,4/208 Albion St,2,u,548000,S,Harcourts,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/245 Albion St,2,t,718000,S,Nelson,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/11 Barningham St,2,t,680000,VB,Brad,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,34 Charles St,3,h,1050000,VB,Brad,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,117 Gold St,2,h,890000,VB,Nelson,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,28 Holloway Rd,4,h,,S,Nelson,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,102/10 Pottery Ct,2,u,,S,Barry,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,615/601 Sydney Rd,1,u,,PI,Ray,8/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,73 Clarence St,3,h,1335000,SP,Jellis,8/09/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,4/7 Egginton St,2,t,500000,VB,Brad,8/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,18 Gordon St,2,h,800000,VB,Nelson,8/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,63B Hunter St,1,h,,S,Jellis,8/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9 Perrett St,3,h,,S,Jellis,8/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,30/78 Manningham Rd,2,u,540000,SP,Barry,8/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,8 Robert St,3,h,1000000,PI,Jellis,8/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,7 Landbury Rd,3,h,600000,S,RW,8/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Larkin Ct,3,h,801000,SP,Buckingham,8/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Manchester Cr,3,h,700000,S,Ray,8/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Taunton Dr,4,h,823500,S,Ray,8/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,9 Hastings St,5,h,1690000,S,Fletchers,8/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,19 Keogh St,3,h,,S,Barry,8/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/19 Newbigin St,3,t,,SN,RW,8/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,17 Coventry St,3,h,1112000,S,Fletchers,8/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,5 Narmara St,4,h,,SN,Ray,8/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Sugarloaf Cl,3,h,887000,SP,Barry,8/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,9A Gavan St,4,t,,S,Jellis,8/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/37 Glencairn Av,4,h,1895000,PI,RT,8/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,21 Maple Cr,4,h,3060000,S,Marshall,8/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,23 Milverton St,4,h,2410000,S,Marshall,8/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,678 Riversdale Rd,3,h,1730000,S,Jellis,8/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/171 Wattle Valley Rd,3,h,,SP,Marshall,8/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,20/6 Balwyn Rd,3,u,,S,Fletchers,8/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,161 Canterbury Rd,4,h,1708000,S,Buxton,8/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,79 Maling Rd,3,h,1500000,S,Jellis,8/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,27 Milton St,4,h,3350000,S,Jellis,8/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,212 Drummond St,4,h,1757000,S,Nelson,8/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,37 Faraday St,3,h,,S,Nelson,8/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,35/52 Leicester St,2,u,693500,S,Ray,8/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,904/668 Swanston St,2,u,880000,S,Nelson,8/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,513 Lygon St,3,h,1550000,PI,Barry,8/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,618 Rathdowne St,2,h,1500000,VB,Nelson,8/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,113/92 Mimosa Rd,3,u,840000,SP,Gary,8/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,11 Munro Av,5,h,1100000,PI,Ray,8/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9/6 Newman Av,1,u,290000,SP,Buxton,8/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/4 Rigby Av,2,u,500000,S,Thomson,8/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/58 Rosstown Rd,1,u,475000,S,Gary,8/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,13 Tara Gr,3,h,1104000,S,RW,8/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield,6/19 Snowdon Av,2,u,480000,VB,Gary,8/09/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,1/374 Dandenong Rd,2,u,686000,S,Woodards,8/09/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,9 Illawarra Cl,5,h,,VB,Buxton,8/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/54 Margot St,4,t,,PI,Buxton,8/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3 Mark Ct,7,h,,VB,Fletchers,8/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,141 Waverley Rd,3,t,895500,S,Ray,8/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1A Black St,4,h,1070000,PI,hockingstuart,8/09/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,6 Gawler Ct,4,h,1060000,S,hockingstuart,8/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/11 Hoffman St,2,t,,PN,RT,8/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9/12 Jack Rd,2,u,,SP,Chisholm,8/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,22 Regent Pde,4,h,,PI,Ray,8/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,17 Botany Ct,3,h,810000,PI,Woodards,8/09/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,4 Pamela Ct,4,h,940000,S,C21,8/09/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,1/51 Schneider Cr,3,t,630000,S,Barry,8/09/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,96 Ormond Rd,3,t,616000,S,Ray,8/09/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/49 Milton Av,2,u,479000,S,Jellis,8/09/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,16 Walker St,3,h,,VB,Collins,8/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,39 Bell St,3,h,890000,S,Barry,8/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,52 Donne St,2,h,1028500,S,Peter,8/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,36 Elizabeth St,3,h,875000,S,Nelson,8/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,96 Gordon St,4,h,1325000,S,Nelson,8/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8/1 Industry La,2,t,601000,S,Brad,8/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,57 Shaftsbury St,2,h,,SP,Jellis,8/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,4/21 Arthur St,2,u,617500,S,Brad,8/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,9 Morris St,3,h,,S,Nelson,8/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,34 Newlands Rd,2,h,780000,VB,Nelson,8/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,25 Tilley St,4,h,875000,S,Barry,8/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,141 Cromwell St,3,h,1230000,S,Jellis,8/09/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,6 Brambuk Av,3,h,,PI,Barry,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Cable Cct,4,h,537500,SP,Biggin,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Craigieburn Rd,3,h,700000,SP,YPA,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Delany La,3,h,,PI,Barry,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Eagle Ct,3,h,542000,S,Ray,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Greenham Av,3,h,465000,S,Jason,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Kings Gln,3,h,,PI,Barry,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,159 Newbury Bvd,4,h,597000,S,Ray,8/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,7 Calais Cct,3,h,,SP,Ray,8/09/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Croydon,23 Bartlett Av,3,h,,VB,Philip,8/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,30 Cameron Rd,4,h,920000,S,Fletchers,8/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,36 Timms Av,3,h,715000,S,Jellis,8/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,3 Eskdale Dr,3,h,735000,S,Barry,8/09/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Deer Park,1/10 Erindale Av,2,t,450000,S,RW,8/09/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,2 Ormesby Pl,3,h,550600,S,MICM,8/09/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,32 Hutzul Ct,3,h,558000,SP,One,8/09/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,12 Kilburn Gr,4,h,720000,PI,Stockdale,8/09/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Docklands,812/8 Marmion Pl,2,u,,PI,Lucas,8/09/2018,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,22 Clancys La,5,h,1300000,VB,Fletchers,8/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/17 Beverley St,2,u,695000,S,Jellis,8/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Boronia Gr,3,h,1055000,S,Jellis,8/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/6 Dryden St,4,h,950000,SP,Woodards,8/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Navel Row,4,h,1220000,S,RT,8/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Thomas St,4,h,1220000,S,Barry,8/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,5 Conos Ct,4,h,,W,McGrath,8/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,14 Jolen Ct,4,h,,S,Barry,8/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,19 Jolen Ct,4,h,1300000,PI,Jellis,8/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,19a Martha St,3,t,750000,S,Barry,8/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/13 Rangeview Rd,3,u,867000,S,Parkes,8/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,14 Walker Dr,3,h,440000,S,HAR,8/09/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,20 Fugosia St,3,h,,PI,LJ,8/09/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,2/101 Gipps St,1,u,,S,Marshall,8/09/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,58 Keith Av,4,h,1000000,VB,hockingstuart,8/09/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,17 Gisborne St,4,h,,PI,Biggin,8/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/231 Glen Huntly Rd,3,t,790500,S,Gary,8/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,16/509 Glen Huntly Rd,2,u,,SN,Biggin,8/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham North,37 Parry Rd,4,h,1001000,SP,Jellis,8/09/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,340 Barkly St,3,h,2140000,S,Chisholm,8/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/3 Ruskin St,1,u,758000,S,Chisholm,8/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/517 St Kilda St,3,u,635000,PI,McGrath,8/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,7 Cove Ct,3,h,585000,PI,Hall,8/09/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,12 Whitestone Ct,3,h,453000,S,Hall,8/09/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,1 Amarath Cct,3,h,685000,S,HAR,8/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,59 Brush Rd,4,h,,PI,Iconek,8/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,24 Lowalde Dr,3,h,592000,SP,hockingstuart,8/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,89 Narina Wy,3,h,550000,VB,Ray,8/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Rosamond Wy,2,u,348500,S,HAR,8/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,2/4 Cameron Rd,2,u,670000,S,Nelson,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,116 Cooper St,3,h,1500000,PI,Brad,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,110 Hoffmans Rd,3,h,1000000,VB,Brad,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/140 Hoffmans Rd,2,u,405000,PI,Barry,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6 Locke St,4,h,,S,Nelson,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2 Mary St,4,h,1490000,S,Frank,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5 Miller St,2,h,850000,PI,McDonald,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,22 Vanberg Rd,3,h,1272000,S,McDonald,8/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,28A Emerald St,4,h,865000,S,Nelson,8/09/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,3/207 Gillies St,2,u,814000,S,Nelson,8/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,1/259 Gillies St,1,u,490500,S,Harcourts,8/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,18 Plimsoll Gr,3,h,,S,Nelson,8/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,237A Rathmines St,3,h,1050000,S,Collins,8/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,2/210 Station St,3,t,860000,PI,Nelson,8/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,181 Wingrove St,3,h,950000,VB,Nelson,8/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,84 William St,2,h,865000,S,Barry,8/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,33 Cinerea Av,3,h,,SP,OBrien,8/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,23 Frederick St,6,h,900000,PI,RW,8/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,18 Virginia Wy,4,h,,PN,Barry,8/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,11 Greeves St,2,h,1336000,S,Nelson,8/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,40 Greeves St,1,h,,S,Nelson,8/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,111 Leicester St,2,h,1150000,PI,Holland,8/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Footscray,25 Creswick St,3,h,1115000,S,Jas,8/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/17 Empire St,2,u,,S,Brad,8/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,29/31 Moreland St,1,u,405000,S,Jas,8/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,11 Leddy St,2,h,,W,Jellis,8/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,40 Marong Tce,3,t,760000,PI,Fletchers,8/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/145 Mount Pleasant Rd,3,t,890000,S,Fletchers,8/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Graeme St,3,h,592500,SA,O'Brien,8/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne South,133 Benson Rd,6,h,2225000,VB,RT,8/09/2018,3437,Northern Victoria,290,45.9,Macedon Ranges Shire Council +Gladstone Park,21 Snaefell Cr,3,h,620000,S,YPA,8/09/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,3/21 Royal Av,2,u,577000,S,Woodards,8/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,37 Allison Av,4,h,,S,Marshall,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/23 Belmont Av N,2,u,665000,S,Jellis,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/239 Burke Rd,3,u,,VB,Fletchers,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/8 Creswick St,2,u,820000,S,Jellis,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Erica Av,4,h,2720000,S,Marshall,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15/202 Glen Iris Rd,2,u,540000,S,Fletchers,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/4 Payne St,2,u,525000,PI,hockingstuart,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/285 Tooronga Rd,2,u,640000,PI,Marshall,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Wallis Av,5,h,,S,Marshall,8/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,7 Autumn Ct,4,h,,SN,Ray,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Boyanna Rd,5,h,2180000,S,Fletchers,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Excalibur Av,4,h,1111500,S,Fletchers,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/29 Fernhill St,2,u,860000,S,Ray,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Greenways Rd,4,h,,PI,Ray,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,33 Hampshire Rd,3,h,,PN,Buxton,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Leamington Cr,4,h,1400000,S,Harcourts,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Madigan Dr,4,h,1450000,S,Harcourts,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/9 Melaleuca Dr,3,u,,SN,Ray,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,52B Orchard St,3,h,1117000,S,Harcourts,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Sagan Ct,5,h,,PI,RW,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Snowden Dr,5,h,,SN,Harcourts,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,144 Watsons Rd,3,h,1050000,VB,Harcourts,8/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,34 Cromwell St,3,h,770000,S,RW,8/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/12 Harold St,4,t,855000,PI,Barry,8/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,46 Sadie St,4,h,720000,VB,@Realty,8/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 William St,3,h,1101000,S,Nelson,8/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,180 Gowanbrae Dr,3,h,580000,PI,Nelson,8/09/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,282 Elder St,4,h,900000,S,Nelson,8/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Howard St,3,h,750000,VB,Darren,8/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Narbethong Dr,3,h,782000,S,Darren,8/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Stowe Av,3,h,,VB,Fletchers,8/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2 Wanbanna Av,4,h,850000,VB,Morrison,8/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,61 Warwick Rd,4,h,1225000,S,Darren,8/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,20 Giselle Cct,4,h,650000,SP,Barry,8/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,3/123 West St,2,t,470000,S,YPA,8/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,51 Earlsfield Rd,3,h,,VB,Buxton,8/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/83 Fewster Rd,2,t,850000,VB,Buxton,8/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,36 Kendall St,4,h,1815000,S,Buxton,8/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,150 Ludstone St,4,h,1750000,VB,Hodges,8/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,8 Sargood St,4,h,1900000,VB,Buxton,8/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,1/28 Belgrave St,3,h,1800000,S,Marshall,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,31/44 Burwood Rd,2,u,,PI,Jellis,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/7 Coppin Gr,2,u,,S,Marshall,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12 Creswick St,3,h,2100000,VB,Marshall,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/6 Elm St,2,u,,S,Nelson,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,45 Haines St,3,h,1300000,VB,Jellis,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/2 Henrietta St,2,u,621000,S,Jellis,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1 Illawarra Rd,3,h,2625000,S,Jellis,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,209/92 Kinkora Rd,1,u,430000,PI,Noel,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,58 Wattle Rd,3,h,,S,Jellis,8/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,43 Hastings Rd,4,h,,PN,RT,8/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,37 Munro St,3,h,1350000,VB,Marshall,8/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/79 St Helens Rd,3,h,,SN,RT,8/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Healesville,1 Gibbs Rd,4,h,670000,S,Eview,8/09/2018,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,4/285 Canterbury Rd,2,u,500000,VB,Philip,8/09/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,12 Jarma Rd,3,h,920000,S,Barry,8/09/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,46 Manton St,3,h,1025000,SP,Jellis,8/09/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,82 Rosanna Rd,3,h,,SP,Miles,8/09/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,1 Lawson Pde,3,h,820000,S,Miles,8/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/12 Mary Av,2,u,,S,Miles,8/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,2/26 Clyde St,4,t,1120000,PI,Buxton,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,305/75 Graham Rd,2,u,400000,PI,Ray,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 Lawson Pde,3,h,1140000,VB,hockingstuart,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/6 Maher St,3,u,746000,S,hockingstuart,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,52C Matthieson St,3,t,735000,S,Ray,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/32 Princess Av,3,u,935000,S,Hodges,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,5 South Ct,4,h,1290000,S,Buxton,8/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2 Leslie Ct,4,h,625000,SA,O'Brien,8/09/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,2/13 Timele Dr,3,u,510000,S,Barry,8/09/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,48 Hunter Av,4,h,545000,S,hockingstuart,8/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,25 Rudolph St,5,h,647000,S,Barry,8/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Yarrabee Dr,3,h,490000,S,Ray,8/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,129 Kangaroo Rd,5,h,1025000,PI,Woodards,8/09/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,40 Carn Av,5,h,2157000,S,Nelson,8/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/135 Ivanhoe Pde,3,t,,SP,Miles,8/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,121 Sunset Bvd,3,h,535000,S,RW,8/09/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,11 Narong Pl,3,h,590000,S,Prof.,8/09/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,44 Granite Wy,4,h,,S,Nelson,8/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,102 Milleara Rd,4,h,750000,VB,Nelson,8/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,122 Sterling Dr,3,h,660000,S,Nelson,8/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,85 Wyong St,3,h,855000,PI,Nelson,8/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,107 Rankins Rd,3,h,975000,SP,Nelson,8/09/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3 Childers St,3,h,1530000,S,Nelson,8/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/153 Cotham Rd,3,u,910000,PI,Buxton,8/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Disraeli St,3,h,1200000,VB,Jellis,8/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,76 Gladstone St,2,h,,VB,Nelson,8/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,66 Malmsbury St,3,h,1346000,S,Marshall,8/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16 Wimba Av,4,h,3425000,S,Jellis,8/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Lalor,109 Casey Dr,3,h,540000,PI,Ray,8/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,16 Derrick St,2,h,600000,SP,HAR,8/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Maxwell St,3,h,630000,S,HAR,8/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Macleod,2/15 Cooley Av,2,u,,SP,Ray,8/09/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,11 Tuckfield Ct,3,h,,PI,Darren,8/09/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,4/9 Watson St,2,t,627500,S,Buckingham,8/09/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/5 Jackson St,3,h,800000,VB,hockingstuart,8/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3 Laurel Ct,3,h,850000,VB,Biggin,8/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/16 Norfolk St,3,t,,PI,Jas,8/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,22 Horace St,3,h,,S,Jellis,8/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,61 Jordan St,3,h,1785000,S,Marshall,8/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,32 Wheatland Rd,4,h,,S,Marshall,8/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,26A Abbotsford Av,4,t,1100000,VB,Jellis,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,33 Ash Gr,4,h,2200000,VB,Jellis,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,64 Beaver St,4,h,5400000,VB,Marshall,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/25 Coolgardie Av,3,h,1605000,S,Marshall,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15 Karma Av,4,h,,S,Marshall,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,25 Rothesay Av,5,h,2725000,PI,Marshall,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,541 Waverley Rd,3,h,1300000,VB,Marshall,8/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,3 Meema Cr,3,h,500000,S,hockingstuart,8/09/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,32 Blair St,3,t,600000,S,Biggin,8/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,409/60 Edgewater Bvd,2,u,525000,S,Edward,8/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,602/68 Wests Rd,2,u,,PI,Edward,8/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,201/5 Claire St,2,u,,VB,Steller,8/09/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,2/24 Prince Edward Av,2,t,870000,VB,Jim,8/09/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,3/4 Prince Edward Av,3,t,1100000,VB,Gary,8/09/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,15 Mitchell Cr,5,h,600000,S,YPA,8/09/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,1/21 Sheoak Ct,3,h,,SN,YPA,8/09/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,806/668 Bourke St,2,u,619300,S,MICM,8/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1207/565 Flinders St,2,u,530000,S,MICM,8/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,23/461 St Kilda Rd,3,u,1580000,S,Gary,8/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,3011/350 William St,1,u,,SN,Pagan,8/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,3 Exell Av,4,h,461500,SP,Reliance,8/09/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,12 Myrtle St,3,h,342000,S,Brad,8/09/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,4/142 Charman Rd,2,u,687000,S,Hodges,8/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4/5 Levanto St,2,u,555000,SP,hockingstuart,8/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/27 Milan St,2,u,,S,Hodges,8/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10b Phillip St,3,t,920000,S,Buxton,8/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6 Rimmer St,2,h,,PI,Ray,8/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,65 Lockhart St,4,h,,PI,RW,8/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,2/70 Patterson St,2,u,660000,VB,Cayzer,8/09/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,13 Gardenview Cl,3,h,595000,S,Ray,8/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Hope Ct,4,h,710000,SP,Barry,8/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Mockridge Dr,3,h,693500,S,Ray,8/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Sturrock Ct,3,h,580000,S,HAR,8/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,25 Tonelli Cr,3,h,590000,SP,Ray,8/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,22 Beaufort St,3,h,770000,VB,Ray,8/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Beaufort St,4,h,1125000,VB,Fletchers/Fletchers,8/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,47 Astley St,3,h,,PI,Morrison,8/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,22 Davies St,3,h,1100000,VB,Nelson,8/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,95 Eglinton St,4,h,1350000,VB,McDonald,8/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1 Hotham St,2,h,1000000,VB,Nelson,8/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6 Milverton St,5,h,1870000,S,Nelson,8/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,42 Salisbury St,3,h,1015000,S,Jellis,8/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,5 Orana Ct,4,h,1059000,S,Ray,8/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,434 South Rd,3,h,1050000,PI,Buxton,8/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,20 Walsh Av,4,h,1160000,PI,Jellis,8/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,1/11 Crown Av,3,u,,SP,Ray,8/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,12 Hyland St,4,h,,PI,Barry,8/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,12 James La,4,t,1880000,S,Buxton,8/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1A Scarlet St,3,h,756000,S,Buxton,8/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,4 Baxter Ct,5,h,1521000,S,Jellis,8/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/2 Billing St,3,t,920000,S,Ray,8/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Griffiths Ct,3,h,1065000,S,Ray,8/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/48 Marianne Wy,3,u,1010000,S,Jellis,8/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,43 Torroodun St,3,h,,PI,Barry,8/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,3 Beaconsfield Rd,4,h,,PI,Ray,8/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Fordholm Av,4,h,1410500,S,Jellis,8/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,15 Hubbard Av,4,h,725500,VB,Harcourts,8/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,42 Lebanon Cr,3,h,832000,S,Gary,8/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3 Kangaroo Rd,4,h,,S,Jellis,8/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,40A Murrumbeena Rd,2,t,770000,S,Gary,8/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,14 Perth St,5,h,1860000,S,Woodards,8/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,68 Market St,3,h,,VB,Raine,8/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,46 Percy St,5,h,1380000,SP,Raine,8/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,1/4 Ida St,3,t,950000,SP,McDonald,8/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,8/47 Bowmore Rd,2,u,350000,PI,Stockdale,8/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,8 Dunblane Rd,3,h,690000,PI,C21,8/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,18 Vitis Av,3,h,,PI,Barry,8/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4 Vitis Av,3,h,,PI,iSell,8/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,11 Bridge St,3,h,1080000,S,Nelson,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,119 Charles St,4,h,2400000,SA,McGrath,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/21 Derby St,3,h,1150000,VB,Nelson,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/12 Eastment St,2,u,,SN,McGrath,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,115 Herbert St,3,h,,W,Jellis,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,403/332 High St,1,u,,W,Jellis,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,27 Jackson St,2,h,1407000,S,Jellis,8/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,2/105 Esdale St,2,u,690000,SP,Noel,8/09/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,40 Morden Ct,3,h,1167000,S,Jellis,8/09/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,6/2 Russell St,1,u,363000,S,Woodards,8/09/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh South,11 Norma Av,3,h,,S,Woodards,8/09/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,33 Collins St,2,u,700000,PI,The,8/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,20/30 Lillimur Rd,2,u,390000,VB,Gary,8/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,14/630 North Rd,3,u,652500,PI,Stockdale,8/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,58 Parkers Rd,4,h,1310000,S,hockingstuart,8/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,1/3 Somerset St,2,t,665000,SP,Nelson,8/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/57 Warwick Rd,3,t,700000,SP,Eview,8/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/16 West St,3,u,645000,S,Stockdale,8/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,107 Sunnybank Dr,3,h,,PI,MICM,8/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,163 Evans St,2,h,980000,S,RT,8/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,344 Howe Pde,3,h,1340000,S,Frank,8/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,401/77 Nott St,2,u,,PN,RT,8/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,32 Kelvin Gr,3,h,,S,Jellis,8/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,568a Malvern Rd,2,h,,SP,Biggin,8/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,44 Packington St,3,h,1620000,PI,Jellis,8/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1/119 Dundas St,3,t,820000,S,Nelson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 George St,3,h,825000,S,Nelson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,20 Hardy St,2,h,,S,Nelson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/293 High St,2,u,580000,S,Nelson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,52 Robeson St,4,h,1100000,PI,Nicholson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,204 Wood St,4,h,950000,S,Nelson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Wymbir Av,3,h,,PI,Love,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,67B Youngman St,4,h,940000,VB,Nelson,8/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,3/16 Asquith St,3,u,655000,S,HAR,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,66A Barry St,2,h,705000,S,Nelson,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/63 Boldrewood Pde,2,u,480000,S,hockingstuart,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Crawley St,3,t,820000,PI,Nelson,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,143 Darebin Bvd,4,h,830000,PI,Ray,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Griffiths St,4,h,1450000,S,Ray,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Harbury St,3,h,1150000,PI,Walshe,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Judges Ct,3,h,700000,SP,Nelson,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Rodman St,2,h,,SN,Love,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,82 Whitelaw St,2,h,750000,VB,Harcourts,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/37 Willoughby St,2,h,530000,VB,Jellis,8/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,1 Belgravia St,2,h,1003600,S,Biggin,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,723/1 Dyer St,1,u,510000,S,Vicprop,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/1 George St,3,t,1620000,S,Biggin,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,202/9 Griffiths St,1,u,440000,VB,Jellis,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/190 Lennox St,1,u,580000,S,Biggin,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,70 Lincoln St,2,h,1090000,S,Biggin,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16 Regent St,2,h,,PI,Biggin,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,40 Regent St,2,h,1312000,S,Nelson,8/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,11 Leonard St,3,h,880000,VB,Barry,8/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,23 Leonard St,3,h,810000,S,Jellis,8/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Muir Ct,2,h,736000,S,Ray,8/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,86 Wonga Rd,3,h,780000,PI,Jellis,8/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2/11 Eastfield Rd,3,u,,SS,Barry,8/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,22 Knaith Rd,3,h,840000,VB,Barry,8/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/14 Lester Av,3,h,870000,VB,Barry,8/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,21 Menzies Cr,2,h,911000,S,Noel,8/09/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,5 Greville Rd,3,h,,S,Jellis,8/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5/19 Lower Plenty Rd,2,u,,PI,RW,8/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6 Rhonda St,4,h,1300000,VB,Jellis,8/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/77 St James Rd,2,u,,PI,Darren,8/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,66 Bluebird Wy,4,h,700000,S,HAR,8/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Brushwood Cct,3,h,532000,S,Ray,8/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,31 Grenville Tce,3,h,435000,S,HAR,8/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,109 Hayfield Rd,4,h,651000,S,RW,8/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,31 McKenzie Cr,5,h,685000,PI,YPA,8/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,11 Severn Ct,3,h,440000,S,Raine,8/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,14B Park Av,4,t,1600000,S,Buxton,8/09/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,10 Queens Sq,4,h,2152000,S,Marshall,8/09/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,12 Hadley St,3,h,570000,VB,UFirst,8/09/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,58 Kirkwood Av,3,h,,W,Ray,8/09/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,14 Largs St,3,h,,PN,Ray,8/09/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,4 Browning St,4,h,,SN,Village,8/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,2 Scott St,3,h,787500,S,Coad,8/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,182 Nelson Rd,2,h,1550000,S,Greg,8/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,3 Nixon Pl,3,t,1250000,VB,Cayzer,8/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,12 Eden Ct,4,h,754000,S,RW,8/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,10 Gravlier Wy,3,h,630000,S,HAR,8/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,72 Meridian Dr,4,h,1600000,S,HAR,8/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,6/63 Darling St,2,u,,PI,hockingstuart,8/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,136/100 Kavanagh St,1,u,420000,SP,MICM,8/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,146/99 Whiteman St,2,u,605000,SP,MICM,8/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,2/184 Hudsons Rd,3,t,883000,S,Greg,8/09/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,40 Birmingham St,3,h,,PI,LJ,8/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,2/20 Erica St,2,u,500000,PI,Le,8/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,7 Parsons Av,4,h,,PI,Le,8/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,49 Wardale Rd,3,h,705000,S,Area,8/09/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,72 Avondale Av,6,h,660000,PI,YPA,8/09/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5 Lambolle Ct,3,h,560000,SP,Create,8/09/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,33 Allumba Dr,4,h,842000,S,Darren,8/09/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,2/44 Eildon Rd,2,u,,W,McGrath,8/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/16 Tennyson St,2,u,,SP,hockingstuart,8/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,30 Vale St,2,h,1115000,PI,McGrath,8/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,45 Lamart St,3,h,1145000,S,Nelson,8/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,7/2 North Av,1,t,410000,S,Brad,8/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,19 Streldon Av,4,h,1175000,S,Nelson,8/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,59 Parsons St,4,h,850000,PI,Barry,8/09/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,1 Norton St,3,h,,PI,Barry,8/09/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4/18 Alexandra Cr,2,u,500000,S,Marshall,8/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6 Drewett St,4,h,1340000,PI,Ross,8/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/70 Essex Rd,2,h,805000,S,Nelson,8/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,25 Graham St,4,h,1738000,SP,Marshall,8/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,82 Guildford Rd,4,h,2920000,PI,Marshall,8/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1B Wilson St,3,h,,S,Jellis,8/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,1/5 Stratheden Ct,4,t,520000,VB,Barry,8/09/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,25 Pitt St,5,h,1120000,SP,Barry,8/09/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,116 Parmelia Dr,3,h,700000,PI,Barry,8/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,6 Beavis Ct,5,h,2700000,S,Nelson,8/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,14 Coleridge Ct,3,h,1000000,VB,Fletchers,8/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,16 Stradmore Av,4,h,,PN,Biggin,8/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Thomastown,4 Omega Ct,3,h,560000,S,Ray,8/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,4/73 Ballantyne St,2,t,820000,S,Love,8/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,159 Gooch St,3,h,1300000,SP,Jellis,8/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/51 Miller St,3,h,1121000,S,Jellis,8/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,250 Victoria Rd,3,h,1080000,SP,Nelson,8/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,23/151 Canterbury Rd,2,u,1025000,S,Rodney,8/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7 Devorgilla Av,3,h,,S,Kay,8/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/789 Malvern Rd,1,u,340000,SP,hockingstuart,8/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,33 Montalto Av,3,h,,PN,Marshall,8/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,18 Selborne Rd,4,h,6010000,S,Marshall,8/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont,13 Coringa Cl,4,h,,SP,Fletchers,8/09/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,5 Alicia Ct,4,h,1050000,PI,Ray,8/09/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,19/101 Martins La,3,h,,PI,Purplebricks,8/09/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,34 Artesian Av,4,h,,PI,Fletchers,8/09/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,99 Bloom Av,4,h,1000000,S,Ray,8/09/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte South,108 Brysons Rd,3,h,1380000,SP,Jellis,8/09/2018,3134,Eastern Metropolitan,216,19.9,Manningham City Council +Watsonia,3 Crellin Cr,3,h,900000,S,Buckingham,8/09/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,22 Amaroo Wk,3,h,425000,S,hockingstuart,8/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 High St,3,h,626000,S,YPA,8/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Larose Pl,4,h,670000,S,hockingstuart,8/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Parrakeet Rd,3,h,,PI,LJ,8/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Wyndham St,4,h,686000,S,Ray,8/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,64A Wyndham St,3,h,400000,PI,Ray,8/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/657 Barkly St,1,u,310000,SP,FN,8/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/6 Hatfield Ct,2,u,305000,S,Jas,8/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,117 Suffolk St,2,h,872000,SP,Biggin,8/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,3/5 Avion Pl,2,t,510000,SP,Stockdale,8/09/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,6/26 Hillcrest Dr,3,t,555000,SP,Barry,8/09/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1/278 Jells Rd,4,t,,SP,Biggin,8/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,39 Hannan St,4,h,3500000,SP,Greg,8/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4/65 Melbourne Rd,2,u,470000,SP,Williams,8/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,2 Somerset Pl,2,h,,PI,Biggin,8/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,7 Allumba Wy,3,t,485000,S,hockingstuart,8/09/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,75 Aldridge Rd,4,h,575000,S,Ray,8/09/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,27 Cullen Dr,4,h,610000,S,Greg,8/09/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,19 Greens Rd,3,h,420777,SP,Ray,8/09/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,2 Barron Wy,4,h,855000,S,Ray,8/09/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,102 Wembley Av,4,t,825000,VB,Biggin,8/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,98 Charles St,2,h,1636000,S,Nelson,8/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,217 Langridge St,3,h,1000000,S,Jellis,8/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,18a Mollison St,2,t,745000,S,Jellis,8/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,6/241 Nicholson St,1,u,300000,S,Biggin,8/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,10 Valiant St,2,h,1097000,S,Biggin,8/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,403/609 Victoria St,2,u,542000,S,Dingle,8/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,21 May St,4,h,1346000,S,Nelson,8/10/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,25 Valencia St,2,h,1300000,S,Rendina,8/10/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,81a Roberts Rd,3,h,680000,VB,Nelson,8/10/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,114 Victoria Av,3,h,2485000,S,Cayzer,8/10/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,2/21 Fulham Rd,3,t,1304000,SP,Holland,8/10/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,44 Shiers St,4,h,1717500,S,Collins,8/10/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,1/4 Deavey Ct,2,u,540000,VB,hockingstuart,8/10/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/136 Queen St,2,u,580000,S,Barlow,8/10/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,173 Queen St,3,h,1335000,S,hockingstuart,8/10/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/265 Queen St,3,t,800000,SP,hockingstuart,8/10/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,25 Allan St,4,h,875000,SP,Jas,8/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,9 Fourth Av,3,h,800000,S,Barlow,8/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,104 McLaughlin St,2,h,560000,S,Douglas,8/10/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,18/41 Kooyong Rd,2,u,645000,S,Marshall,8/10/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10 William St,1,h,1435000,SP,Jellis,8/10/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,70 Bloomfield Rd,4,h,,S,Brad,8/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,41 Monash St,3,h,1230000,S,Nelson,8/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/78 Ormond Rd,2,h,636500,S,Jellis,8/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,83 Roseberry St,3,h,910000,S,Raine,8/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7a Station Av,2,h,872500,PI,Jellis,8/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/6 Crete Av,3,h,780000,S,Tim,8/10/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,69a Munro Av,4,h,1942000,S,Marshall,8/10/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,16a Nicholas St,3,h,1100000,PI,Marshall,8/10/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,5 Nicholas St,3,h,1337000,S,Buxton,8/10/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,10 Maroondah Rd,4,h,1270000,SP,Buxton,8/10/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4 Peppermint Ct,4,h,1510000,S,Buxton,8/10/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Avondale Heights,9 Arcade Wy,3,h,560000,SP,Moonee,8/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,31 Duke St,3,h,750000,S,Barry,8/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,97 Military Rd,3,h,627500,SP,Moonee,8/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,21 River Dr,3,t,880000,S,Moonee,8/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,43 Riverside Av,3,h,825000,S,Brad,8/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,35 Templewood Cr,4,h,1372000,S,Nelson,8/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,13 Naroo St,4,h,1800000,PI,Jellis,8/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/339 Union Rd,3,h,1020000,VB,Marshall,8/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,101/201 Whitehorse Rd,2,u,635000,S,Fletchers,8/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,7 Clifton St,4,h,1400000,PI,hockingstuart,8/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Clive Ct,4,h,2130000,PI,RW,8/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/34 Doncaster Rd,3,u,1050000,S,Fletchers,8/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Page St,5,h,3690000,S,RW,8/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/39 Trentwood Av,2,u,709000,S,Jellis,8/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,47 Enfield Dr,3,h,,SN,Barry,8/10/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2/4 Highmoor Av,3,u,655000,S,Harcourts,8/10/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,6 Winchester Dr,4,h,663000,S,Stockdale,8/10/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield,30 Lyle Av,3,h,450000,VB,Alex,8/10/2016,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,36 Anita St,4,h,1610000,S,Ray,8/10/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Bolton St,3,h,1460000,S,Thomson,8/10/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,5 Bruce St,4,h,,SN,Biggin,8/10/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,6 Carlyle Cr,2,h,890000,S,Barry,8/10/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,592 Centre Rd,3,h,1125000,S,hockingstuart,8/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2 Gwendoline Av,3,h,1475000,S,Woodards,8/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,32 Luckins Rd,3,h,1135000,SP,O'Brien,8/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,575 South Rd,3,h,867000,S,hockingstuart,8/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,202/24 Becket Av,2,u,420000,PI,Buxton,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2a Bellevue Rd,4,t,,SP,hockingstuart,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/12 Blenheim St,2,u,495000,SP,Woodards,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,30b Chesterville Dr,4,t,1357500,S,Buxton,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4/19 Gray St,1,u,370000,PI,Buxton,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Tambet St,3,h,1100000,SP,Buxton,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,44 Vasey St,3,h,,SP,Ray,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,109 Victor Rd,4,h,1100000,S,Woodards,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Wallace St,3,h,1355000,S,Buxton,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Wards Gr,4,h,1206000,S,Hodges,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/3 Wonga Ct,2,t,486500,S,hockingstuart,8/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,1 Stevens Pde,4,h,1530000,S,Hodges,8/10/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,17 Elm St,4,h,1886000,S,Noel,8/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,31 Fuchsia St,4,h,2236000,S,Fletchers,8/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Gwenda Av,4,h,1285000,S,Noel,8/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,51 Jubilee St,3,t,760000,S,Barry,8/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4/19 Laburnum St,3,u,,SN,Woodards,8/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/19 Tyrrell Av,3,t,980000,S,Philip,8/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,52 Morrie Cr,3,h,1152000,S,Philip,8/10/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,17 Springfield Rd,3,h,,S,Noel,8/10/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,4/107 Surrey Rd,3,u,778000,S,Jellis,8/10/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,2/10 Boyd St,2,u,,SN,Woodards,8/10/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Eley Rd,3,h,1255000,S,Fletchers,8/10/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,11 Mansfield St,3,h,,S,Fletchers,8/10/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1 Shields Ct,4,h,1210000,S,Max,8/10/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,2/8 Golden Av,3,t,552000,S,Thomson,8/10/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,1/24 Rose St,2,u,,PN,Woodards,8/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/18 Standard Av,4,t,,PI,Philip,8/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,3 Cross St,3,h,652000,S,Barry,8/10/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,37 Hargreaves Cr,4,h,,PI,Burnham,8/10/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2 Riley Ct,4,h,850000,SA,Sweeney,8/10/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,5 Davie La,2,h,502000,S,Hodges,8/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,26 Dawson Av,3,h,,S,Buxton,8/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,70 Dendy St,4,h,,SP,Nick,8/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Foote St,4,h,,SN,Biggin,8/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,21 Grandview Rd,2,h,,SP,Marshall,8/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/17 Tennyson St,2,u,700000,PI,RT,8/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,4 Chapman St,5,h,2900000,PI,Buxton,8/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,54 Cluden St,3,h,,PI,Ray,8/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Plunket St,5,h,,SN,Buxton,8/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,299 South Rd,3,h,1590000,S,Marshall,8/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,142 Graham St,4,h,502000,S,Stockdale,8/10/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,154 Graham St,3,h,,PN,Walshe,8/10/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,10 London Rd,5,h,782200,S,YPA,8/10/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,9 Corrigan Av,3,h,,SP,hockingstuart,8/10/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,5/10 Heather Av,2,u,,SP,hockingstuart,8/10/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,129 Albion St,4,h,1115000,PI,Jellis,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,57 Collier Cr,3,h,981000,S,Ray,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,39 Eveline St,3,h,1125000,S,Jellis,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,33 Lyle St,2,h,,S,Nelson,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,28 Osborne St,3,h,855000,S,Nelson,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,78 Stewart St,3,h,910000,S,Jellis,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,102/747 Sydney Rd,2,u,430000,PI,Walshe,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,16 Thistle St,3,t,940000,S,Ray,8/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,114 Barkly St,3,h,,S,Nelson,8/10/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,201/218 Lygon St,2,u,435000,S,Jellis,8/10/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,8/389 Lygon St,2,u,570000,PI,Jellis,8/10/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,48 Hunter St,4,h,,SN,Ray,8/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,36c Newman St,2,t,530000,VB,Nelson,8/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,10a Elizabeth St,3,t,1250000,SP,Jellis,8/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,49 Furneaux Gr,4,h,1002000,S,Jellis,8/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,15 Millicent Av,5,h,950000,PI,McGrath,8/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/10 Ronald Av,2,t,836000,S,Barry,8/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,1 Barrimal Wy,4,h,,PI,Ray,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Bent St,2,u,472000,S,Ray,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Buttercup Gr,4,h,725000,S,RT,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,207 Greenwood Dr,4,h,645000,S,Barry,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6/40 McLeans Rd,3,h,565000,S,hockingstuart,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Newman Cl,4,h,845000,SP,Ray,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Samuel Ct,4,h,640000,PI,Ray,8/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,36 Cumming St,3,h,,PI,Ross,8/10/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,25 Greenwood St,4,h,1682000,S,Jellis,8/10/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,7 Balmoral Ct,4,h,,SN,Woodards,8/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,66 Benwerrin Dr,3,h,1035000,S,Noel,8/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,211 Burwood Hwy,5,h,1100000,S,Marshall,8/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,14 Inga St,3,h,1191000,S,Fletchers,8/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,44 Sevenoaks Rd,3,h,,PN,Woodards,8/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2 Taylor Av,3,h,962000,S,Ray,8/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,17 Granville St,5,h,,PN,RT,8/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Oxford St,2,h,892000,S,hockingstuart,8/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8 Stanhope Gr,5,h,,S,Jellis,8/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,54 Blackwood Cr,3,h,520000,S,Raine,8/10/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,5 Dorothea St,2,h,1305000,S,Jellis,8/10/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3 Monomeath Pl,4,h,4350000,S,Marshall,8/10/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,83 Cardigan St,2,h,840000,SP,Jellis,8/10/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,2/872 Drummond St,2,t,765000,S,Nelson,8/10/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,8/27 Elliott Av,1,u,,SN,McGrath,8/10/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/67 Shepparson Av,2,u,889500,SP,Ray,8/10/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,3 Heaton Ct,3,h,600000,SP,YPA,8/10/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,84 Lawson Wy,3,h,563000,S,FN,8/10/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2/3 Smith St,2,u,533000,S,FN,8/10/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield East,10 Lloyds Av,2,h,1300000,SP,Gary,8/10/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield East,4 Lord St,3,h,1380000,S,Bayside,8/10/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield South,303 Bambra Rd,3,h,1160500,S,Gary,8/10/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,11/8 Bealiba Rd,2,u,650000,VB,hockingstuart,8/10/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,80 Sycamore St,3,h,1170000,S,Biggin,8/10/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1/1 Margot St,3,u,805500,S,Ray,8/10/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/23 Woodbine Gr,3,t,636000,S,Eview,8/10/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,1/3 Booker St,3,t,820000,VB,Buxton,8/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Friendship Sq,3,h,1006000,S,O'Brien,8/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13 Herald St,5,h,850000,SP,C21,8/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Luxmoore St,2,h,1191000,S,Ray,8/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Wilson St,3,h,1135000,S,O'Brien,8/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Woodland Dr,3,t,770002,S,Ray,8/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,3 Newcombe Ct,3,h,751000,S,RT,8/10/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,29 Beddoe Av,3,h,1551000,SP,Century,8/10/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,82 Margaret St,3,h,1060000,S,hockingstuart,8/10/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,17 Prince St,3,h,,SP,Darras,8/10/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,17 Lanark St,4,h,877000,S,Century,8/10/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,8 Newport Rd,3,h,875000,S,Buxton,8/10/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,12 Aitken St,4,h,,S,Jellis,8/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,86 Hodgkinson St,2,h,1420000,S,Collins,8/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,119 Roseneath St,2,h,1075000,S,Nelson,8/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,85 Roseneath St,2,h,1105000,S,Harrington,8/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,413a Wellington St,2,h,1209000,S,Jellis,8/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,57 Bell St,3,h,,SP,Biggin,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7/13 Clarendon St,2,u,466000,S,Nelson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/58 Moore St,3,t,740000,VB,Nelson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,105 Moreland Rd,3,h,812000,S,Nicholson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,107 Moreland Rd,3,h,766000,S,Nicholson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,109 Moreland Rd,3,h,825000,S,Nicholson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Quarry Cct,4,h,1131000,S,Nelson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,114 Reynard St,3,h,1064000,SP,Nelson,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/262 Reynard St,2,t,610000,PI,Ray,8/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,17 Mathieson St,3,h,860000,S,Nelson,8/10/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Mehegan Av,3,h,765000,S,Raine,8/10/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,4 Sharp Gr,2,h,765000,S,Love,8/10/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,21 Tonkin Av,2,h,810000,S,Brad,8/10/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,20 Emma St,2,h,1015000,S,Nelson,8/10/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,307/11 Hoddle St,1,u,372000,SP,Woodards,8/10/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,5/77 Little Oxford St,3,u,1326000,S,Nelson,8/10/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,2/28 Napoleon St,2,t,999000,SP,Jellis,8/10/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,44 Brunswick Cr,2,t,,PI,Barry,8/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Elmville Pl,4,h,,PI,Barry,8/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Liverpool Cct,4,h,,SN,Barry,8/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,34 Green St,2,h,1000000,S,Biggin,8/10/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,7/18 Kelso St,2,u,546000,S,Biggin,8/10/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,4 Cheeseman St,3,h,670000,SP,McGrath,8/10/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,132 Lincoln Rd,3,h,618000,S,McGrath,8/10/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,35 Smith Av,4,h,,PI,Barry,8/10/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,10 Biak Pl,4,h,840000,SP,McGrath,8/10/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,16 Andrew Cr,4,h,908500,SP,Noel,8/10/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,2a Faraday Rd,3,h,,SN,Barry,8/10/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,3 Lalor St,3,h,311000,S,YPA,8/10/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,16 Hopkins St,4,h,580000,PI,McLennan,8/10/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,138 Tamar Dr,8,h,,PI,LJ,8/10/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,4 Poa Ct,3,h,491000,S,Ray,8/10/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,1a Ryan Rd,3,u,,SN,Barry,8/10/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,11 Chiswick Cr,4,h,,SN,Barry,8/10/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,10 Colchester Vs,4,h,,SN,Barry,8/10/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,21a Hermitage Pde,4,t,,SN,Barry,8/10/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,88 Lennon Pky,4,h,,SN,Barry,8/10/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,15 Victoria St,4,h,600000,SP,Mason,8/10/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,6/14 Firth St,2,u,400000,VB,Ross,8/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,36 Henry St,5,h,1400000,S,Jellis,8/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/10 Morrison Cr,3,h,736000,S,hockingstuart,8/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,20 Wilsons Rd,3,h,,PI,Ross,8/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,6 Bogong Ct,6,h,,S,Barry,8/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/18 May St,2,u,638000,S,Jellis,8/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14 Montreal Dr,4,h,1250000,PI,Jellis,8/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/15 Richard St,3,h,,PI,Philip,8/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,68 Tristania St,4,h,1400000,S,Barry,8/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Watling Tce,4,h,1165000,S,Jellis,8/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,4 Cameron Cl,4,h,1160000,S,Jellis,8/10/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,6 Martha St,3,h,680000,S,Enrich,8/10/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,3/43 Waldemar Rd,3,t,,SN,Miles,8/10/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,37/22 Agnes St,2,u,740000,SP,Woodards,8/10/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,6/45 Gipps St,1,u,1015000,S,Caine,8/10/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,706/30 St Andrews Pl,2,u,1400000,S,Caine,8/10/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,70 Rae Av,3,h,751000,S,Eview,8/10/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,7 Sinclair La,3,h,1080000,S,Eview,8/10/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3/34 Elizabeth St,2,u,,SN,Biggin,8/10/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,56 Prentice St,4,h,,SN,Biggin,8/10/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,206/28 Riddell Pde,2,u,,VB,Greg,8/10/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham North,210 Ryans Rd,3,h,896000,S,Barry,8/10/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,12 Stirling Ct,4,h,865000,S,Morrison,8/10/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,2/23 Foam St,2,u,582500,S,Chisholm,8/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/147 Glen Huntly Rd,1,u,485000,S,Buxton,8/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/9 Poets Gr,2,u,660000,VB,Chisholm,8/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/6 Southey St,2,u,575000,PI,Chisholm,8/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,83 Aldridge St,3,h,550000,S,C21,8/10/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,12 Nyora Cl,3,h,550000,SP,O'Brien,8/10/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,2 Sorbus Cl,3,h,493000,SP,O'Brien,8/10/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,354 Findon Rd,3,h,468000,S,Harcourts,8/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,33 Hendersons Rd,3,h,574000,S,Harcourts,8/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4 Agatha St,3,h,1240000,S,Nelson,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,129 Bradshaw St,4,h,,SP,Nelson,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/23 Fletcher St,2,u,456000,S,Brad,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,59 Hedderwick St,5,h,2800000,PI,Nelson,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,65 King St,5,h,,S,Nelson,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/12 Morton St,2,h,711000,S,Nelson,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13a Washington St,3,h,1060000,PI,Barry,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/25 Wright St,1,u,325000,S,Brad,8/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,12 Prospect St,2,h,1430000,S,Barry,8/10/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,3/260 Rathmines St,3,t,846000,SP,Love,8/10/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,45 Bruce St,4,h,540000,VB,Brad,8/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,16a Derby St,2,t,,SN,Ray,8/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Minona St,4,h,,SN,Barry,8/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,13 Butlers Rd,3,h,690000,S,Ray,8/10/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,5/35 Jamieson St,3,t,1015000,S,Collins,8/10/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,10 Crown St,3,h,870000,S,Brad,8/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1/15 Dartford St,2,u,391000,S,Nelson,8/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1/116 Edinburgh St,2,h,715000,SP,Nelson,8/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,11 Finsbury St,3,h,1130000,S,Nelson,8/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,43 Finsbury St,3,h,1110000,PI,Nelson,8/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,11 Commercial Rd,3,h,930000,PI,Sweeney,8/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,105/64 Cross St,2,u,490000,S,Sweeney,8/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/13 Essex St,3,h,853000,S,Village,8/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,13 Lynch St,4,h,1290000,S,Sweeney/Advantage,8/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/11 Nicholson St,3,u,480000,S,Nelson,8/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3 Park St,4,h,775000,S,Sweeney,8/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,9 Jocelyn Ct,3,h,930000,S,Jellis,8/10/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,185 Beach St,4,h,,SP,hockingstuart,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Foot St,3,h,610000,SP,Purplebricks,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Forsyth St,3,h,,PN,Asset,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Frawley St,4,h,512500,S,C21,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,40 Hillcrest Rd,3,h,626000,PI,U,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,58 Raphael Cr,4,h,,SN,Barry,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,7 The Mews,4,h,610000,VB,Asset,8/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,14 Manna Ct,3,h,360000,SP,Ray,8/10/2016,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,36 Manor Dr,4,h,640000,SP,Barry,8/10/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Shelbury Pl,4,h,620000,S,Ray,8/10/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,3 Dalton St,3,h,720000,VB,Raine,8/10/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,96 Sheedy Rd,4,h,770000,VB,Raine,8/10/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,3 Dolphin Ct,3,h,560000,S,Stockdale,8/10/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Greenacre Gr,3,h,553000,S,YPA,8/10/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,9/133 Grange Rd,1,u,341000,SP,Gary,8/10/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,83 Grange Rd,3,h,1160000,S,Gary,8/10/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,4/9 MacKay Av,3,h,960000,S,Rodney,8/10/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/51 Alfred Rd,4,t,1350000,PI,Jellis,8/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Atkins Av,3,h,,SP,Marshall,8/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7/69 Edgar St N,2,u,411000,SP,Noel,8/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/46 Iris Rd,3,h,1222000,S,Marshall,8/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,19 Mills St,4,h,,S,Marshall,8/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,39 Welfare Pde,4,h,1550000,S,Marshall,8/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,33 Chapman Bvd,3,h,1430000,S,hockingstuart,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 College Ct,6,h,1900000,PI,Barry,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,28 Crows La,4,h,1487000,S,Harcourts,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/648 Highbury Rd,3,t,,S,Jellis,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Kirstina Rd,4,h,1579000,S,Barry,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Lisa Ct,4,h,1220000,S,Justin,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Mannering Dr,4,h,1450000,PI,Barry,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Nestan Ct,5,h,,PN,Barry,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,40 Ralton Av,3,h,1228000,S,Stockdale,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Robe Ct,4,h,1202000,SP,Harcourts,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Rowitta Dr,3,h,1240000,S,Fletchers,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,71 Windella Cr,4,h,1030000,S,Barry,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34 York St,5,h,1260000,S,Barry,8/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,11 Caldwell St,3,h,721000,S,YPA,8/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1 Gordon Ct,3,h,737000,S,Stockdale,8/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,134 John St,3,h,575500,S,hockingstuart,8/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 Lyons St,3,h,600000,S,Barry,8/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24a Morell St,3,h,460000,SP,Raine,8/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/919 Pascoe Vale Rd,3,t,370000,PI,Walshe,8/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,42 Booyan Cr,3,h,650000,S,Buckingham,8/10/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Bullanoo Ct,4,h,788000,S,Darren,8/10/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Santon St,3,h,838000,S,Buckingham,8/10/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,1308 Lemonwood Dr,4,h,465000,SP,hockingstuart,8/10/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,10 Volga St,3,h,719000,S,Eview,8/10/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,26 Glenburn Dr,4,h,,SN,Barry,8/10/2016,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton East,31 Charming St,3,h,,S,hockingstuart,8/10/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/205 Auburn Rd,1,u,365000,PI,Jellis,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/164 Barkers Rd,2,u,580000,S,hockingstuart,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,530 Burwood Rd,3,h,1300000,S,Marshall,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,44 College St,3,h,1300000,S,Nelson,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Elm St,3,h,,S,Marshall,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,28 Johnson St,4,h,,S,Marshall,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,302/2 Tweed St,2,u,575000,S,hockingstuart,8/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,22 Fletcher St,2,h,,S,Marshall,8/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,17 Oberon Av,3,h,1410000,S,Jellis,8/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10/26 Redfern Rd,3,t,1110000,S,Jellis,8/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,21 Russell St,4,t,1425000,S,Jellis,8/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Healesville,45 McGrettons Rd,4,h,1500000,VB,Eview,8/10/2016,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,39 Barrow Dr,3,h,,SN,Barry,8/10/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,14 Valerie Ct,4,h,,PI,Fletchers,8/10/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,16 Woodlands Rd,3,h,762000,S,Ray,8/10/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg West,8 Blackwood Pde,2,h,686000,S,Nelson,8/10/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,253 Liberty Pde,2,h,501500,S,Nelson,8/10/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,365 Liberty Pde,3,h,525500,S,Nelson,8/10/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,184 Oriel Rd,2,h,,SN,Barry,8/10/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2/23 Dennis St,3,t,800000,S,Buxton,8/10/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,49 Lawson Pde,3,h,825000,S,Hodges,8/10/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,23 Kelland Av,4,h,612000,S,Barry,8/10/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,15 Oxford Dr,4,h,602000,S,Prof.,8/10/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,33 Bellbridge Dr,3,h,455000,S,YPA,8/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Julier Cr,3,h,406000,S,YPA,8/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,69 MacEdon St,3,h,397000,S,hockingstuart,8/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Stagecoach Cl,4,h,445000,S,YPA,8/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Tamboritha Pl,4,h,490500,S,hockingstuart,8/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,8a Camden Rd,3,t,,SN,Ray,8/10/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,19 Canterbury St,3,h,1055000,S,Woodards,8/10/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe East,34 Charteris Dr,4,h,,SP,Jellis,8/10/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,44 Keam St,4,h,1660000,S,Fletchers,8/10/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,42 Bellara Cr,3,h,400000,S,Nelson,8/10/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,1/23 Hunter St,4,t,800000,PI,Brad,8/10/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,32 Aldershot Dr,4,h,600000,S,Raine,8/10/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,12 Benz Ct,4,h,610000,S,Alexkarbon,8/10/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,10 Packard St,4,h,1255000,SP,Barry,8/10/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,86a Noga Av,4,t,870000,S,Nelson,8/10/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,86 Prospect Dr,3,h,690000,S,Harcourts,8/10/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,47 Roberts St,3,t,785000,S,Nelson,8/10/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,31 Swan St,3,h,720000,S,Nelson,8/10/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,10 Altona St,2,h,905000,S,Edward,8/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,68 Bayswater Rd,3,h,,S,Nelson,8/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,70 Hardiman St,2,h,960000,S,Nelson,8/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,94 McConnell St,2,h,1031000,SP,Woodards,8/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,59 The Crescent,3,t,918000,SP,Nelson,8/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,13 Youlden St,3,h,870000,S,Greg,8/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,7 Clevedon Ct,4,h,1950000,VB,Kay,8/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Gordon Av,2,h,1210000,S,Nelson,8/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,14 Irymple Av,4,h,2908000,S,Bekdon,8/10/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,19 Woolcock Av,4,h,1805000,S,Jellis,8/10/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,1/65 Marriott Dr,3,t,600000,SP,hockingstuart,8/10/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,5 Meadowbank Ct,3,h,420000,SP,Homes,8/10/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,415 Taylors Rd,3,h,,SP,FN,8/10/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,46 Dunne St,3,h,980000,S,Barry,8/10/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Lalor,24 Edmondson St,3,h,425000,SP,Ray,8/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3 Kanimbla Dr,3,h,437000,S,Ray,8/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,53 Michael St,3,h,463000,SP,Millership,8/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,11 Murphy St,4,u,576500,S,Harcourts,8/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,29 Prilep Hts,4,h,960000,S,Harcourts,8/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lysterfield,15 Regency Tce,4,h,1275000,S,Biggin,8/10/2016,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +MacLeod,2/129 Wungan St,3,u,585000,S,Darren,8/10/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,25 Carlyle St,3,h,676500,S,Biggin,8/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/120 Suffolk St,2,h,502000,SP,Sweeney,8/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,7 Wallace St,3,h,721000,S,Sweeney/Advantage,8/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,2/64 Cawkwell St,2,u,635000,S,hockingstuart,8/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8/7 Warner St,2,u,611000,SP,Marshall,8/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,52 Abbotsford Av,3,h,,SN,Ray,8/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/82 Brunel St,2,u,720000,S,J,8/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,55 Emo Rd,3,h,2210000,SP,Ray,8/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,12 Gauntlet Rd,3,t,940000,PI,Barry,8/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,61 Repton Rd,3,h,,SP,Marshall,8/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,31 Hillsdale Av,3,h,700000,S,Nelson,8/10/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3 Lakeside Cr,3,h,1275000,S,Edward,8/10/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,41 River St,3,h,986500,S,Biggin,8/10/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,608/547 Flinders La,2,u,370000,S,MICM,8/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,719/55 Queens Rd,1,u,390000,VB,hockingstuart,8/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1011/74 Queens Rd,1,u,270000,PI,Dingle,8/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,47 Oldershaw Rd,3,h,259000,S,Ryder,8/10/2016,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,2/129 Lower Dandenong Rd,2,u,360000,PI,O'Brien,8/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,146 Oak Av,3,h,710000,SP,Hodges,8/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,36b Plummer Rd,3,t,1270000,S,Hodges,8/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12 Russell Ct,4,h,1900000,PI,Ray,8/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/7 Station St,2,u,430000,S,Bayside,8/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,5 Durer Wk,2,t,301000,S,RW,8/10/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,103 Everard Rd,3,h,,SN,Ray,8/10/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,9 Ginninderry Gra,4,h,585000,S,hockingstuart,8/10/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,5/143 Canterbury Rd,1,u,400000,S,RT,8/10/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,40 Langridge St,2,h,,S,Cayzer,8/10/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,203/40 Bush Bvd,2,u,,PI,Harcourts,8/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Lindsay Cl,4,h,,SN,Harcourts,8/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,52 Moorhead Dr,4,h,,SN,Barry,8/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Poseidon Cl,3,h,502500,S,RW,8/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,48 Alwyn St,4,h,1435000,S,Noel,8/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9/10 Brunswick Rd,2,u,450500,S,Allens,8/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,45 Percy St,3,h,920000,VB,Noel,8/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,54 Purches St,4,h,1355000,S,Barry,8/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3 Gilbert St,5,h,1955000,PI,hockingstuart,8/10/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,128 Grand Bvd,4,h,,SN,Barry,8/10/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,76 Argyle St,3,h,1550000,SP,Brad,8/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,25 Buckley St,3,h,1170000,S,Re,8/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,101 Holmes Rd,4,h,1120000,VB,Nelson,8/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/10 Scotia St,2,u,675000,S,Brad,8/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,20 Scotia St,3,h,880000,SP,McDonald,8/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,105 Vine St,5,h,,S,Nelson,8/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2/17 Barilla Rd,2,u,655000,S,Buxton,8/10/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,83 Bulli St,4,h,1200000,S,Buxton,8/10/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,8 Highland Cr,4,h,748000,S,hockingstuart,8/10/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,258 Hull Rd,3,h,,SN,Barry,8/10/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,5/44 Cedric St,2,u,280000,PI,Hodges,8/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3 Lewis St,5,h,,PI,Barry,8/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,27 Montgomery St,3,t,1250000,S,Hodges/Buxton,8/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,34 Purtell Cl,4,h,1075000,S,Ray,8/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,7/24 Adrienne Cr,3,t,839000,S,McGrath,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Beverley Gr,4,h,1800000,PI,Jellis,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,286 Highbury Rd,4,h,,PN,Harcourts,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Lynden Gr,5,h,1390000,PI,McGrath,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Maple St,3,h,1405000,S,Ray,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,30 Oakern St,3,h,1200000,PI,McGrath,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Smyth St,3,h,,SP,Biggin,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/35 Solomon St,3,t,,PI,Buxton,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,50 Stocks Rd,4,h,,SN,McGrath,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Stocks Rd,4,h,1101000,S,Scott,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,47 Surrey Rd,5,h,,SN,Barry,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 The Highway,5,h,,SN,McGrath,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/48 Torroodun St,3,t,,SP,Stockdale,8/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,5 Elland Pl,3,h,653000,SP,Ray,8/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Montana Av,3,h,840000,S,Ray,8/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,25 Mountain Cr,3,h,692000,S,Win,8/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/8 Topaz Ct,2,u,623500,S,Ray,8/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/43 Kangaroo Rd,2,u,825000,S,Buxton,8/10/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,23 Alma Tce,3,h,1220000,S,Williams,8/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,99 Anderson St,3,h,785000,S,RT,8/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/24 Maddox Rd,3,h,810000,PI,RT,8/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,5/222 Mason St,3,t,595000,PI,Greg,8/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,22 Mirls St,2,h,962000,S,Village,8/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,4/6 Elstone Ct,3,t,615000,VB,Barry,8/10/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,21 Larbert Rd,3,h,,SN,Barry,8/10/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,377 Princes Hwy,4,h,,SN,Barry,8/10/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,112 Dryburgh St,4,h,,PI,Jellis,8/10/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,13/49 Haines St,2,u,475000,S,Jas,8/10/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,6/55 Provost St,2,u,640000,S,MICM,8/10/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,502/8 Breavington Wy,2,u,641000,SP,Nelson,8/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Brooke St,3,h,1655000,SP,Jellis,8/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,13 Helen St,4,h,1950000,S,Jellis,8/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1a Reid St,2,t,720000,S,Peter,8/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Stott St,4,h,905000,S,Nelson,8/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,31 Samada St,3,h,929000,S,Leyton,8/10/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,33 Candlebark La,4,h,1033000,S,Fletchers,8/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,11 Oshannessy St,2,h,930000,S,Fletchers,8/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,9 Oshannessy St,3,h,,S,Fletchers,8/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,9 Roger Ct,3,h,910000,S,Allens,8/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,69a Rhodes Pde,3,h,,SN,Barry,8/10/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4/13 Sylvester St,2,u,522000,S,Stockdale,8/10/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,6 Cambridge St,3,h,,PI,Buxton,8/10/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,4 Leroux St,3,h,1076000,S,Buxton,8/10/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1/8 Westminster St,2,u,,PN,Barry,8/10/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,6 Berrima St,3,h,880000,S,Century,8/10/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/9 Elizabeth St,4,t,870000,PI,Ray,8/10/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,11 Kuranda Cr,5,h,960000,S,Barry,8/10/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/70 MacRina St,3,t,790000,S,Ray,8/10/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,14 Columbia St,3,h,802000,S,Ray,8/10/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,21 Hardy Ct,3,h,995000,S,Ray,8/10/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,10 Luain Av,3,h,885000,S,Win,8/10/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,32a Bewdley St,2,h,1250000,S,Ray,8/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,13 Stewart St,2,h,1360000,PI,hockingstuart,8/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/47 Stewart Av,2,u,580000,S,Hodges,8/10/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,92 Fitzgibbon St,2,h,1805000,S,Collins,8/10/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,14/18 Lennon St,1,u,352500,S,Jellis,8/10/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,24 Eddie St,5,h,1345000,S,Brad,8/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1c Hazel Gr,2,t,530000,SP,hockingstuart,8/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,9 Kevin St,3,h,815000,S,Brad,8/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,17 Rhodes Pde,4,h,930000,PI,Brad,8/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/8 View St,2,u,521500,SP,Jellis,8/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,11 Legana Ct,3,h,,SN,Asset,8/10/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,4/10 Rhode Id,4,t,850000,PI,Hodges/Hodges,8/10/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plenty,26 Treetop Tce,4,h,935000,SP,Millership,8/10/2016,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,27 Coco Cct,3,h,601000,S,hockingstuart,8/10/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3/15 Friar Park Pl,3,h,371000,S,hockingstuart,8/10/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 Martaban Cr,3,h,480000,VB,hockingstuart,8/10/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,306/77 Nott St,2,u,600000,PI,Chisholm,8/10/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,143 Pickles St,3,h,1916000,S,Greg,8/10/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,27/4 Seisman Pl,1,u,577000,S,Chisholm,8/10/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,2/36 Clarke St,1,u,482500,SP,Sotheby's,8/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/1 Greville St,2,u,,S,hockingstuart,8/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/2 King St,1,u,,S,hockingstuart,8/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,14/10 Williams Rd,2,u,,SP,Biggin,8/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,37 Wrights Tce,3,h,1730000,S,Jellis,8/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,176 Albert St,3,h,700000,S,hockingstuart,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,65 Albert St,3,h,615000,S,hockingstuart,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Emerald St,2,h,775000,S,Ray,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1 George St,3,h,735000,S,hockingstuart,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,313/388 Murray Rd,2,u,410000,S,Ray,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,35 Roseberry Av,4,h,1270000,S,Ray,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,74 Roseberry Av,3,h,1081000,S,Barry,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Tyler St,3,h,550000,VB,Love,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,28 Tynan St,3,h,1000000,S,Nelson,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12 Youngman St,2,h,780000,PI,Love,8/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,1/3 Boldrewood Pde,3,h,500000,PI,Love,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Crawley St,4,h,1015000,S,Barry,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,193 Edwardes St,3,h,915000,S,Ray,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,66 Elinda Pl,2,h,380000,S,Alexkarbon,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1a Fordham Rd,2,u,468000,S,Ray,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 George St,3,h,800000,S,Barry,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/60 Henty St,2,u,380000,S,Nelson,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,91 Henty St,3,h,600000,S,Nelson,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/137 Hickford St,3,t,530000,PI,Nelson,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/155 Hickford St,2,u,434000,S,Barry,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/14 MacK St,3,t,592000,S,Ray,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Maritana Av,4,h,,PI,Barry,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 McCasker Av,3,h,885000,S,Ray,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11a Oconnor St,2,h,611000,S,Barry,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/27 Pickett St,2,u,,PI,Barry,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/102 Rathcown Rd,2,u,440000,SP,Ray,8/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,406/20 Burnley St,1,u,345000,PI,Ray,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,255 Coppin St,3,h,1275000,PI,Jellis,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12a Khartoum St,4,t,,SP,Jellis,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,127 Lord St,2,h,,S,Jellis,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13 McKay St,3,h,1150000,VB,Jellis,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,249 Punt Rd,4,h,950000,VB,Jellis,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,303/18 Tanner St,2,h,270000,PI,Dingle,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Wiltshire St,3,h,930000,S,Biggin,8/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,27a Hendra Gr,3,t,,SN,Barry,8/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,29 James St,4,h,1270000,VB,Noel,8/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,89 Maidstone St,3,h,850000,S,Fletchers,8/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,4/22 Freeman St,2,h,472000,PI,hockingstuart,8/10/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,73 Gracedale Av,5,h,940000,S,Philip,8/10/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,16 Cielterre Av,5,h,,S,Jellis,8/10/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rowville,20 Clauscen Dr,4,h,730000,S,Harcourts,8/10/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,9 Edgecombe Wy,3,h,385500,S,Raine,8/10/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,22 Paroo Av,4,h,390000,SP,Professionals,8/10/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Tiffany Cr,4,h,598500,S,Ray,8/10/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,26 Nelson St,4,h,2380000,S,Buxton,8/10/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,38 Nabilla Av,4,h,855000,S,Harcourts,8/10/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,4 Punari Ct,3,h,450000,VB,Community,8/10/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,44 Alexander St,3,h,1075000,SP,Jas,8/10/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,50 Hyde St,3,h,937500,S,Village,8/10/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,38 Lily St,3,h,1350000,PI,Village,8/10/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,247 York St,3,h,1250000,S,Greg,8/10/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,123 Hawkstowe Pde,4,h,674000,S,Ray,8/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Ilyuka Wy,4,h,775000,S,Harcourts,8/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Lyons Ri,4,h,550000,S,Love,8/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,71 Vincent Dr,3,h,460000,S,Love,8/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,19/110 Caroline St,2,u,780000,PI,Williams,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,403/700 Chapel St,2,u,865000,S,Williams,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26 Fawkner St,2,h,1455000,S,Jellis,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/24 Kensington Rd,2,t,1365000,S,Kay,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/372 Toorak Rd,1,u,411000,S,hockingstuart,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/391 Toorak Rd,3,u,,S,Marshall,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/403 Toorak Rd,1,u,360500,S,hockingstuart,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/1 Walsh St,2,u,1300000,PI,Williams,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/1 Walsh St,2,u,1300000,PI,Williams,8/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,18 Vernier St,2,h,850000,S,Jas,8/10/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,8 Charlton St,4,h,,SN,Barry,8/10/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,2 Kintore St,4,h,,SN,Barry,8/10/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,25 Newcomen Rd,3,h,590000,SP,Leyton,8/10/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,16 Cox St,3,h,665000,S,GL,8/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Levenia St,3,h,,SN,Barry,8/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2 Stradbroke Dr,3,h,625000,S,YPA,8/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,35 West Esplanade,3,h,,SN,Barry,8/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,46 Allumba Dr,3,h,,SN,Barry,8/10/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Helena,6 Yurana Ct,3,h,721000,S,McGrath,8/10/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,4/46 Blessington St,2,u,1010000,S,Pride,8/10/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/12 Charnwood Rd,2,u,487500,S,Pride,8/10/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,26/69 Wellington St,1,u,459000,SP,Gary,8/10/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunshine North,4 Garnet St,3,h,670000,S,Douglas,8/10/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,61 Meadowbank Dr,3,h,571500,S,Barry,8/10/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,2/86 Phoenix St,2,u,315000,PI,Douglas,8/10/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,27 Diosma Av,3,h,490000,S,Barry,8/10/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,30 Hall St,3,h,620000,S,Bells,8/10/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,766 Canterbury Rd,4,h,,SP,Jellis,8/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Charles St,4,h,1530000,S,Fletchers,8/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,9 Elm St,4,h,1930000,PI,Ray,8/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,63 Shepherd St,4,h,1812500,S,Marshall,8/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/21 Wharton St,2,u,760000,S,Noel,8/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/130 Windsor Cr,2,t,711000,S,Noel,8/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,19 Crossway Av,3,h,520000,SP,Barry,8/10/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,11 Grand Pl,4,h,586000,S,Ray,8/10/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,7 Mallina Gln,3,h,440000,SP,Sweeney,8/10/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,31 Grimes Av,4,h,710000,S,Prof.,8/10/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,15 Muirs Ct,3,h,625000,SP,Barry,8/10/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,9 Mungana Ct,4,h,622000,S,FN,8/10/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,40 Perceval Cr,4,h,635000,S,Barry,8/10/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,4 Warrego Pl,4,h,630000,S,Barry,8/10/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,60 Atkinson St,6,h,,S,Jellis,8/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4b Glendarragh Rd,4,h,1050000,PI,hockingstuart,8/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,22 Larnaca Ct,4,h,,S,Barry,8/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/13 Mossdale Ct,3,t,822000,S,Jellis,8/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,30 Taparoo Rd,4,h,1415000,S,Jellis,8/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,30 Chatsworth Qd,3,h,1105000,S,Philip,8/10/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,8 David Rd,4,h,,PI,hockingstuart,8/10/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,360 Thompsons Rd,4,h,790000,PI,Mason,8/10/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,5 Beno Ct,3,h,525000,S,Nelson,8/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,42/90 Edgars Rd,3,t,340000,SP,Love,8/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,129 Spring St,3,h,520000,S,Harcourts,8/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,70 Victoria Dr,3,h,565000,S,Ray,8/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,9/32 Clarendon St,2,u,532000,S,Love,8/10/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,52 Gooch St,3,h,1135000,S,Nelson,8/10/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,3/10 Bruce St,2,u,,S,Caine,8/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/2 Douglas St,1,u,462800,SP,hockingstuart,8/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/1085 Malvern Rd,3,u,,SP,RT,8/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/703 Orrong Rd,2,u,1450000,PI,Williams,8/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/530 Toorak Rd,2,u,,S,hockingstuart,8/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,7 Carisbrook Cct,4,h,,SN,Barry,8/10/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,2/9 Saddle Wyn,3,u,,PI,Sweeney,8/10/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,3/1 Banksia Gr,3,t,422050,S,YPA,8/10/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,6 Barnaby Pl,4,h,1205000,S,Allens,8/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,24 Grey St,2,h,1115000,S,Barry,8/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,10 Holyrood Dr,5,h,1220000,S,Noel,8/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,28 McClares Rd,3,h,1067000,S,Jellis,8/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,16 Morack Rd,3,h,831000,S,Fletchers,8/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,28 Fortescue Gr,5,h,1658000,S,Ray,8/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2 Moran Ct,4,h,1160000,S,McGrath,8/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,1 Sewart Cl,4,h,,PN,Harcourts,8/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,126 Weeden Dr,4,h,1142000,S,Jellis,8/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,22/765 Boronia Rd,3,h,600000,SP,Harcourts,8/10/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,48 Crestdale Rd,5,h,940000,PI,Harcourts,8/10/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,53 Freemantle Dr,5,h,,SN,Barry,8/10/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1 Hertford Ct,4,h,1050000,SP,Barry,8/10/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,4 Piccadilly Av,4,h,1071000,S,Harcourts,8/10/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,41 Tate Av,3,h,,SN,Barry,8/10/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,7 Marilyn Ct,4,h,,SN,Ray,8/10/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/42 Wattle Dr,3,h,582000,S,Ken,8/10/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,7 Hakea St,3,h,,SN,Miles,8/10/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +West Footscray,12/32 Argyle St,2,h,438000,S,hockingstuart,8/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,744 Barkly St,4,h,,SN,hockingstuart,8/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,7 Elphinstone St,3,h,,S,Jas,8/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2/10 Hatfield Ct,2,h,360000,S,Sweeney,8/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,2/212 Roden St,2,t,1055000,S,Jellis,8/10/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,16 Arnside Cr,4,h,600000,SP,Woodards,8/10/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,3 Miram Ct,3,h,355000,S,Harcourts,8/10/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,7/81 Raleigh St,3,t,420000,PI,Stockdale,8/10/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,9 Pontford Ct,5,h,2050000,SP,Buxton,8/10/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,1 Timmins Ct,3,h,971000,S,Barry,8/10/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,17 Station Rd,4,h,1085000,S,Greg,8/10/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,73 Victoria St,4,h,1815000,PI,Sweeney,8/10/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,17 Yarra St,3,h,1470000,S,Jas,8/10/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,4/29 Champion Rd,2,u,400000,SP,Compton,8/10/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,37 Champion Rd,5,h,1410000,SP,Sweeney,8/10/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,15 Albert St,3,h,,SN,hockingstuart,8/10/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9/11 Wrexham Rd,2,u,,S,hockingstuart,8/10/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,50 Northside Dr,4,h,590000,SP,Ray,8/10/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,1 Saidies La,4,h,435000,S,Ray,8/10/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,47 Bayview Rd,5,h,1815000,S,Village,8/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/8 Hughes St,2,h,630000,PI,Jas,8/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,66 Severn St,4,h,,SP,Village,8/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,50 Tongue St,4,h,1870000,S,Sweeney,8/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Avondale Heights,5 River Dr,3,h,838000,S,Nelson,9/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn North,10 Bulleen Rd,5,h,,PI,Fletchers,9/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bentleigh East,22 Banksia St,4,h,1588000,SP,C21,9/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bonbeach,12 Genoa Av,4,h,1105000,SP,Ray,9/06/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,12 Maryborough Rd,3,h,760000,PI,LJ,9/06/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Brighton East,4 Tuxen Ct,4,h,,SP,Hodges,9/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,9 Martell St,3,h,662000,S,Area,9/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,18 Osway St,2,h,579000,S,YPA,9/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Bulleen,23 Latrobe St,4,h,1250000,S,Barry,9/06/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Burwood,41 Arthur St,4,h,,S,Jellis,9/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,13 Beddows St,5,h,,PI,Ray,9/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,32 Crow St,4,h,1160000,VB,Barry,9/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,36 Middleborough Rd,3,h,1067000,S,Ray,9/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Carrum,1/7 Joyce St,2,t,600000,S,Buxton,9/06/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,3 Silverbark Ct,4,h,,PI,O'Brien,9/06/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Chadstone,2/39 Woonah St,4,t,,VB,Buxton,9/06/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Clayton South,12 Manoon Rd,5,h,966000,S,Ray,9/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,39 Shackell St,3,h,1370000,PI,Nelson,9/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,23 Ida St,2,t,520000,PI,Ray,9/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,3 Bottlebrush Rd,4,h,610000,PI,Ray,9/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Osprey Pl,4,h,643000,S,Ray,9/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Yarcombe Cr,3,h,491000,S,YPA,9/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,2b Midhurst Rd,4,h,1010000,SP,McGrath,9/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,6/57 Clow St,2,u,310000,PI,C21,9/06/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,5 Avril St,3,h,585000,S,C21,9/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dingley Village,14 Kubis Cr,3,h,,PI,Ray,9/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,8/751 Elgar Rd,2,t,,S,Fletchers,9/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +East Melbourne,15/211 Wellington Pde S,3,u,1275000,S,Caine,9/06/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,46/61 Hughes Av,3,u,700000,PI,Ray,9/06/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,239 Kooyong Rd,3,h,1950000,VB,Biggin,9/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elwood,29/9 Southey St,1,u,436000,S,hockingstuart,9/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,42 Baystone Rd,3,h,638000,S,Barry,9/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Teschke Wk,5,h,600000,S,Love,9/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Fairfield,2/200 Rathmines St,3,t,,VB,Jellis,9/06/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/49 Major Rd,3,h,,PI,hockingstuart,9/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15 Princess St,3,h,641000,S,HAR,9/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,15 Agora Bvd,4,h,830000,VB,Barry,9/06/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,6/1 James St,1,u,477500,SP,Purplebricks,9/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,49 Rae St,2,h,1300000,S,Nelson,9/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,18 Cirque Dr,3,t,580000,PI,Nguyen,9/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,542 Springvale Rd,3,h,,PI,Harcourts,9/06/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Gladstone Park,10 Prior Av,5,h,,PI,RW,9/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13 Denman Av,4,h,1900000,S,Barry,9/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,34 Brentwood Dr,4,h,,SN,Biggin,9/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Chandler Rd,4,h,,VB,Jellis,9/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/8 Evelyn St,3,t,,W,Fletchers,9/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Panoramic Gr,4,h,,SP,LLC,9/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,101 Springvale Rd,3,h,1005000,S,Barry,9/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4/606 Waverley Rd,3,u,,PI,Ray,9/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,3/24 Grandview St,2,h,,VB,A,9/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greenvale,12 Lucy Cr,4,h,667000,S,Nelson,9/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,4 Mietta Tce,4,h,,SP,Ray,9/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,27 Millport Ri,4,h,802000,S,Barry,9/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hawthorn East,5/36 Anderson Rd,3,t,,S,Marshall,9/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg Heights,12A Terry St,3,t,,PI,Nelson,9/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,4/42 Graham Rd,2,u,585000,S,Buxton,9/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,13a Speargrass Dr,4,h,680000,S,Barry,9/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,10 Cleveland Dr,3,h,520000,VB,hockingstuart,9/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2/8 Ella Ct,2,h,365000,S,Ray,9/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,101 Powell Dr,3,h,550000,S,Wyndham,9/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,9 Dallas Av,3,h,1355000,S,Barry,9/06/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe East,39 King St,4,h,1950000,VB,Nelson,9/06/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor Downs,17 Daimler Av,3,h,660000,PI,Barry,9/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1/53 Berembong Dr,2,u,485000,S,Nelson,9/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,15 Craig St,3,h,980000,PI,Nelson,9/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,107 Rankins Rd,3,h,1100000,VB,Nelson,9/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,304/140 Cotham Rd,2,u,,PI,Stockdale,9/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Lyndhurst,57 Lyndhurst Bvd,4,h,902000,S,Area,9/06/2018,3975,South-Eastern Metropolitan,1934,33.8,Casey City Council +Maribyrnong,6/10 Newstead St,2,u,390000,S,Jellis,9/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melton,53 Lorimer St,3,h,418000,S,Ray,9/06/2018,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,2/2 Levanto St,3,u,766000,S,Barry,9/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mitcham,3/44 Heatherdale Rd,2,t,670000,S,Ray,9/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,51 Orient Av,3,h,1100000,SP,Barry,9/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mooroolbark,12 Cardigan Rd,3,h,941000,S,Fletchers,9/06/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,1 Shadowplay Rd,3,h,640000,S,Fletchers,9/06/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,35 Kemp Av,3,h,1610000,S,C21,9/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,71 Lemont Av,5,h,,PI,Fletchers,9/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Hyde Ct,3,h,,SN,Ray,9/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Niddrie,1/1 Grandview Rd,2,u,442500,S,Barry,9/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Oak Park,108 Winifred St,3,h,800000,S,Considine,9/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,223 Huntingdale Rd,3,h,980000,VB,Barry,9/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3/21 Coane St,7,t,,PI,HAR,9/06/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,6 Lawson St,3,u,720000,S,Barry,9/06/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,2/294 Warrigal Rd,3,u,780000,PI,Ray,9/06/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,10 Vanessa Cct,4,h,,PN,Ray,9/06/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Plumpton,8 Sarenne Wy,3,h,615000,S,YPA,9/06/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Port Melbourne,212/50 Dow St,2,u,,S,Buxton,9/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Reservoir,5/5 Box St,2,u,,PI,Love,9/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Hillcroft St,3,h,700000,PI,Barry,9/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/1 Mahoneys Rd,1,u,291000,S,Ray,9/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/39 Purinuan Rd,2,t,492500,S,Ray,9/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,56 Rathcown Rd,3,h,600000,S,Ray,9/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Ringwood East,2/13 Rosedale Cr,3,u,720000,S,Ray,9/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Seaholme,13 Central Av,3,h,850000,SP,Williams,9/06/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Skye,9 Stud Ct,5,h,,W,Barry,9/06/2018,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Morang,1 Glory St,3,h,634000,S,HAR,9/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Law Ct,3,h,,SP,Barry,9/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19 Tiffany Gr,3,h,565000,S,Stockdale,9/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +Southbank,21/100 Kavanagh St,2,u,451500,SP,MICM,9/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale South,22 Hume Rd,3,h,,SN,Just,9/06/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,32A Arthur St,4,h,,SP,Create,9/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5 Brimbank Bvd,4,h,970000,S,Sweeney,9/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +Strathmore,164 Mascoma St,3,h,1240000,SP,Considine,9/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine West,28 Cawood Dr,3,h,576000,S,Sweeney,9/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1E Corella Rd,3,h,660000,PI,Douglas,9/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,7 Joan St,6,h,970000,S,Sweeney,9/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Taylors Hill,15 Exhibition Pde,3,h,814000,SP,YPA,9/06/2018,3037,Western Metropolitan,4242,18,Melton City Council +Tecoma,2/1522 Burwood Hwy,3,h,750000,SA,Fletchers,9/06/2018,3160,Eastern Victoria,869,30.4,Yarra Ranges Shire Council +Templestowe,45A Atkinson St,5,h,,PI,Barry,9/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,79 Hodgson St,5,h,,PI,Barry,9/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Vermont South,3/635 Burwood Hwy,3,t,672000,S,iTRAK,9/06/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna South,62 Bloom Av,4,h,1090000,SP,Barry,9/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,12 Topaz Ct,5,h,,SP,Barry,9/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,13 Tiber Cl,3,h,445000,S,Barry,9/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,23 Whitehall Cr,3,h,490000,S,Barry,9/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Wheelers Hill,17 Blackwood Dr,4,h,1076000,S,Ray,9/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,28 Ninevah Cr,4,h,890000,S,Ray,9/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,46 Bayview St,4,h,2000000,S,Williams,9/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,6a Clough St,3,h,,W,Gunn&Co,9/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4 Stanley St,3,h,2062000,S,Williams,9/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,7 Steampacket La,2,h,812500,SP,Williams,9/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wyndham Vale,8 Byron Ct,3,h,530000,VB,Barry,9/06/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Aberfeldie,1A Aberfeldie St,3,h,1195000,S,Nelson,9/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,34 Green St,3,h,1000001,S,Nelson,9/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,78 Hawker St,3,h,1064000,S,Barry,9/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,13 Isabella Ct,3,h,540000,PI,YPA,9/09/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,8 Graham St,4,h,2720000,S,Greg,9/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,13/370 Montague St,2,t,1440000,S,Cayzer,9/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,1/2 Dubbo St,3,u,675000,S,Sweeney,9/09/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,77A Fulham Rd,3,h,1170000,S,Jellis,9/09/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,4/148 Grange Rd,2,t,,S,Barry,9/09/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,1 Greeney St,3,h,,VB,hockingstuart,9/09/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,7/35 Grieve Pde,2,u,458000,SP,hockingstuart,9/09/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,12 Birkett Ct,3,h,,SN,Barry,9/09/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,19 Hibiscus Ct,4,h,,SN,Barry,9/09/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,65 Fourth Av,3,h,,SP,hockingstuart,9/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,27 Cambridge St,3,h,,SA,Jellis,9/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,18 Ascot St,3,h,870000,PI,Nelson,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/37 Ascot Vale Rd,3,u,870000,SP,Jellis,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2 Holdsworth St,2,h,,SN,Holland,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,175 Kent St,2,h,,PI,Alexkarbon,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7B Langs Rd,4,t,850000,PI,Woodards,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7/23 Maribyrnong Rd,1,u,355500,S,Brad,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,27 Mascoma St,5,h,1850000,VB,Nelson,9/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,21 Ambon St,4,h,1550000,S,Jellis,9/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,26 Munro Av,4,h,,SP,Marshall,9/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/5 Arilpa Ct,4,t,1020000,S,Buxton,9/09/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3 Condah Ct,3,h,1200000,SP,Tim,9/09/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,13 Bowman St,5,h,,SN,Barry,9/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,13/200 Nepean Hwy,3,t,,SN,Barry,9/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,58 Station St,3,h,780000,PI,Ray,9/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,13 Bianca Dr,3,h,880000,SP,Ray,9/09/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,11 Errol Cl,4,h,830000,SP,Ray,9/09/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,2 Herod Pl,3,h,640000,SP,YPA,9/09/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Balaclava,9/84 Westbury St,2,u,,SN,Edward,9/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,4/95 Balwyn Rd,2,u,1005000,S,Jellis,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7/1 Bevan St,2,u,590000,S,Noel,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,31 Fitzgerald St,4,h,2250000,VB,Marshall,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/2 Percy St,3,u,1455000,PI,Jellis,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Relowe Cr,5,h,2750000,VB,hockingstuart,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7A Relowe Cr,5,h,2936000,PI,hockingstuart,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11 Westminster St,4,h,,SN,Kay,9/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,286 Balwyn Rd,4,h,1950000,S,Fletchers,9/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,223 Doncaster Rd,4,h,1790000,S,Marshall,9/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,38 Kyora Pde,4,h,,PI,Sotheby's,9/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Lynne Ct,4,h,2000000,VB,Jellis,9/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Rookwood St,5,h,,S,Noel,9/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,8 Kite Av,4,h,900000,S,One,9/09/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,2/30 Glenwood Av,2,h,885000,S,Hodges,9/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,60 Haydens Rd,3,h,,VB,Buxton,9/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 High St,3,h,1750000,SP,Buxton,9/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 McNamara St,3,h,1354000,S,Ray,9/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4/120 Tramway Pde,2,t,865000,S,Buxton,9/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,17 Ardwick St,3,h,1532000,S,Greg,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/22 Beths St,3,h,1175000,S,Purplebricks,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,10B Howell St,4,t,1210000,PI,Buxton,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/11 Lawson St,2,u,818000,S,Buxton,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Lawson St,3,h,1362000,S,Woodards,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,24 Railway Cr,3,t,,VB,Jellis,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,30 Strathmore St,4,h,1677500,S,Woodards,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,192 Tucker Rd,4,h,2151000,S,Buxton,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2d Werona St,3,t,,VB,Jellis,9/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,33 McGuinness Rd,3,h,1111000,S,Jellis,9/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Moray St,3,h,1285000,S,Woodards,9/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Nina Ct,3,h,980000,S,Buxton,9/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Norville St,3,h,,S,Buxton,9/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,1 Hornby St,4,h,1720000,S,Ray,9/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,18 Iluka St,4,h,2000000,S,Chisholm,9/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,41 Blackburn Rd,3,h,,SP,Noel,9/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2 Goodwin St,3,h,1390000,S,Fletchers,9/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,11 Hirst St,3,h,1490000,S,Jellis,9/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Orana St,5,h,,S,Noel,9/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,23 Bridgeford Av,3,h,,S,Noel,9/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,51 Joseph St,4,h,1151000,SP,Ray,9/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1 Elemheim Ct,3,h,,SN,Woodards,9/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,10 Daffodil Rd,3,h,,SS,Philip,9/09/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/24 Springfield Rd,3,h,701000,S,Ray,9/09/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Braybrook,9 Middleton St,3,h,834500,S,S&L,9/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,2/15 Greenwood St,3,t,,SP,Morrison,9/09/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,17 Woodland Gr,3,h,692000,S,Buckingham,9/09/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1/171 Church St,2,u,1640000,SP,Buxton,9/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,700 Hampton St,3,h,1850000,S,Buxton,9/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,18 Lynch St,3,h,,S,Buxton,9/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,82A Were St,3,t,2900000,S,Marshall,9/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,51A Clonaig St,3,t,,SN,Gary,9/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,39A Grant St,3,h,,PI,RT,9/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2/36 Blair St,2,u,400000,S,YPA,9/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,29 Dunn St,3,h,649000,S,YPA,9/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/15 Osway St,3,u,477000,S,RW,9/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,55 Stanhope St,4,h,753000,S,Barry,9/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,101 Albion St,3,h,,SP,Jellis,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,85 Brickworks Dr,3,h,850000,VB,Nelson,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,170 Brunswick Rd,2,h,,SN,Barry,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/53 De Carle St,2,u,453650,SP,Woodards,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2C Donald St,3,t,870000,VB,Nelson,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 George St,2,h,,SP,Nelson,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,31 Merri St,2,h,950000,VB,Nelson,9/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,1/6 Methven St,1,u,463000,S,Jellis,9/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,378 Albion St,3,h,875000,VB,Nelson,9/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,47 Everett St,4,h,1250000,VB,Nelson,9/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/16 Wallace St,1,u,315500,S,Ray,9/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,13 Zeal St,2,h,1225000,SP,Walshe,9/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,41 Estelle St,3,h,980000,PI,Barry,9/09/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,1/152 Greenhills Rd,3,u,580000,S,Ray,9/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,26 Hermitage Cr,3,h,,SN,Ray,9/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Japonica St,3,h,830000,S,Barry,9/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,36 Ormond Bvd,4,h,758000,S,Ray,9/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Wordsworth Ct,3,h,,PI,Morrison,9/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,7/6 Adam St,1,u,370000,SP,LITTLE,9/09/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,5 Ardenne Cl,3,h,,SP,Buxton,9/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,12 Burbidge Cl,3,h,,SP,Fletchers,9/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,15 Wattlebird Ct,4,h,1750000,S,Fletchers,9/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,46 Davis St,3,h,,SN,Barry,9/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,16 Coomgarie Tce,4,h,,SP,Sweeney,9/09/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,10 Saltmarsh Pl,3,h,670000,PI,Sweeney,9/09/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,9 Cornell St,3,h,,S,Fletchers,9/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Glyndon Rd,2,h,2410000,S,Noel,9/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/37 High Rd,2,u,752500,S,Noel,9/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Lyric Gr,4,h,,SP,Marshall,9/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,203/1101 Toorak Rd,2,u,,SN,Barry,9/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Trumper St,4,h,3100000,VB,Jellis,9/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,20 Allenby Rd,3,h,,S,Marshall,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4/10 Dryden St,3,u,,S,Jellis,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,17 McGregor St,4,h,3130000,S,Jellis,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,11 Moresby St,4,h,2650000,VB,Marshall,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4/22 Rochester Rd,3,h,1500000,VB,Marshall,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,9 Rubens Gr,5,h,,S,Marshall,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,38 Victoria Av,4,h,,PI,RT,9/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,307/37 Palmerston St,2,u,,PI,Woodards,9/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,87 Palmerston St,3,h,1263000,S,Harrington,9/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,101 Princes St,2,h,,SP,Nelson,9/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,81 Princes St,2,h,800000,VB,Woodards,9/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,782 Lygon St,2,h,1065000,S,Nelson,9/09/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,125 Newry St,2,h,950000,VB,Nelson,9/09/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/12 Arawatta St,3,t,,VB,Ray,9/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/81 Koornang Rd,2,u,545000,S,Ray,9/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/3 Libna St,5,u,,S,Jellis,9/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/39 Oakleigh Rd,2,u,,PN,Gary,9/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/17 Tranmere Av,1,u,353000,S,Jellis,9/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,11 Dahmen St,2,h,890000,S,Ray,9/09/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield,3/19 Ash Gr,1,u,341000,S,Gary,9/09/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,25 Gardenvale Rd,4,h,1758000,SP,Gary,9/09/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,4/3 Gardenvale Rd,2,u,585000,S,Gary,9/09/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,1/426 Hawthorn Rd,2,u,,PI,Purplebricks,9/09/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,80 Power Av,2,h,970000,S,RT,9/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1 Kangaroo Rd,4,h,930000,S,O'Brien,9/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,2 Barclay Dr,3,h,948000,S,O'Brien,9/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/4 Coleman Ct,2,u,,S,Fletchers,9/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,31 Wandoo Av,3,h,,SP,Buxton,9/09/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,12 Bond St,3,h,850000,S,C21,9/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,15 Byron St,3,h,985000,SP,Buxton,9/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,695 Heatherton Rd,3,h,1250500,S,C21,9/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,8 Narrumburn Rd,3,h,805000,S,C21,9/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,21 Gordon St,2,h,1320000,S,Collins,9/09/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,77 Donne St,3,h,,SP,Barry,9/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,41 Glengyle St,3,h,1326000,S,Nelson,9/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/44 Munro St,1,u,,VB,hockingstuart,9/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,43 Phillips St,3,h,1010000,SP,Nelson,9/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,25 Stock St,3,h,,S,Jellis,9/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,167 Urquhart St,3,t,875000,S,Nelson,9/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,104/11 Hoddle St,1,u,,SP,Jellis,9/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,26/125 Oxford St,2,u,1250000,SP,Jellis,9/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,11 Abercarn Av,4,h,595000,S,YPA,9/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Beechville Pl,3,h,,SN,Barry,9/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Laguna Pl,4,h,,SN,Barry,9/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Loudon Cct,3,h,,PI,Raine,9/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Viewmont Av,3,h,,SN,Barry,9/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,22 Cubitt St,2,h,1200000,SP,Jellis,9/09/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,11 Nyanda Ct,5,h,,PI,Barry,9/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,14 MacKenzie Ct,3,h,1020000,S,Philip,9/09/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,1/14 Antwerp St,4,t,560500,S,Stockdale,9/09/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,9 Merlynston Cl,4,h,680000,VB,YPA,9/09/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,30 Alexander Av,4,h,,PI,Barry,9/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,12/42 Pickett St,2,u,320000,PI,Nicholls,9/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,2/1521 Heatherton Rd,2,u,,SN,Barry,9/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,38 Jonah Pde,3,h,530000,SP,Stockdale,9/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,37 Lee St,3,h,589000,S,hockingstuart,9/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,7 Bateman Cl,3,h,630000,PI,FN,9/09/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,2 Bishop Av,4,h,745000,S,Mason,9/09/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,1A Shelford Gr,4,h,952000,S,Buxton,9/09/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,807/20 Rakaia Wy,2,u,,PI,Barry,9/09/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,6 Margot Av,4,h,1255000,S,Ray,9/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Tudor Rd,5,h,1540500,S,Jellis,9/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,18 Daly St,3,h,1430000,S,Barry,9/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,41 Highfield Rd,3,h,1209000,S,Ray,9/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,101 Landscape Dr,4,h,1300000,PI,Barry,9/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Leura St,5,h,1730000,S,Jellis,9/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Raven St,5,h,1510000,SP,Ray,9/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,345 Serpells Rd,4,h,1600000,S,Barry,9/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1a Chippewa Av,2,u,718500,S,Philip,9/09/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,8 Bower Wy,3,h,481000,S,Mason,9/09/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,27 Vidler Av,5,h,1100000,S,Ray,9/09/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,2 Crimson Dr,3,h,568500,S,C21,9/09/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,67 Banksia St,4,h,1867000,S,Nelson,9/09/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,36/61 Hughes Av,3,u,647500,S,hockingstuart,9/09/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/39 Trevelyan St,2,h,1250000,S,Gary,9/09/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/44 Arthur St,2,u,566000,S,Buckingham,9/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2 Cygnet Ct,4,h,967000,SP,Ray,9/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,15 Marian Ct,4,h,950000,PI,Buckingham,9/09/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,9 Mason Av,3,h,1400000,VB,Marshall,9/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,23 Moore St,2,h,1450000,S,McGrath,9/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,13 Cascade Cr,4,h,640500,S,HAR,9/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/4 Grimwade Ct,2,u,454000,S,HAR,9/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7/12 Kirkland Ct,3,h,375000,SP,RW,9/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Northumberland Dr,3,h,641000,S,Barry,9/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Rothwell Ct,3,h,555000,SA,Purplebricks,9/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10/81 Rufus St,2,u,291000,S,HAR,9/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,20 Butler St,3,h,993000,S,Nelson,9/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,100 McCracken St,3,h,1527500,S,Brad,9/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,48 Clydebank Rd,3,h,950000,S,McDonald,9/09/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,293a Gillies St,4,h,1575000,S,Jellis,9/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,11/59 Rathmines St,2,u,508000,S,The,9/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,21 Separation St,3,h,,S,Nelson,9/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,5/134 Lorne St,2,u,475000,S,Ray,9/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,29 McDougall St,3,h,,SN,Ray,9/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,24 Greenaway Dr,4,h,820000,S,Ray,9/09/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,4 Parklands Cl,3,h,797000,S,Schroeder,9/09/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,353 Fitzroy St,2,h,1060000,S,Nelson,9/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,101 Kerr St,3,h,1750000,VB,Jellis,9/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,96 Fergie St,4,h,2000000,S,Jellis,9/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,127 Princes St,3,h,820000,PI,Jellis,9/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,37 Waltham St,2,h,1225000,S,Jellis,9/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,7/33 Eldridge St,2,u,240000,PI,Burnham,9/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,27/155 Gordon St,2,u,,PI,McGrath,9/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5/49 Napier St,2,u,465000,S,Burnham,9/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,27 Summerhill Rd,2,h,800000,VB,hockingstuart,9/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,104 Husband Rd,3,h,,PI,Noel,9/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,68 Vanbrook St,3,h,,SP,Fletchers,9/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,7 Orrong Av,3,h,1010000,S,Ray,9/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,61 Rosemary Cr,3,h,464000,SP,Ray,9/09/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,32 Marama Dr,3,h,,PI,Ray,9/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,24 Sycamore Rd,4,h,830000,SP,Ray,9/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,15 Morilla Ct,3,h,690000,VB,Raine,9/09/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,204 Panorama Dr,4,h,780000,S,Raine,9/09/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Conifer Cl,3,h,660000,S,Barry,9/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,7 Dudley Ct,3,h,625000,SP,Barry,9/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,57 Wolverton Dr,3,h,695000,S,Barry,9/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,26 Allison Av,4,h,,SP,Jellis,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,38 Allison Av,3,h,2200000,S,Marshall,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Audrey Cr,5,h,3000000,VB,Jellis,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,24/3 Bickleigh St,2,u,652500,S,hockingstuart,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Cusdin St,3,t,1520000,S,Jellis,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/66 Edgar St N,2,u,537000,S,hockingstuart,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,181 Finch St,2,h,,SP,Marshall,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Howard St,4,h,3200000,S,Marshall,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,101/18 Leopold St,3,u,1000000,VB,Marshall,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/16 Osborne Av,2,t,965000,S,hockingstuart,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Renwick St,4,h,,SP,Jellis,9/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,8/280 Blackburn Rd,2,u,515000,SP,Stockdale,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Boronia Dr,3,u,930000,PI,Barry,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Clematis St,4,h,1790000,S,Harcourts,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Crocus Cr,3,h,,PI,Biggin,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Crocus Cr,3,h,,SN,Harcourts,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Dorset St,4,t,1170000,S,Ray,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/46 Fairhills Pde,4,t,,PN,Harcourts,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1a Graham St,4,t,1380000,PI,Harcourts,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Hampstead Cr,4,h,1320000,PI,Barry,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,94 Herriotts Bvd,5,h,1320000,S,hockingstuart,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Larpent St,3,h,1361501,SP,Fletchers,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 McKenna Rd,4,h,,VB,Fletchers,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Melrose Ct,4,h,1152000,S,Harcourts,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,49 Saladin Av,4,h,,SN,Ray,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Stirling Cr,5,h,,PI,Ray,9/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1 Granville St,3,h,932000,S,Stockdale,9/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/21 Hartington St,3,t,646000,S,Barry,9/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/162 Hilton St,3,t,576000,S,Barry,9/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,56 Maude Av,2,h,605000,S,Nelson,9/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,7/96 Plumpton Av,2,t,480000,SP,Barry,9/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,39 Scotland Av,5,h,1000000,VB,Nelson,9/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,15 Burbridge Dr,5,h,888000,S,Barry,9/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Guys Hill,8 Montuna Gr,4,h,,PN,O'Brien,9/09/2017,3807,Eastern Victoria,129,39,Cardinia Shire Council +Hadfield,6 Epping St,3,h,750000,VB,Barry,9/09/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,19 Everitt St,3,h,720000,S,Barry,9/09/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,22 Avelin St,4,h,3100000,VB,Buxton,9/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,14 Kanowna St,3,h,1850000,VB,McGrath,9/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2/1 Leonard St,4,t,,PI,Buxton,9/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,14 Elgin St,5,h,,S,Marshall,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8A Ercildoune Av,2,h,,PI,Jellis,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/3 Lion St,2,h,1000000,VB,Marshall,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,28/9 Lisson Gr,2,u,,PI,Woodards,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/155 Power St,2,u,463000,S,LITTLE,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1B Simpson Pl,3,h,1670000,PI,Kay,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/22 Wattle Rd,2,u,630000,SP,Jellis,9/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,8/795 Burwood Rd,2,u,492000,S,hockingstuart,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5 Gillman St,3,h,,S,Noel,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Homebush Cr,3,h,2710000,S,Kay,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4 Invermay Gr,3,h,1768000,S,Abercromby's,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,55 Lingwell Rd,4,h,,PI,Jellis,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,140 Rathmines Rd,4,h,3000000,VB,Marshall,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,189 Rathmines Rd,3,h,,S,Marshall,9/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,23 Allens Rd,4,h,,PI,Barry,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,6 Aumann St,3,h,,SP,Barry,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,231 Canterbury Rd,3,h,,PI,Philip,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,5 Marden Pl,4,h,1165000,S,Ray,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,19 Portsmouth St,4,h,920000,SP,Fletchers,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,41 Royal Av,4,h,,SN,Barry,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,25 Westmore Dr,5,h,932000,S,RW,9/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,4/49 Hawdon St,1,u,325000,S,Miles,9/09/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,45 Martin St,4,h,1420000,S,Miles,9/09/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,52 Bonar St,2,h,,S,Barry,9/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,42 Swanston St,3,h,811000,S,Miles,9/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,14 Ashwood Av,4,h,1550000,PI,Charlton,9/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/4 Viola Cr,3,u,801000,S,Marshall,9/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,35 Bedingham Dr,4,h,805000,S,Barry,9/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,20 Honeysuckle Av,4,h,627000,S,Prof.,9/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,22 Claremont Cr,3,h,510000,S,Reliance,9/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,121 Heaths Rd,3,h,,SN,Barry,9/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2/61 Hogans Rd,2,u,405000,S,YPA,9/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,113 Pannam Dr,4,h,505000,SP,Barry,9/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,21 Maroo St,5,h,,SN,Ray,9/09/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hurstbridge,3 Milton Wy,3,h,600000,S,Mason,9/09/2017,3099,Northern Victoria,1345,26.1,Nillumbik Shire Council +Ivanhoe,3/54 Liberty Pde,2,t,795000,S,Miles,9/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,46 McArthur Rd,3,h,1535000,S,Nelson,9/09/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,10 Melville Cl,3,h,678500,S,Daniel,9/09/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,9 Tarwin Ct,3,h,680000,PI,Brad,9/09/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,2 Ajax Cl,4,h,720000,S,Brad,9/09/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,20 College Pde,4,h,1210000,S,Nelson,9/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,11 David Av,4,h,1188000,S,Nelson,9/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,19A Neville St,3,h,590000,S,Nelson,9/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,17 Nyah St,3,h,1031100,S,Nelson,9/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,14 Paul Av,3,h,1076500,S,Nelson,9/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,61 Truro Cr,3,h,680000,PI,Brad,9/09/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,24 Kensington Rd,3,h,1360000,S,Nelson,9/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,55 Smith St,2,t,700000,PI,Nelson,9/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/283 Barkers Rd,2,u,920000,S,Jellis,9/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1181 Burke Rd,4,h,,S,Marshall,9/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Childers St,3,h,1250000,VB,Nelson,9/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,118 Derby St,3,h,1950000,S,Woodards,9/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,40 Mary St,3,h,1405000,S,Jellis,9/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,38 Bennett Pde,3,h,1700000,S,hockingstuart,9/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,11 Coleman Av,4,h,2000000,VB,Marshall,9/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,29 Elm Gr,3,h,1655000,SA,RT,9/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,62 Kilby Rd,4,h,1980000,VB,Fletchers,9/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,12 Devonshire Dr,4,h,,PI,Barry,9/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,8 Maplewood Rd,3,h,,SN,Barry,9/09/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,7 Albion St,3,h,915000,S,Jas,9/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,165 Chirnside St,3,h,1100000,PI,Jas,9/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,4/22 Edgar St,3,u,712000,S,Jas,9/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,28 Duncan Rd,3,h,685000,S,Stockdale,9/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,26 Newton Cr,3,h,741000,S,HAR,9/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,3/48 Fairlie Av,2,t,665000,S,Darren,9/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,21 May St,4,h,967000,S,Ray,9/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,9 Woodlands Ri,3,h,,SP,Miles,9/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,19 Howard St,2,h,865000,S,Biggin,9/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/143 Mitchell St,3,h,605000,PI,Biggin,9/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,2A Dalny St,3,h,1990000,S,Marshall,9/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,57 Edsall St,3,h,1510000,PI,Marshall,9/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,225/14 Elizabeth St,1,u,,PI,Jellis,9/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/382 Glenferrie Rd,2,u,,SP,Kay,9/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,35 Carlyle Wy,4,h,,S,Jellis,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,54 Chadstone Rd,3,h,1380000,S,Jellis,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/19 Fisher St,2,u,,S,hockingstuart/Advantage,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,30 Manning Rd,5,h,,S,hockingstuart,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,13 Vickery St,3,h,,S,Marshall,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,18 Vickery St,4,h,2525000,S,Jellis,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,343 Waverley Rd,3,h,1902000,S,Marshall,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/11 Wilmot St,3,t,,PN,RT,9/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,22A Hillside Cr,4,h,,S,Barry,9/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,306/2 La Scala Av,3,u,701500,S,Rendina,9/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,40 Station Av,4,h,2280000,S,Buxton,9/09/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,235 Tucker Rd,3,h,,S,Buxton,9/09/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,14 Hopkins Wy,3,h,490000,S,HAR,9/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,13 Manna Ct,3,h,473000,S,Stockdale,9/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,4a Rocklands Ri,3,u,430000,SP,RW,9/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,104/166 Flinders St,2,u,530000,PI,Purplebricks,9/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,142/418 St Kilda Rd,3,u,815000,PI,Gary,9/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1107/28 Wills St,2,u,585000,S,hockingstuart,9/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,71 Hume Av,4,h,410000,S,hockingstuart,9/09/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,22B Flinders St,4,h,1325000,PI,Buxton,9/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,28 Gainsborough Rd,4,h,,SN,Barry,9/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,29 Swanston St,3,t,,SP,Buxton,9/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,14A Teague Av,3,t,875000,S,hockingstuart,9/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,16 Erindale Ri,3,h,467000,S,Ray,9/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Ginninderry Gra,4,h,726000,S,RW,9/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Leonardo Dr,4,h,720000,S,HAR,9/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,19 Stradling Ri,4,h,746000,S,YPA,9/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,263 Danks St,2,h,,SN,Biggin,9/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,75 Mills St,4,h,1720000,PI,Marshall,9/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,136 Page St,5,h,6400000,S,Marshall,9/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,253 Richardson St,2,h,1500000,VB,Greg,9/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,34 Border Dr,3,h,710000,S,Love,9/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Grevillia Dr,3,h,728000,S,Love,9/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Inglewood Ct,4,h,806888,S,Ray,9/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Rosehill Ct,4,h,757000,S,Darren,9/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,49 Vanbrook Dr,5,h,,PI,HAR,9/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2/4 Coppin Cl,3,t,890000,S,Ray,9/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,53 Dunlavin Rd,4,h,1200000,VB,Fletchers,9/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6/490 Mitcham Rd,3,t,799100,S,Buxton,9/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15 Tirana St,3,h,1237000,S,Noel,9/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1/12 Hotham St,2,u,850000,SP,hockingstuart,9/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,43 Alexander St,3,h,910000,PI,Darren,9/09/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/15 Wattle Av,3,h,970000,S,Buckingham,9/09/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,505/341 Ascot Vale Rd,2,u,570000,PI,Hodges,9/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/57 Buckley St,2,u,595000,PI,Nelson,9/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,13 Hudson St,3,h,1205000,S,Nelson,9/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,11 Murray St,3,h,1240000,S,Jellis,9/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8 Ngarveno St,4,h,,SP,Rendina,9/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1 Stuart St,3,h,1450000,S,Jellis,9/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,7 Rica St,3,h,1150000,VB,Jellis,9/09/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,327 Hull Rd,3,h,720000,S,Fletchers,9/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,32 Keefer St,2,h,900000,S,O'Brien,9/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/17 French St,3,u,851000,S,Open,9/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/70 Lechte Rd,4,u,1175000,VB,Jellis,9/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,66 Talbot Rd,4,h,1250000,SP,Buxton,9/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,42 Torroodun St,3,h,1030000,SP,Biggin,9/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Torroodun St,3,h,1000000,SP,Biggin,9/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,6 Caper Ct,3,h,888000,S,Harcourts,9/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Cooley La,3,h,780000,S,Ray,9/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,38 Ardyne St,2,h,960000,S,Ray,9/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,19 Burns Av,3,h,1530000,S,Woodards,9/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2A Doris St,4,h,,SN,Ray,9/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,337 Murrumbeena Rd,3,t,922000,S,Buxton,9/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,18 Chalmers La,3,h,832000,S,Greg,9/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,26 Mirls St,4,h,1567000,S,Sweeney,9/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2B Savige St,4,t,865000,S,Village,9/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,211A Woods St,4,h,980000,SP,RT,9/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,63 Nolan St,4,h,1370000,S,Nelson,9/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,2/55 Haines St,2,u,542000,SP,Jellis,9/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,39 Valias St,4,h,902000,S,Gardiner,9/09/2017,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,35 Clarke St,2,h,1550000,S,Jellis,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,10/414 High St,1,u,405000,S,Harcourts,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,301/231 St Georges Rd,3,u,1150000,S,McGrath,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,403/231 St Georges Rd,2,u,630000,S,McGrath,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,13 Thomson St,3,h,1341500,SP,Jellis,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15 Westgarth St,3,h,1260000,SP,Nelson,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,36 Winifred St,4,h,1685000,S,Nelson,9/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1 Blackwood Ct,5,h,,SN,Barry,9/09/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,9 Young St,4,h,1495000,SP,Barry,9/09/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,24 Columbia St,3,h,1110000,S,Buxton,9/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,672 North Rd,3,h,1103000,SP,Buxton,9/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,5 Alameda St,4,h,1630000,S,Hodges,9/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,13 McSwain St,5,h,1100000,VB,Buxton,9/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Robert St,4,h,1230000,PI,Buxton,9/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,19 Sixth St,4,h,,S,Buxton,9/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,6/25 White St,2,t,625500,S,Buxton,9/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,3/152 Cumberland Rd,2,h,555000,S,Nelson,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/101 Essex St,2,u,641000,S,Nelson,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6/6 Hazel Gr,1,u,436000,S,Nelson,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/58 Railway Pde,2,t,,SN,Barry,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,10 Ray St,3,h,850000,S,Jellis,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/12 Surrey St,2,u,362000,PI,Raine,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,193 Sussex St,2,h,790000,S,Brad,9/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,32 Page Av,4,h,1631000,S,Marshall,9/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1 Princes Pl,3,h,1845000,S,Greg,9/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,346 Princes St,3,h,1000000,S,Cayzer,9/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,25 Ross St,2,h,1190000,S,Frank,9/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,201/2 Rouse St,2,u,600000,VB,Buxton,9/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,160 Stokes St,3,h,1600000,SP,Hodges,9/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,6 Gooch St,1,h,1475000,S,Marshall,9/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/26 Grandview Gr,2,u,,SP,hockingstuart,9/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,91/108 Greville St,3,u,920000,S,Beller,9/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,688 High St,3,h,,PI,Marshall,9/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,22 Irving Av,3,h,1650000,S,hockingstuart,9/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/8 Irving Av,2,u,845000,S,Thomson,9/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1/16 Elm St,3,u,540000,VB,Nelson,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,131 Gilbert Rd,2,h,950000,S,Nelson,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,69 Jensen Rd,3,h,1072500,S,RW,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/14 Mihil St,3,t,800000,VB,Jellis,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,590 Murray Rd,3,h,,VB,Nelson,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24 Regent St,3,h,920000,SP,Nelson,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,38 Spring St,3,h,947500,S,Barry,9/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,41 Amery St,4,h,,PI,Barry,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Elsey Rd,3,h,750000,VB,Stockdale,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,753 Gilbert Rd,3,h,755000,S,hockingstuart,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,113 Hughes Pde,3,h,,SN,Barry,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Kennedy St,3,h,889000,SP,Nelson,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,55 Keon Pde,2,h,680000,S,Ray,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Kinsale St,3,h,990000,S,McGrath,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/7 Oconnor St,2,t,550000,PI,hockingstuart,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Orchid Av,4,h,1250000,SP,ASL,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/41 Pickett St,2,t,580000,S,HAR,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9/63 Pine St,2,u,583500,S,Nelson,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Ramleh Rd,3,h,870000,SP,RW,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Whitelaw St,3,h,,PI,Barry,9/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,8 Appleton St,3,h,1400000,PI,hockingstuart,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,69 Buckingham St,3,h,1525000,VB,Jellis,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Clifton St,3,h,,S,Jellis,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Cubitt St,2,h,1200000,SP,Jellis,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,50 Farmer St,3,h,1200000,S,Biggin,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/9 Goodwood St,1,u,415000,SA,RT,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/5 Kennedy Av,1,u,,PI,Biggin,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/1 Princess St,3,t,1321000,S,Nelson,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36/73 River St,2,u,592000,SA,Jellis,9/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,25 Georges Rd,2,h,1040000,S,hockingstuart,9/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Heywood St,2,h,,SN,Woodards,9/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,8 Ian Av,4,h,800000,PI,Philip,9/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3/41 Patterson St,2,u,,SN,Barry,9/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,28 Sunbeam Av,4,h,1315000,S,Philip,9/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,32 Heron Ct,4,h,1050000,S,Ray,9/09/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,11 Greville Rd,4,h,1800000,VB,Fletchers,9/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,217 Dandelion Dr,3,h,725000,S,Ray,9/09/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,18 Colchester Cct,3,h,580500,S,YPA,9/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,50 Coronet Av,3,h,440000,S,Raine,9/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,30 MacKellar Dr,3,h,580000,S,RW,9/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,6 Pegasus Ct,4,h,510000,S,Raine,9/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,50 Bamfield St,4,h,2700000,S,hockingstuart,9/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,121 Sandringham Rd,5,h,2290000,S,Marshall,9/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2 Trentham St,5,h,2220000,S,Buxton,9/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1 Victory St,3,h,1725000,S,Buxton,9/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,6 Manyung Ct,3,h,770000,S,hockingstuart,9/09/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,2/42 Station Rd,3,h,1228000,S,Jas,9/09/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,49 Kernot St,3,h,1124000,S,Hunter,9/09/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,206 Montague St,2,h,1355000,S,Marshall,9/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,54 Palmerston Cr,3,h,1210000,PI,Greg,9/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,349 Park St,2,h,1180000,S,Greg,9/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,46/88 Park St,2,u,655000,S,Greg,9/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,81/1 Sandilands St,3,u,1500000,VB,Greg,9/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,40 Smith St,2,h,970000,VB,Marshall,9/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11 Cecil Ct,4,h,780000,S,HAR,9/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Glory St,4,h,,PI,HAR,9/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Kitchin Rd,3,h,,PI,HAR,9/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,24 Paringa Av,4,h,,PI,Ray,9/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14 The Avenue,3,h,540000,S,The,9/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,10/85 Caroline St,1,u,442000,S,hockingstuart,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1009/50 Claremont St,1,u,370000,VB,Collins,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2 Hopetoun Gr,3,h,1360000,S,Jellis,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,86 Leopold St,3,h,,S,Jellis,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/41 Rockley Rd,2,u,,S,Hodges,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/372 Toorak Rd,1,u,,S,hockingstuart,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/399 Toorak Rd,2,u,515000,S,hockingstuart,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,67 Wilson St,2,h,1460000,S,hockingstuart,9/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,244/173 City Rd,2,u,523500,S,hockingstuart,9/09/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,142/79 Whiteman St,1,u,420000,S,Harcourts,9/09/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,4 Billing St,3,h,770000,S,Bowman,9/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,18 Silvan Av,3,h,730000,VB,Paul,9/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Kilda,10/78 Barkly St,2,u,462500,S,Thomson,9/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/5 Herbert St,2,u,711000,S,Gary,9/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/11 Redan St,2,u,,SN,McGrath,9/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/44 Waterloo Cr,2,u,630000,SP,Gary,9/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2/15 Lebanon St,3,u,815000,S,Nelson,9/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,5 Cumberland Ch,4,h,520000,S,Leeburn,9/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Kemp Pl,3,h,388000,S,L,9/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,39 Mitchells La,3,h,493000,S,Raine,9/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,11 Parkview Dr,2,h,510000,S,YPA,9/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,11 Perceval St,3,h,498500,S,Brad,9/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,140 Phillip Dr,5,h,,VB,Brad,9/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,2 Cobrey St,2,h,,SN,Barry,9/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,35 Queen Cct,3,h,680000,VB,Jas,9/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,32 Cumberland St,3,h,770000,S,Douglas,9/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,14/16 Eastcote St,2,u,355000,S,Douglas,9/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,14 Davey St,3,h,,SN,Barry,9/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,5 Anderson St,3,h,1571000,S,Noel,9/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,78 Durham Rd,4,h,,VB,Fletchers,9/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,57 Guildford Rd,5,h,3625000,S,Marshall,9/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Kingston Rd,4,h,1815000,S,Ross,9/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Leura St,3,h,,S,Nelson,9/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,228 Union Rd,5,h,,VB,Fletchers,9/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,6 Kontek Wy,4,h,580000,S,Barry,9/09/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,13 Vive St,4,h,,PI,Reliance,9/09/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,13 Glenelg Bvd,4,h,840000,PI,Barry,9/09/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,63 Australia Dr,4,h,762000,S,Barry,9/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,5 Chlotte Ct,4,h,760000,S,Nelson,9/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,7/416 Church Rd,3,t,1065000,S,Barry,9/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/1 Serpells Rd,2,u,,SP,Nelson,9/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,34 Marcus Rd,4,h,1585000,S,Barry,9/09/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3/5 Acacia St,2,u,448000,SP,Walshe,9/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,274 Station St,6,h,931000,S,HAR,9/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/7 Wilgah St,2,u,467000,S,Ray,9/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/203 Collins St,2,h,800000,S,McGrath,9/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,124 Fyffe St,4,h,1530000,PI,McGrath,9/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,207 Gooch St,2,h,1545000,S,The,9/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,94/337 Station St,3,u,,VB,Jellis,9/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8 Moonga Rd,5,h,,SP,RT,9/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/14 Springfield Av,1,u,541000,SP,Jellis,9/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/530 Toorak Rd,2,u,551000,S,RT,9/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/562 Toorak Rd,3,u,,S,Marshall,9/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13/270 Williams Rd,1,u,425000,S,Thomson,9/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,266a Sayers Rd,3,u,,SN,Barry,9/09/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1/22 Henderson Rd,2,t,515000,S,Barry,9/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,18C Sharps Rd,3,t,545000,S,Moonee,9/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,18 Frances Av,5,h,,SN,McGrath,9/09/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,6/513 Mitcham Rd,2,u,580000,S,Ray,9/09/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,8 Felgate Pde,5,h,,SN,Barry,9/09/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,40 Bateman St,3,h,900000,S,Noel,9/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,1 Newlands Ct,4,h,925000,S,Ray,9/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,127 Fraser Cr,6,h,1155000,S,Biggin,9/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,22 Broadwater Dr,4,h,1232000,SP,Ray,9/09/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,1/269 Nell St W,3,u,540000,S,Ray,9/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,14 Braeburn Pl,4,h,,PI,Barry,9/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Denise Ct,3,h,471000,S,Sweeney,9/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,45 High St,3,h,595000,S,YPA,9/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Scott St,4,h,621000,S,hockingstuart,9/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,20/697 Barkly St,1,u,208000,S,C21,9/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,16/745 Barkly St,2,u,360000,VB,Village,9/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,1/12 Prout La,3,h,2430000,S,Jellis,9/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,59 Rosslyn St,4,h,1725000,S,Jellis,9/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,12 Walpa Ct,3,h,616000,S,Barry,9/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,5 Timaru Ct,4,h,,PI,Ray,9/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,34 Queen St,3,h,1080000,SP,Raine,9/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,40 Queen St,3,h,1470000,S,Raine,9/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,93 Thompson St,3,h,,PI,Raine,9/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,3/4 Mary St,3,h,1400000,PI,hockingstuart,9/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,2/157 Peel St,2,u,810000,S,McGrath,9/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,3 Chetwynd Gr,4,h,592000,S,hockingstuart,9/09/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,74 Lehmanns Rd,3,t,420000,S,Ray,9/09/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,18 Wigan Cl,4,h,730000,PI,hockingstuart,9/09/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,28 Cranbrook St,3,h,826000,SP,RT,9/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,279 Hyde St,4,h,800000,VB,Village,9/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,45b Kidman St,3,t,810000,PI,Jas,9/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,96 Pentland Pde,3,h,1100000,VB,hockingstuart,9/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,15 Abbott St,3,h,,S,Nelson,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,127 Charles St,3,h,,PI,Biggin,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,146 Charles St,2,h,,W,Biggin,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,44 Lulie St,2,h,970000,S,Nelson,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,115 Park St,2,h,,PI,Biggin,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,57 Stafford St,3,h,,SP,Biggin,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,505/88 Trenerry Cr,4,u,,SP,Biggin,9/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,4/39 St Kinnord St,1,u,270000,VB,Hodges,9/12/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,4 Valencia St,2,h,1375000,S,Barry,9/12/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,35 Cameron St,3,h,776000,S,Nelson,9/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,58 Fraser St,4,h,1220000,S,Barry,9/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,75 Marshall Rd,3,h,943000,S,Nelson,9/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/174 Parer Rd,2,t,590000,S,Nelson,9/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,155 Kerferd Rd,3,h,,S,Buxton,9/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,3/98 Maidstone St,2,u,,PN,hockingstuart,9/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/53 Rayner St,2,u,510000,SP,hockingstuart,9/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,7 Beamish Ct,3,h,,PI,Triwest,9/12/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,6 Wrede Ct,3,h,,PI,Purplebricks,9/12/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,52A Angus Av,4,t,900000,PI,Compton,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/324 Blackshaws Rd,3,u,687000,S,Compton,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,54 Cooper Av,3,h,835000,S,RT,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,5 Dean Ct,3,h,860000,S,Sweeney,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,65A First Av,3,h,855000,S,Sweeney,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,88 First Av,3,h,1100000,S,Sweeney,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,25b Sutton Av,3,u,635000,S,Jas,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3/28 Windsor Cr,2,u,601000,S,Jas,9/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,34 Glinden Av,2,h,475000,SP,Douglas,9/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,17 Helene St,4,h,740000,S,Barry,9/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,3 McLaughlin St,4,h,620000,PI,Barry,9/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,126 Suspension St,3,h,615000,S,RW,9/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4/23 Kooyong Rd,2,u,540000,PI,McGrath,9/12/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,31 New St,3,h,,S,Marshall,9/12/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,3/232 Ascot Vale Rd,1,u,,VB,Raine,9/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4 Hunt Cr,4,h,1800000,PI,Raine,9/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,143 Kent St,4,h,1400000,S,Nelson,9/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,24 Langs Rd,4,h,1135000,S,Nelson,9/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,26 Nairn Av,3,h,1513000,S,Brad,9/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,11 Duke St,5,h,1930000,S,J,9/12/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,38 Karnak Rd,4,h,2350000,SP,Marshall,9/12/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,28 Carlyle St,4,h,1360000,PI,Buxton,9/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,9 Katta Ct,3,h,1350000,S,Buxton,9/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/6 Teck St,4,t,1310000,S,Buxton,9/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4/5 Yileen Ct,3,t,945000,S,Buxton,9/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,21 Yooralla St,4,h,,S,Buxton,9/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,65 Albany Cr,3,h,1070000,S,hockingstuart/hockingstuart,9/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,2/6 Birdwood St,2,h,770000,VB,Property,9/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,2a Gladstone Av,5,h,1300000,PI,Ray,9/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,3 Rochelle Ct,4,h,867500,S,Ray,9/12/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,12 Chandos Pl,4,h,820000,VB,Barry,9/12/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,3 Willowbank Wy,4,h,915000,SP,Barry,9/12/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,39 Brown St,4,h,970000,SP,Moonee,9/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,177 Canning St,3,t,970000,SP,Moonee,9/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,5 Intervale Dr,4,h,790000,S,Nelson,9/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,31b Riverside Av,3,h,760000,S,Nelson,9/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,7 Thackeray Qd,3,h,1061000,SP,Moonee,9/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,5/311 Carlisle St,2,u,688500,S,Gary,9/12/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,33 Marlborough St,2,h,1170000,SP,hockingstuart,9/12/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,6/22 Sycamore Gr,2,u,495000,SP,hockingstuart,9/12/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,4/12 Boston Rd,3,u,,SP,hockingstuart,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1 Bruce St,4,h,,SP,Ray,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,26 Clapham St,4,h,2035000,PI,Jellis,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/7 Jersey St,3,h,,SP,Jellis,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Monash Av,4,h,2650000,S,Fletchers,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Parkdale Av,3,h,,PI,Nelson,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,30 Power St,2,h,,PI,hockingstuart,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,123 Winmalee Rd,4,h,,PN,RT,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,31 Winmalee Rd,4,h,2200000,VB,Fletchers,9/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1/41 Corhampton Rd,3,u,1910000,S,Jellis,9/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/35 Greythorn Rd,3,u,,S,hockingstuart,9/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Helston St,4,h,1600000,VB,Fletchers,9/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,18 Kyora Pde,4,h,1760000,PI,Fletchers,9/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,134 Maud St,3,h,1750000,PI,Fletchers,9/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Penn St,3,h,2100000,PI,Jellis,9/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,4/12 Armstrong Rd,2,t,646000,S,Philip,9/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,21 McComb Cr,3,h,743000,S,Prof.,9/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,6 Wendover Av,3,h,807000,S,hockingstuart,9/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,10A Comport St,4,t,1820000,PI,Marshall,9/12/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,132 Dalgetty Rd,4,h,1990000,S,Marshall,9/12/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10 Summerhill Rd,6,h,1900000,VB,Marshall,9/12/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,1 Auckland St,3,h,1300000,VB,Buxton,9/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,19B Fromer St,3,t,1160000,S,Branon,9/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,17 Jasper Rd,2,h,777500,S,Buxton,9/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,6 Mavho St,2,h,1750000,VB,Buxton,9/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/37 Whitmuir Rd,3,t,1200000,PI,Buxton,9/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,38 Abbin Av,3,h,1200000,SP,Hodges,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Benina St,2,t,850000,S,C21,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,203/650 Centre Rd,2,u,586000,S,Buxton,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Connie St,5,h,,PN,Gary,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/9 Filbert St,2,u,927500,S,Buxton,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1b Forrest St,4,h,,S,Buxton,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Goodrich St,3,h,1240000,S,Woodards,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Hill St,5,h,,S,Buxton,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Jassa St,4,t,1250000,PI,Buxton,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,55 Kennedy St,3,h,1200000,PI,hockingstuart,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Milford St,3,h,1430000,SP,Woodards,9/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,84 Whistler Dr,4,h,800000,PI,Barry,9/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,13 Hamilton Av,3,h,1050000,S,Ray,9/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,2b Junction Rd,3,t,,PN,Woodards,9/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,7 Kent Cl,3,h,1030000,S,Fletchers,9/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,230 Canterbury Rd,4,h,1250000,VB,McGrath,9/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,11 Eckersley Ct,3,h,,SN,Woodards,9/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,7 Princes Ct,4,h,,SN,Woodards,9/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,35 Samuel Rd,3,h,,VB,Noel,9/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,6/594 Nepean Hwy,2,t,575000,S,Property,9/12/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,16 Rathmullen Rd,3,h,735000,VB,Barry,9/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1/121 Albion Rd,3,h,1202000,S,Marshall,9/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,65 Hargreaves Cr,3,h,825000,S,Barry,9/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,8 Kannan Bvd,3,t,700000,S,Barry,9/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,30 Cosham St,3,t,2650000,VB,Marshall,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,47 Drake St,4,h,2520000,VB,hockingstuart,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12/42 Grosvenor St,2,u,585000,S,Buxton,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,62 Halifax St,4,h,,VB,Marshall,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,56 Lynch Cr,3,h,2360000,PI,hockingstuart,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4A Middle Cr,2,h,,SN,J,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,25/568 New St,1,u,437000,S,hockingstuart,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9/35 Normanby St,2,u,637000,PI,Marshall,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,13 Orchard St,4,h,3520000,S,Nick,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,73 South Rd,4,h,,S,Buxton,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3a Valda Gr,3,t,1875000,S,Buxton,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/36 Well St,1,u,,S,RT,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,20 Young St,3,h,,S,Buxton,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Yuille St,4,h,,S,Marshall,9/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,31 Centre Rd,4,h,,S,Buxton,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,57 Glencairn Av,5,h,2375000,PI,buyMyplace,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,29 Northern Av,2,t,900000,VB,Gary,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,359 South Rd,2,h,1352000,S,Hodges,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Summerhill Rd,5,h,,VB,Marshall,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,135 Union St,3,t,,PN,Gary,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/36 Union St,3,t,985000,SP,Rodney,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,50 Union St,4,h,1776000,S,Woodards,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,211A Were St,4,h,2100000,PI,Buxton,9/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1 Bicknell Ct,3,h,500000,PI,Love,9/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,29A Ophir St,3,h,438000,SP,Eview,9/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,18 Stanhope St,3,h,,PI,Ray,9/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/187 Widford St,2,t,400000,S,Ray,9/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,209 Albert St,3,h,1025000,PI,Jellis,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,21/97 Brickworks Dr,2,u,442500,S,Jellis,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Hardy St,3,h,1310000,SP,Walshe,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3 Latrobe St,3,h,1260000,S,Nelson,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17 Murdock St,4,h,1450000,PI,Brad,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Rose St,3,h,1250000,PI,McGrath,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/35 Staley St,1,u,340000,S,Walshe,9/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,206 Blyth St,2,h,1065000,S,Barry,9/12/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,19 Glenmorgan St,3,h,1450000,VB,Barry,9/12/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3 Linden St,2,h,1045000,S,Jellis,9/12/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,499 Albert St,4,h,1816000,S,Nelson,9/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/458 Brunswick Rd,2,t,700000,SP,Nelson,9/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/3 Guthrie St,1,u,322000,PI,Walshe,9/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,16 Hoffman St,3,h,1130000,S,Nelson,9/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/39 McLean St,2,t,556000,S,Barry,9/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2/11 Estelle St,2,u,743000,S,Barry,9/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,14 Ilma Ct,4,h,,SP,Jellis,9/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,50 Marjorie Cl,4,h,,S,Fletchers,9/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Barton Ct,3,h,755000,SP,Barry,9/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,229 Greenwood Dr,4,h,770000,PI,Barry,9/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Warramunga Rd,4,h,,PI,Ray,9/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,42 Worcester Cr,5,h,,PI,Barry,9/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Zara Cl,3,t,606000,S,Stockdale,9/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,10 Pilbara Av,5,h,,SP,Biggin,9/12/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside,17 Saxby Ct,3,h,,PI,Barry,9/12/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,4 Narmi Ct,4,h,,PI,Buxton,9/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,29 Parer St,4,h,1500000,VB,Fletchers,9/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,71 Parer St,3,h,,VB,Buxton,9/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,15 Sparks Av,4,h,,VB,Fletchers,9/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,24 Wridgway Av,6,h,,PI,Jellis,9/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,18 Jonathan Av,4,h,,VB,Buxton,9/12/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,14 Kalista Ct,4,h,,PN,Woodards,9/12/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,40 Dunbarrim Av,3,h,640000,S,Sweeney,9/12/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,23 Acheron Av,5,h,1660000,S,Jellis,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Bow Cr,3,h,1300000,S,RT,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,52 Fairview Av,3,h,1665000,S,Marshall,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,17 Halley Av,3,h,2210000,S,Jellis,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/29 Hazel St,3,h,1220000,VB,Jellis,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,37 Kalang Rd,3,h,1625000,S,RT,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/10 Lesley St,4,h,,S,Marshall,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Lesley St,4,h,,S,Noel,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4 Marlborough Av,5,h,3460000,S,Jellis,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1062 Toorak Rd,4,h,,SP,hockingstuart,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1064 Toorak Rd,4,h,,SP,Jellis,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/3 Wanawong Cr,3,h,1200000,S,Jellis,9/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,26 Augusta Av,4,h,620000,S,Stockdale,9/12/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,14 Golding St,4,h,,SP,Marshall,9/12/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1B Victoria Av,5,h,5200000,PI,RT,9/12/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,100 Barkly St,4,h,2150000,VB,Nelson,9/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,5/150 Drummond St,2,u,1616000,S,Woodards,9/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,5/3 Lytton St,2,u,532500,S,Collins,9/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,508 Station St,3,h,1770000,SP,Nelson,9/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Caroline Springs,45 Willandra Lp,3,h,582500,S,Barry,9/12/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,24 Dahmen St,3,h,850000,PI,O'Brien,9/12/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield,28 Pyne St,4,h,,SN,Woodards,9/12/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,10/125 Kambrook Rd,2,u,422000,S,Gary,9/12/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,349 Bambra Rd,4,h,2040000,S,Gary,9/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,15 Russell St,3,h,1352000,S,Gary,9/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,1/40 Teak St,3,t,,SN,Gary,9/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,22 York St,4,h,,PN,Gary,9/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,1 Collins Ct,3,h,911000,S,Hodges,9/12/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,157 Thames Prm,4,h,842490,SP,Ray,9/12/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,34 Third Av,3,h,745500,S,Ray,9/12/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,250 Wells Rd,4,h,686000,S,hockingstuart/hockingstuart,9/12/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,49 Argus St,3,h,1800000,VB,Hodges,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/377 Bay Rd,2,u,690000,PI,Buxton,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,106 Cavanagh St,3,h,1155500,S,Buxton,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,43 Derring La,3,h,,SP,Ray,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8 Eila Cl,3,h,1070000,PI,O'Brien,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Eunice Dr,5,h,950000,VB,Buxton,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Regent Pde,4,h,1120000,SP,O'Brien,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Shelford Ct,4,h,1150000,PI,Buxton,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,145 Warrigal Rd,3,h,890000,S,Chisholm,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,138 Weatherall Rd,4,h,1715000,S,hockingstuart,9/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,1/55 Viney St,3,t,,SP,Besser,9/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,2 Barringun Cr,3,h,,PI,LJ,9/12/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/563 Clayton Rd,2,u,385000,S,Leaders,9/12/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,37 Meppel Dr,3,h,860000,S,Buxton,9/12/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,54 Council St,4,h,1600000,VB,Collins,9/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,44 Dwyer St,4,h,1600000,VB,Collins,9/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,131 Noone St,3,h,1337500,S,Collins,9/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,4/184 Noone St,2,t,,SP,Miles,9/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,8/82 Roseneath St,3,h,890000,S,Nelson,9/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,59a Barrow St,2,t,680000,PI,Ray,9/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,75 Bruce St,5,h,1360000,PI,Jellis,9/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,49 Darlington Gr,3,h,1270000,SP,Raine,9/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,10 Franklin St,2,h,1080000,S,Nelson,9/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,74 Glengyle St,3,h,1050000,PI,Nelson,9/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,32 Walsh St,4,h,900000,VB,Nelson,9/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,10a Marama St,3,h,1001000,S,Barry,9/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,4 Ronald St,3,h,765000,S,Nelson,9/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,4 Shore Gr,3,h,952000,S,Barry,9/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/15 Spry St,2,u,652000,S,Barry,9/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,4 Forest St,2,h,1126000,S,Jellis,9/12/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,65A Hotham St,2,h,1090000,PI,Nelson,9/12/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,204/55 Islington St,1,u,450000,PI,Purplebricks,9/12/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,70 Balyang Wy,3,h,,SN,Xynergy,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,61 Bowral Lp,4,h,560000,SP,Barry,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,45 Burrora Wy,4,h,556000,PI,Barry,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Burrora Wy,4,h,634000,S,Barry,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Eastgate Rd,4,h,515000,S,HAR,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Falmouth Ct,3,h,610000,S,Barry,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Glengarry Pl,3,h,,PI,Stockdale,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Millstream Ps,3,h,530000,S,Ray,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Saint Rd,3,h,471500,S,Ray,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Tephra Cr,4,h,,PI,YPA,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,53 Thoresby Cct,3,h,515000,SP,RE,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Tusmore Ri,3,h,580000,PI,Barry,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Tussock Rd,4,h,565100,SP,RE,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Ventor Ct,3,h,,PI,Barry,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Woodgrove St,3,h,516000,S,Ray,9/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,78 Ranfurlie Bvd,4,h,825000,VB,Barry,9/12/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,14 Chapel St,2,h,1236000,SP,Collins,9/12/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,7 Carlyle St,3,h,1000000,S,Max,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Eric St,3,h,850000,S,Barry,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Eva Ct,3,h,,PI,Philip,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Heathfield Ct,3,h,,PI,Barry,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/71 Kent Av,2,u,523500,S,Max,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,42 Lincoln Rd,3,h,915000,SP,Noel,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,92 Lincoln Rd,4,h,775000,S,McGrath,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,8 Springfield Av,3,h,720000,PI,Purplebricks,9/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,23 Humber Rd,4,h,1001800,SP,Carter,9/12/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,1/73 Clow St,2,u,,SP,McLennan,9/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3 Garside St,3,h,541000,S,Del,9/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1 Keppel Ct,3,h,650000,VB,Barry,9/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,27A King St,3,h,980000,SP,O'Brien,9/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,2/20 Bellbrook Dr,3,u,600000,S,O'Brien,9/12/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,6 Kallay St,4,h,760000,S,Barry,9/12/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1/1 Rhoden Ct,2,u,315000,PI,Harcourts,9/12/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,12 Terry St,4,h,,SP,Marshall,9/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,139 Neale Rd,3,h,,W,Biggin,9/12/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,26 Aitken Dr,3,h,600000,S,Barry,9/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,2/30 Challenger St,2,u,699000,S,Darren,9/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,1A Fraser St,2,h,598000,S,Barry,9/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,3/39 Centre Dandenong Rd,2,u,678000,S,Buxton,9/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,13 Oploo Ct,2,u,646500,S,Buxton,9/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2 Shepherd Ct,3,h,,SN,Ray,9/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,2/1 Angus Gr,2,u,3923000,S,Jellis,9/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Cecilie Ct,5,h,,S,Fletchers,9/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,35 Council St,4,h,1550000,PI,hockingstuart,9/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,25 Harcourt St,4,h,1508000,SP,Barry,9/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,14 Members Dr,5,h,1600000,VB,Buxton,9/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,25 Dryden St,3,h,1065000,S,Noel,9/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Regal Av,3,h,1505000,S,Parkes,9/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Saturn Tce,4,h,,SP,Woodards,9/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8 Allara Ct,3,h,1201000,PI,Philip,9/12/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,8 Bernarra Ct,5,h,3700000,S,Barry,9/12/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,61 Chippewa Av,4,h,802000,SP,hockingstuart,9/12/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,4 Monterey Cr,4,h,1140000,VB,Noel,9/12/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,23 Underwood Dr,4,h,1105000,SA,Philip,9/12/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,6 Ashgate Dr,3,h,510000,SP,Love,9/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,5 Mahogany Ct,3,h,668500,S,Ray,9/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,26 Tooradin Cr,4,h,556000,S,Ray,9/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,90 Paperbark St,3,h,555000,SP,O'Brien,9/12/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,12 Brooke St,4,h,2175000,S,Miles,9/12/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,29A Cape St,3,h,1035000,S,Ray,9/12/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,126 Locksley Rd,3,h,2201000,S,Kay,9/12/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,60 Maltravers Rd,5,h,,SN,Miles,9/12/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,88 Studley Rd,3,h,,SN,Nelson,9/12/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,70/1 Wellington Cr,2,u,,VB,Biggin,9/12/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,3/8 Wellington Cr,2,u,1035000,S,Caine,9/12/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,47A Fraser Av,3,h,870000,SP,Ray,9/12/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,23/14 McMillan St,2,u,525000,PI,McGrath,9/12/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,204/37 Park St,2,u,,PN,Gary,9/12/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,49 Trevelyan St,3,h,1459000,VB,hockingstuart,9/12/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,3 Adenmore Ct,4,h,,SP,Fletchers,9/12/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2 Cooinda Pl,4,h,1520000,S,Morrison,9/12/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,5/1250 Main Rd,2,u,628200,SP,Jellis,9/12/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,32 Parry Rd,5,h,,W,Sterling,9/12/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,5/71 Ormond Rd,2,u,652500,S,hockingstuart,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,20/8 Robert St,1,u,291500,SP,hockingstuart,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,29 Ruskin St,3,h,2445000,S,Chisholm,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11/2 Selwyn Av,2,u,721000,S,Gary,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,38 Southey St,4,h,2450000,VB,Chisholm,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,90 Tennyson St,2,h,1400000,SP,hockingstuart,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,14/17 Tiuna Gr,2,u,,PI,Purplebricks,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6 Wimbledon Av,3,h,,SN,Chisholm,9/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,6 Gray Cl,4,h,,PN,Nicholls,9/12/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,10 Shafer Ct,3,h,634000,S,Hall,9/12/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,6 Truslove Ct,4,h,,PI,Barry,9/12/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,32 Aries Dr,4,h,740000,S,RW,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Benaud Pl,3,h,569500,S,Love,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Berrigan St,4,h,567000,S,Ray,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/95 Duffy St,3,h,456000,S,Stockdale,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Gibbons Dr,3,h,652000,S,Love,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Gillespie Pl,3,h,619000,S,Barry,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Koukoura Dr,4,h,585000,PI,Iconek,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Larkspur Cl,4,h,700000,S,Barry,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/2 Lloyd Av,1,u,318000,S,Barry,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,108 McDonalds Rd,3,h,552000,S,Ray,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Oriano St,2,t,425000,S,Collings,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Thredbo Ct,3,h,,PI,HAR,9/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/9 Balmoral St,2,u,625000,S,Brad,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/143 Bradshaw St,2,u,700000,SP,Brad,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Kalimna St,4,h,2800000,PI,Nelson,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/10 Leoman St,3,u,385000,VB,Brad,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/22 Ogilvie St,2,h,1077000,S,Brad,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/22 Ogilvie St,3,h,718000,S,Brad,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/6 Schofield St,2,u,706000,S,Nelson,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/7 Violet St,2,u,450000,SP,Brad,9/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,17 Diamond St,3,h,1362500,S,Harcourts,9/12/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fawkner,77 Argyle St,3,h,,S,Barry,9/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Denys St,3,h,730000,S,hockingstuart,9/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,25 Denys St,3,h,880000,SP,hockingstuart,9/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,24 Derby St,3,h,645000,VB,hockingstuart,9/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,44A Marlborough St,3,h,602000,S,Barry,9/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,76 Edina Rd,3,h,855000,S,Barry,9/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,6 Lucerne Rd,3,h,,SP,Schroeder,9/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,3 Meadow La,4,h,880000,S,Schroeder,9/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,31 Stephen Rd,3,h,724000,S,K.R.Peters,9/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,15 Vandeven Ct,4,h,735000,S,RW,9/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,1/186 George St,2,u,788000,S,Nelson,9/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,35/98 Nicholson St,1,u,810000,S,Nelson,9/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,125 Barkly St,3,h,2540000,S,Nelson,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,84 Best St,3,h,1860000,S,Nelson,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,20/4 Bik La,2,u,399000,S,Pagan,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23/4 Bik La,2,u,710000,S,Caine,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,565 Brunswick St,4,h,1650000,VB,Nelson,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,725 Brunswick St,2,h,1360000,SP,Nelson,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,20/137 McKean St,2,u,987500,S,Collins,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,256 Park St,3,h,1710000,S,Collins,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,183 Rae St,2,h,,S,Nelson,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,8/301 St Georges Rd,2,u,753000,S,Jellis,9/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,7 Eltham St,3,h,1300000,VB,Nelson,9/12/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,206/250 Barkly St,2,u,407500,PI,Sweeney,9/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Beech St,3,t,870000,PI,Jas,9/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/6 Eldridge St,2,u,330000,S,Sweeney,9/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/4 Empire St,2,u,315000,SP,Barry,9/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,107 MacPherson St,2,h,831000,S,Compton,9/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,51 Newell St,4,h,1225000,S,Gunn&Co,9/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,3 Felicia Gr,4,h,1200000,SP,Noel,9/12/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,5 Henders St,3,h,1200000,SP,Fletchers,9/12/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,6 Ashleigh Av,3,h,550000,PI,Aquire,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,25 Coprosma Av,4,h,615000,S,hockingstuart,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/6 Frawley St,2,u,615000,S,O'Brien,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Lindrum Rd,3,h,642000,S,O'Brien,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,84 Lindrum Rd,3,h,599000,S,O'Brien,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Pericoe St,3,h,670000,SA,Ray,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Tralea Pl,3,h,600000,S,Barry,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,31 Wangarra Rd,4,h,585000,PI,O'Brien,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,31 Yarram Ct,4,h,795000,VB,Asset,9/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,87 Brunning Cr,3,h,500000,SP,Purplebricks,9/12/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston North,122 Rosemary Cr,4,h,519000,S,Barry,9/12/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,2/20 Hoadley Av,3,t,743500,S,Kay,9/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,143 Humphries Rd,4,h,,W,LJ,9/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,7 Jinchilla Av,5,h,,PI,Ray,9/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,7 Tangenong Ri,3,h,835000,S,Harcourts,9/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,7/7 Gardenia Rd,1,u,,S,hockingstuart,9/12/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gardenvale,4/8 Gardenia Rd,1,u,300000,S,hockingstuart,9/12/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,12 Midway Cl,3,h,721500,S,Barry,9/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,6/18 Etna St,2,u,670000,SP,Woodards,9/12/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,103/15 Manchester Gr,2,u,545000,S,Woodards,9/12/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,15/34 Royal Av,1,u,,S,hockingstuart,9/12/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,23 Wattle Av,3,t,920000,VB,Gary,9/12/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,4/41 Aintree Rd,2,t,795000,S,Jellis,9/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16/249 Burke Rd,2,u,,SP,Biggin,9/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,28 Ellis Rd,4,h,2220000,PI,Marshall,9/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6/14 Osborne Av,1,u,,W,Woodards,9/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Renwick St,3,h,1390000,S,J,9/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,55 Botanic Dr,5,h,1130000,S,Fletchers,9/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,42 Brentwood Dr,4,h,1140000,PI,Harcourts,9/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Herriotts Bvd,6,h,1411000,S,Harcourts,9/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 May Ct,5,h,1350000,VB,Harcourts,9/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,46 Maylands Cr,4,h,1170000,SP,Harcourts,9/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,35 Orchard St,3,h,1600000,PI,Barry,9/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/11 Apsley St,2,t,600000,SP,Eview,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,125 Augustine Tce,5,h,810000,SP,Boran,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/83 Daley St,3,h,591000,S,Stockdale,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,33 Everard St,2,t,1110000,S,Brad,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/10 Gladstone Pde,2,u,518500,S,Stockdale,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/24 Gladstone Pde,2,u,,S,Brad,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,21 Ila St,3,h,685000,S,hockingstuart,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,45 Langton St,4,h,700000,VB,Buckingham,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1 MacKinnon Gr,4,h,,W,Eview,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/52 Maude Av,2,t,570000,S,Eview,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6/919 Pascoe Vale Rd,3,t,530000,SP,Brad,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/923 Pascoe Vale Rd,3,t,591000,SP,RW,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,60 View St,4,h,685000,S,Brad,9/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,1/8 Hart Av,2,h,,PI,Buckingham,9/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,144 Henry St,4,h,1100000,PI,Morrison,9/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/22 Louis St,2,u,,PI,HAR,9/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6/12 Parkview Av,2,u,,PI,Morrison,9/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4 Saul Ct,3,h,692500,S,Buckingham,9/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,34 Scotland Av,4,h,920000,S,Darren,9/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,5 Arkose St,4,h,880000,PI,Barry,9/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Barrymore Rd,6,h,,S,Nelson,9/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,17 Glenmore Pl,4,h,685000,PI,YPA,9/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,15 Motherwell Av,5,h,945000,S,Barry,9/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,7 Halsbury St,2,h,610000,S,Barry,9/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,58 Fitzgerald Rd,3,h,635000,SP,Harcourts,9/12/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,16A Barnett St,3,h,1100000,S,Hodges,9/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,66A David St,3,t,1180000,S,Buxton,9/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,584 Hampton St,4,h,2160000,S,Buxton,9/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,57 Holyrood St,4,h,3100000,S,Buxton,9/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4 Sargood St,4,h,,PI,Hodges,9/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9A Thorburn St,3,t,1125000,S,hockingstuart,9/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,10b Acheron Ct,4,t,1415000,S,Buxton,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,29 Apex Av,5,h,,S,RT,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,10 Crest Av,5,h,1700000,VB,Buxton,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3 Henrietta St,3,h,1150000,VB,Buxton,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,16/13 Kelly Av,2,u,720000,S,Purplebricks,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,11b Leith Cr,4,t,1070000,VB,Buxton,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3 Nepean Av,3,h,1175000,PI,Buxton,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,80 Wickham Rd,3,h,1347000,SP,Buxton,9/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,9/187 Auburn Rd,2,u,611000,S,Jellis,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/346 Auburn Rd,3,t,,PI,RT,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,44 Bell St,3,h,1290000,S,Marshall,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,410/311 Burwood Rd,2,u,,VB,RT,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/45 Church St,2,u,495000,S,Domain,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,29 Edward St,3,h,1660000,S,Jellis,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/4 Hill St,2,u,721000,S,Jellis,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/146 Power St,2,u,670000,S,Biggin,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/167 Power St,2,u,,S,Jellis,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,120 Riversdale Rd,5,h,,SP,Marshall,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/7 Summerlea Gr,2,u,645000,S,Jellis,9/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,8/28 Harold St,1,u,587000,S,Marshall,9/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,67 Harold St,3,h,,VB,Kay,9/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,12/1 Maraquita Gr,3,h,1260000,S,Marshall,9/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,54 Pleasant Rd,3,h,1510000,S,Jellis,9/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10 Roseberry St,3,h,2225000,PI,Jellis,9/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,392 Tooronga Rd,6,h,2425000,S,Marshall,9/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,75 Campbell St,3,h,,SS,Barry,9/12/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,5/16 Darebin St,2,u,595000,S,Haughton,9/12/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,3/25 Ebony Pde,3,u,630000,S,RW,9/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,24 Redwood St,2,h,745000,S,Nelson,9/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,1/517 Waterdale Rd,3,h,,VB,Nelson,9/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,33A Albert St,3,t,1330000,S,Branon,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,7/29 Graham Rd,2,u,420000,PI,Buxton,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,18A Jackson Rd,3,h,,VB,Hodges,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,86a Middleton St,2,t,960000,PI,Buxton/Buxton,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,8 Stevens St,3,t,,PI,Buxton,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/18 The Crescent,3,t,787000,S,Buxton,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,152 Wickham Rd,3,h,900000,S,Buxton,9/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,8 Landscape Dr,5,h,760000,PI,Brad,9/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 Saronvale Cr,3,h,610000,PI,Barry,9/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,11 Serrata Ct,3,h,550250,S,Barry,9/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 Topaz Dr,4,h,811000,S,Prof.,9/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,32 Bourke Cr,3,h,620000,S,hockingstuart,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,58 Matlock St,4,h,807500,S,hockingstuart,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,44 McMurray Cr,4,h,670000,SP,Reliance,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Medina Dr,4,h,660000,PI,Sweeney,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,156 Mossfiel Dr,3,h,570000,S,Barry,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Okeefe Pl,3,h,570000,S,hockingstuart,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Palmer Ct,3,h,593000,S,hockingstuart,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Redwood Dr,3,h,780000,SP,Greg,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Sheeprun Pl,3,h,555000,S,Barry,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Townville Cr,3,h,577000,S,YPA,9/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/43 Eleebana Av,2,h,,S,Woodards,9/12/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,3/136 Banksia St,3,u,766000,S,Nelson,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/29 Clark Rd,2,h,1160000,S,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/19 Dudley St,2,u,910000,S,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,68 Hawker St,3,h,,SN,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/3 Linton St,3,u,1025000,S,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,13 Marshall St,4,h,2300000,VB,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,52 Myrtle St,3,h,1200000,VB,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4/54 Myrtle St,2,u,490000,VB,Miles,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6 Royal Ct,3,h,1210000,VB,Nelson,9/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,3 Bailey Gr,4,h,1905000,S,Miles,9/12/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,22 Hales Cr,3,h,606000,S,YPA,9/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,1 Hadley Cl,4,h,600000,S,C21,9/12/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,3/660 Old Calder Hwy,3,t,775000,SP,Barry,9/12/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,10 Draper Ct,3,h,780000,S,Barry,9/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1 Brees Rd,6,h,925000,VB,Barry,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,31 Heather Av,3,h,1140000,S,Barry,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,11 Mainridge Vs,2,h,,W,The,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,119 Noga Av,3,t,820000,PI,Nelson,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,27 Park Dr,3,h,850000,S,Nelson,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,47 Roberts St,3,h,900000,S,Barry,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,48A Roberts St,3,t,900000,S,Barry,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,165 Sterling Dr,4,h,740000,VB,Nelson,9/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,53 Randwick Dr,3,h,721000,SP,McDonald,9/12/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,11/65 Bayswater Rd,2,u,453000,SP,Nelson,9/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,67 Hardiman St,3,h,1760000,S,Nelson,9/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,18 Peppercorn Wk,4,t,1085000,S,Edward,9/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,8 Adeney Av,6,h,5200000,VB,Marshall,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/385 Barkers Rd,3,u,982500,S,Dingle,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/40 Carson St,2,t,913600,SP,hockingstuart,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/51 Cobden St,3,t,,S,Jellis,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Dean St,5,h,3275000,S,Jellis,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,32 Grandview Tce,3,h,1705000,PI,VICPROP,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,22 Marshall Av,4,h,3923000,S,Jellis,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,33 May St,3,h,,S,Marshall,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/2 St Johns Pde,2,u,685000,PI,Noel,9/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,31 Elm Gr,3,h,,S,RT,9/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,11 Namur St,4,h,,VB,Marshall,9/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,32 Elmswood Bvd,4,h,970000,VB,McGrath,9/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,20 Linden Dr,2,t,,SS,Barry,9/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,30 Cherylnne Cr,3,h,,S,Barry,9/12/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,8 Centenary Ct,3,h,526000,S,Barry,9/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,15 Chetwyn Dr,4,h,,S,Nelson,9/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,35 Dunne St,3,h,850000,SA,Barry,9/12/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,21 Eagle Av,3,h,,S,Ray,9/12/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,174 Williamstown Rd,2,h,857000,SP,Jas,9/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,43 Benaroon Dr,4,h,810000,S,Iconek,9/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,18 Curtin Av,3,h,695000,S,Ray,9/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,12 Evans St,3,h,721000,S,Ray,9/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,25 Franklin Rd,4,h,676000,S,HAR,9/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3/66 French St,2,u,,PI,Ray,9/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,91 Robert St,3,h,632000,S,HAR,9/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,4/129 Main Rd,3,t,547500,S,Nelson,9/12/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,1/320 Main Rd,2,u,,SN,Miles,9/12/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4 Edward St,4,h,1250000,S,Ray,9/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,12 Fernley Av,3,h,1285000,S,Nelson,9/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,49 Harborne St,5,h,,VB,Darren,9/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,36 Hester Wk,3,h,,S,Nelson,9/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,56 Torbay St,4,h,,SN,Ray,9/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2/30 Burns St,3,t,800000,S,Biggin,9/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,20 Delacey St,3,h,955000,S,Biggin,9/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,12 Mandrel St,2,t,521000,S,Biggin,9/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,33 Radio St,3,h,940000,SP,Biggin,9/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/28 Thomson St,3,t,630000,PI,Jas,9/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,7 Childers Rd,5,h,,S,Marshall,9/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/19 Horace St,2,u,,VB,Jellis,9/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6 Moorakyne Av,5,h,6600000,S,Jellis,9/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,13 Thanet St,3,h,,S,Marshall,9/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29A Thanet St,4,h,2800000,VB,Jellis,9/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,12 Wheatland Rd,4,h,2940000,S,Jellis,9/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,13 Albert St,5,h,2400000,VB,Marshall,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,84 Alma St,3,h,1710000,S,Jellis,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1445 Dandenong Rd,3,h,,PI,Buxton,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,29 MacGregor St,3,h,2180000,S,hockingstuart,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,57 Midlothian St,4,h,1632500,S,Marshall,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,40A Sycamore St,2,h,1052500,SP,Marshall,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4 Taylor Ct,3,h,,S,hockingstuart,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,67 Tooronga Rd,3,h,,S,Marshall,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,148 Waverley Rd,3,h,1620000,PI,Marshall,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,199A Waverley Rd,2,h,,S,Marshall,9/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,1 Chifley Dr,2,h,1650000,VB,Nelson,9/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,29 Hillside Cr,3,h,960000,VB,Nelson,9/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,6 Lana Wy,3,h,700000,PI,hockingstuart,9/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1 Middle Rd,3,h,1190000,SP,Nelson,9/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5 Scenic Pl,4,h,1770000,S,Nelson,9/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,35A Anne St,3,t,1312000,S,Buxton,9/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,27A Carlton St,3,h,,SP,Buxton,9/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,8 Dillwynia Pl,4,h,530000,VB,YPA,9/12/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,10/32 Papworth Pl,3,t,408000,S,RW,9/12/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2905/8 Sutherland St,2,u,570000,S,Edward,9/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,26/58 Andrew St,2,u,280000,SP,Raine,9/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,6 Bass Ct,4,h,420000,PI,PRDNationwide,9/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,23 Caitlyn Dr,4,h,,PI,YPA,9/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,23 Empress Wy,4,h,382000,S,Jason,9/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,8 Lara Pl,3,h,,SN,hockingstuart,9/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,9 Alvena St,3,t,810000,PI,Buxton,9/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/5 Palermo St,2,u,654000,S,Hodges,9/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9 Plummer Rd,4,h,2000000,VB,Charlton,9/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,20 Brunton Dr,4,h,610000,S,RW,9/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Gael Ct,3,h,525000,S,RW,9/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,75 Callaway Dr,4,h,1225000,SP,RE,9/12/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,13 Fraser St,2,h,1515000,S,Marshall,9/12/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,3 Bradham Dr,4,h,,PI,HAR,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Brentfield Ct,3,h,735000,S,HAR,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Conifer Cl,3,h,553000,S,Ray,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Heritage Dr,3,h,603000,S,Ray,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Ivy Ct,4,h,671000,S,Millership,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,140 Roycroft Av,3,h,598000,S,Ray,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Sedgman Ct,4,h,660000,S,HAR,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,28 Strickland Av,5,h,730000,S,Ray,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,35 Thompson Cct,3,h,712500,S,RW,9/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2/4 James Av,3,u,900000,S,Ray,9/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,26 Madison Bvd,3,h,890000,SP,HAR,9/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4 McKeon Rd,4,h,,VB,Noel,9/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Orient Av,3,h,2305000,S,Ray,9/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5/10 Quarry Rd,2,u,600000,S,Ray,9/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3/2 Barloa Rd,2,u,748000,S,Ham,9/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,44 Cressy St,3,h,820000,PI,Morrison,9/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,2 Montague St,4,h,1400000,VB,Nelson,9/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,4 Barbara St,3,h,1200000,PI,Ray,9/12/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,31 Chapel Rd,4,h,1250000,PI,Buxton,9/12/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,7 Florida Ct,3,t,960000,SP,Buxton,9/12/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/16 Franklin St,4,t,1100000,VB,Buxton,9/12/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,8/23 Genoa St,1,u,,W,Purplebricks,9/12/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,1/89 Albert St,2,u,588000,S,Barry,9/12/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,39 Charlton St,3,h,,PI,Harcourts,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Headingley Rd,3,h,1100000,VB,Fletchers,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,62 Headingley Rd,4,h,,PI,Harcourts,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Katandra Ct,4,h,1560000,PI,Jellis,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,262 Lawrence Rd,4,h,,SS,Harcourts,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Leonie Av,6,h,,VB,Jellis,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Marsham Rd,3,h,1400000,PI,hockingstuart,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,42 Oakern St,3,h,,VB,Jellis,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/34 Sesame St,4,t,1000000,PI,McGrath,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,386 Stephensons Rd,4,h,1250000,VB,Jellis,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Wadham Pde,5,h,,PI,Harcourts,9/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,1/42 Carson St,3,u,722000,S,Ray,9/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Redfern Cr,4,h,790000,VB,Barry,9/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Renee Cl,4,h,1191000,S,Win,9/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/4 Hobart Rd,3,u,925000,S,Woodards,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,17 Kinlock Av,3,h,1440000,PI,Jellis,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,6 Kirkham Rd,5,h,1700000,S,Buxton,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9A Narbethong Rd,4,t,1601000,S,Buxton,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,523 Neerim Rd,3,h,,SN,Woodards,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,281 Poath Rd,3,h,1350000,SP,Thomson,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,43A Wallace Av,3,t,1150000,PI,Buxton/Marshall,9/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,4/101 Blackshaws Rd,2,u,676000,SP,Jas,9/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,41 Carmen St,3,h,975000,SP,Raine,9/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,36a Gordon St,4,h,,PI,Sweeney,9/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,23 Jack St,3,h,,S,Barlow,9/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/29 Diamond St,3,u,700000,PI,Brad,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/1 Elstone Ct,2,u,650000,SP,Barry,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/21 Hotham Rd,2,u,686500,S,Barry,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,107/388 Keilor Rd,1,u,360000,PI,Biggin,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,15 Shaw St,4,h,1250000,S,Barry,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/5 Shaw St,3,h,810000,SP,Barry,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,5B Shaw St,3,h,810000,SP,Barry,9/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/7 Flinders St,2,u,447000,SP,iSell,9/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/4 Florence St,2,u,,S,Barry,9/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,57 Gatcum Ct,3,h,,W,Barry,9/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,12 Jellicoe St,3,h,815000,S,Barry,9/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,10 Romsey St,3,h,,S,Barry,9/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,183 Melrose St,2,h,850000,VB,Nelson,9/12/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,17 Charles St,2,h,975000,VB,Nelson,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Christmas St,3,h,1090000,S,Nelson,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,176 Darebin Rd,3,h,,SS,Woodards,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,76 Derby St,4,h,2280000,SP,Jellis,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,104/72 Gadd St,2,u,,PI,McGrath,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21 Howitt St,3,h,1660000,S,Jellis,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,74 Jenkins St,3,h,1870000,S,Jellis,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5 McCutcheon St,4,h,,SP,Jellis,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/28 Newmarket St,3,h,1350000,SA,Jellis,9/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,399 Springfield Rd,3,h,1100000,S,Barry,9/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1 Lex Gr,3,h,837500,S,Stockdale,9/12/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4/4 Strachan St,2,u,625000,S,Nelson,9/12/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,38 Abbeygate St,4,h,,S,Woodards,9/12/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1470 Dandenong Rd,2,h,890000,SP,Ray,9/12/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,16 Ward Av,3,h,1030000,S,Buxton,9/12/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Officer,1 Longmeadow Rd,4,h,563000,S,Ray,9/12/2017,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Ormond,34 Carlyon St,3,h,1650000,PI,Buxton,9/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,25 Dunlop Av,3,h,1370000,PI,Gary,9/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,13 Rogers St,4,h,571000,S,O'Brien,9/12/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,2 Smethurst Av,3,h,480000,SP,Just,9/12/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,7 Cedric St,3,h,1140000,S,Buxton,9/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/57 Fourth St,3,t,1210000,SP,Buxton,9/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,33 Alexandra St,2,h,755000,SP,Stockdale,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Amber Ct,2,u,496000,S,Brad,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/9 Austin Cr,2,u,555000,SP,Brad,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5 Bristol Rd,2,h,1190000,S,Brad,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,47 Essex St,2,h,825500,S,Brad,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,368 Gaffney St,3,h,1180000,S,Nelson,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/9 Plymouth Av,3,u,740000,S,Nelson,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,18 Tangyes St,3,h,1110000,S,Brad,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14 View St,3,h,1000000,S,Barry,9/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,23 Luxor Dr,3,h,605000,S,YPA,9/12/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,6 Dalkeith Dr,3,h,650000,S,Ray,9/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,25 Glastonbury Cct,4,h,,PI,Barry,9/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,35 Tamar Av,4,h,655000,S,LJ,9/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,24 Vaucluse Bvd,4,h,,W,Gunn&Co,9/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,2 Beacon Vs,4,h,3400000,PI,RT,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3 Esplanade Pl,2,h,1200000,VB,Greg,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,201/38 Nott St,2,u,790000,S,Marshall,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,167 Pickles St,5,h,2725000,PI,Marshall,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,105/25 Pickles St,2,u,550000,VB,Greg,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,36 Sandridge Av,3,h,,S,Marshall,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,84 Station St,2,h,1100000,S,Cayzer,9/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,90 Chatsworth Rd,2,h,,VB,hockingstuart,9/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/263 Dandenong Rd,1,u,405000,S,Gary,9/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,351 High St,2,t,,SP,Marshall,9/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4 Westbourne St,2,h,1550000,S,Jellis,9/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/25 Wynnstay Rd,2,u,613000,S,Purplebricks,9/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,8 Beatrice St,3,h,880000,S,McGrath,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,161 Bell St,2,h,770000,S,Barry,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,90a David St,4,h,,S,Nelson,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,46 Erin St,4,h,1500000,SP,McGrath,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Evelyn St,5,h,1420000,PI,McGrath,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/22 Josephine Gr,2,u,690000,S,Nelson,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Kenneth St,3,h,1081000,S,RW,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24 Livingstone Pde,2,h,780000,VB,hockingstuart,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,28 Murphy Gr,2,h,960000,PI,Barry,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,554 Murray Rd,3,h,1002000,PI,Woodards,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/30 Ruby St,2,h,705000,S,Nelson,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Wurruk Av,4,h,1000500,SP,Nelson,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Wymbir Av,3,h,700000,PI,Love,9/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,8 Ameily Cr,2,h,651000,S,Love,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,49 Barry St,2,h,,SP,Nelson,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/97 Barton St,2,u,468000,S,Ray,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Bourke St,2,h,870000,S,hockingstuart,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Croft Cr,4,h,885000,PI,Nelson,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,109 Crookston Rd,3,h,980000,S,hockingstuart,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Dawson St,4,h,,PI,Ray,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/94 Delaware St,1,u,345500,S,Stockdale,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,49 Elliot St,4,h,941000,S,hockingstuart,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Erskine Av,3,h,835000,S,HAR,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/27 Grimwade St,2,u,505000,SP,Flannagan,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1075 High St,3,h,800000,S,Love,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Jess St,3,h,925000,S,Barry,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Lindenow St,3,h,770000,S,Love,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Lloyd Av,3,h,,SP,Nelson,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/69 Miranda Rd,2,u,562690,SP,Love,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/153 Rathcown Rd,2,u,335000,PI,Barry,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/10 Smith St,2,u,580000,S,Barry,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/14 Sturdee St,3,t,678913,SP,Barry,9/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,309/71 Abinger St,1,u,456000,S,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,106/20 Burnley St,1,u,,PI,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,254 Burnley St,2,h,,SP,Jellis,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,26 Charles St,3,h,2200000,S,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/183 Coppin St,1,u,,PI,Ray,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7 Coppin St,3,h,1705000,S,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,49 Egan St,2,h,961000,SP,hockingstuart,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/34 Lord St,2,t,900000,S,Jellis,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,405/6 Lord St,1,u,400000,PI,hockingstuart,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/8 Lord St,3,t,1190000,S,Jellis,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/47 Mary St,3,h,1250000,SP,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/4 McGrath Ct,1,u,310000,S,hockingstuart,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/47 Murphy St,1,u,495000,S,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35 Shelley St,2,h,1360000,SP,Jellis,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/4 Smith St,2,u,455000,S,hockingstuart,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,25/9 Tennyson St,2,u,,S,Jellis,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Type St,3,h,,PI,Biggin,9/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,51 Arlington St,3,h,767500,S,Noel,9/12/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 James St,5,h,1230000,S,Barry,9/12/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1A Vine St,3,h,875000,S,McGrath,9/12/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,45 Alexandra Rd,3,h,,W,Barry,9/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3 Bruce Ct,4,h,1675000,VB,Fletchers,9/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,70A Gracedale Av,3,h,861000,SP,Barry,9/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2 Guest Cl,3,h,840000,S,Fletchers,9/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,39A Patterson St,3,h,875000,PI,Harcourts,9/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,5 Victoria St,4,h,1006000,S,Ray,9/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,13 Cantala Cr,4,h,870000,SA,Philip,9/12/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,2 McMahon Ct,4,h,1080000,PI,Philip,9/12/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,2/27 Invermay Gr,2,u,650000,VB,Nelson,9/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,11 Kilcatten Ri,4,h,,SN,Stockdale,9/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,29 Grenville Tce,3,h,431000,S,Ray,9/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,45 Stainsby Cr,3,h,575000,S,Barry,9/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,125 Beach Rd,3,h,1800000,VB,Hodges,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,13 Cowper St,3,h,1761000,S,Buxton,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,49 Grange Rd,4,h,1900000,SP,Buxton,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,49 Sims St,4,h,2200000,S,Buxton,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,23 Susan St,4,h,,S,Marshall,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/70 Victoria St,2,u,750000,PI,Buxton,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,6 Waverly St,3,h,1940000,S,Hodges,9/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,32 Lorna St,3,h,650000,VB,Property,9/12/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,17 Northcote St,3,h,850000,S,hockingstuart/hockingstuart,9/12/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Skye,10 Rocklea Cr,3,h,520000,SP,Harcourts,9/12/2017,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,1/147 Cecil St,2,u,1272000,S,Greg,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,102/333 Ferrars St,2,u,900000,PI,Buxton,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,100 Iffla St,2,h,,VB,Greg,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,215 Moray St,3,h,,S,Marshall,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,114 Napier St,4,h,,S,Greg,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,9 Queen St,3,h,1071000,S,Greg,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,64 Raglan St,2,h,1200000,S,WHITEFOX,9/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,16 Avion Ri,3,h,,PI,Barry,9/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Mercury Cct,4,h,870000,PI,Morrison,9/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Paddys Pl,3,h,555000,S,HAR,9/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,15 Payne Pl,4,h,621000,S,Stockdale,9/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,39 Rolain Av,3,h,612000,S,HAR,9/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,63 Davis Av,3,h,,PI,Kay,9/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/77 Park St,1,u,407800,S,hockingstuart,9/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,24 Portland Pl,3,h,,PI,hockingstuart,9/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17/26 Toorak Rd,1,u,425000,S,RT,9/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,88 Coventry St,3,h,,VB,Greg,9/12/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,97 Hudsons Rd,3,u,882000,SP,McGrath,9/12/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,8 Thames Av,4,h,,PI,Paul,9/12/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,10 Charlotte St,3,h,,S,Barry,9/12/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,38 Albert Cr,2,h,642000,S,Barry,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,19 Anna St,3,h,477500,SA,Barry,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Currajong St,3,h,,PI,Barry,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,68 Denton Av,3,h,650000,SP,Ray,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,13 Gillespie Rd,4,h,660000,S,Purplebricks,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,25 Harris St,5,h,620000,S,Bells,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,28 Kerrison Av,4,h,620000,S,Barry,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,43 McArthur Av,3,h,695000,SP,YPA,9/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,1/68 Alma Rd,2,u,460000,VB,Buxton,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,54A Carlisle St,3,h,961000,PI,Gary,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/41 Chapel St,3,u,670000,S,Buxton,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,203/24 Crimea St,1,u,400000,PI,Wilson,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/38 Fitzroy St,1,u,400000,PI,Wilson,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/17 Robe St,1,u,465000,SP,Biggin,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/24 Robe St,1,u,768000,S,Marshall,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/44 Waterloo Cr,2,u,580000,VB,R&H,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/26 Wellington St,2,u,630000,S,Gary,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/95 Wellington St,1,u,491000,S,Wilson,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/95 Wellington St,2,u,735000,PI,Wilson,9/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,31 Holyrood Av,3,h,1400000,S,Nelson,9/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,19A Tasman Av,3,t,800000,VB,Nelson,9/12/2017,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,49 Archer Av,5,h,675000,S,Barry,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,8 Batman Av,2,h,367000,SP,L,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Casey Av,4,h,565000,S,Hayeswinckle,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,13A Keith Av,3,h,453000,SP,YPA,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,25 Lister Cr,3,h,480000,S,Barry,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,34 Massie Cct,4,h,,VB,L,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,11 Vaughan St,3,h,700000,S,Leeburn,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,98 Wilsons La,3,h,465000,SP,Raine,9/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,11 Fraser St,3,h,772500,S,Douglas,9/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,30 High St,2,h,760000,S,Barry,9/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,5 Kevin St,3,h,975000,PI,Jas,9/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13c Thomson St,2,u,537000,PI,Jas,9/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,55 Cary St,3,h,705000,SP,Barry,9/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/50 Meadowbank Dr,3,u,560000,S,S&L,9/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,50 Suffolk Rd,2,h,722000,S,Barry,9/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,3 Allison St,4,h,,PI,Ray,9/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,34 Collenso St,3,h,720000,PI,Jas,9/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,35 Fontana Cl,4,h,790000,S,Brad,9/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,258 Wright St,3,h,640000,PI,Barry,9/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4/16 Bona Vista Av,4,t,,SP,Jellis,9/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,71 Croydon Rd,5,h,,S,Marshall,9/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/5 Middlesex Rd,2,u,682500,S,Ross,9/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,23 Scheele St,4,h,,S,Marshall,9/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/557 Whitehorse Rd,2,u,771000,S,Jellis,9/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,28 Albertine Cr,4,h,,W,Prof.,9/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,38a Bungarim Wyn,3,u,480000,SP,FN,9/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4 Picadilly Pl,4,h,705000,S,Barry,9/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,4 Dusky Cr,4,h,,PI,S&L,9/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,17 Mallina Gln,3,h,528000,SP,CarlinSmith,9/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,486 Sayers Rd,4,h,,W,S&L,9/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,14 Willowood Ct,4,h,621000,PI,O'Brien,9/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,77 Australia Dr,3,h,760000,S,Nelson,9/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,63 Cambridge Cr,4,h,836000,S,Barry,9/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,45 Salamander Dr,5,h,725000,S,Barry,9/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,7 Sandpiper Dr,4,h,681500,S,Prof.,9/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,71 Wellesley Dr,4,h,700000,PI,Barry,9/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,5 Austin Pl,4,h,,S,Fletchers,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,15 Dellas Av,4,h,,PN,Barry,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Dunloe Ri,5,h,1551000,SP,Barry,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3/31 Oliver Rd,3,t,1100000,VB,Fletchers,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Princeton Pl,3,h,,W,Upside,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,28 Rosco Dr,4,h,1155000,S,Barry,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,239 Serpells Rd,3,h,1550000,S,hockingstuart,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,9 Wynnewood Ct,5,h,1950000,PI,Noel,9/12/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,226 Greenslopes Dr,4,h,1050000,VB,Fletchers,9/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,40 Bickley Av,3,h,657000,S,Ray,9/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/86 Heyington Av,2,u,,PI,hockingstuart,9/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Kerang Pl,4,h,645000,S,HAR,9/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,9 Travers St,3,h,740500,S,HAR,9/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,3/11 Clarendon St,2,u,,PI,hockingstuart,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,141 Harold St,2,h,1250000,S,Jellis,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,58 Johnson St,2,h,1234500,S,Darren,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7/20 Kemp St,1,u,374060,SP,Harcourts,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/106 Keon St,2,u,,SP,Love,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/184 Normanby Av,2,h,665000,SP,McGrath,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,31 Normanby Av,3,h,1211000,S,Woodards,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/59 Pender St,2,u,705000,S,Woodards,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/123 Shaftesbury Pde,1,u,280000,VB,Nelson,9/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,45 Heyington Pl,4,h,4111000,S,RT,9/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/637 Malvern Rd,3,u,841000,S,Jellis,9/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11/18 Tintern Av,2,u,867000,S,hockingstuart,9/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,16/1 Millar Rd,2,u,360000,PI,Jason,9/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,35 Spring St,3,h,700500,S,Jason,9/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1 Bolinda Pl,4,h,1160000,VB,Barry,9/12/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,62 Scott St,3,h,903000,S,Fletchers,9/12/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3 Trinian St,4,h,1595000,S,Harcourts,9/12/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,4 Cavill Ct,4,h,1088000,S,Ray,9/12/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,85 Rutherford Rd,3,h,1060000,S,Miles,9/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,15 Chequers Cl,3,h,812000,S,hockingstuart,9/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,7 Apollo Ct,3,h,940000,S,Ray,9/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,13 Bells Ct,4,h,1050000,SP,Barry,9/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,25 Crellin Cr,3,h,,VB,Darren,9/12/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,20 Weatherlake St,3,h,850000,VB,Darren,9/12/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,5 Denise Ct,3,h,570000,S,hockingstuart,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,42 Filmont Dr,4,h,,SP,Ray,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,12 Garden Ct,4,h,620000,SP,Barry,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Hodge St,3,h,480000,S,Greg,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Jabiru Ct,3,h,500000,SP,YPA,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,30 Latham St,3,h,525000,S,PRDNationwide,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Penn Cl,3,h,627500,S,Barry,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Pyke St,4,h,880000,S,Ray,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Westminster Dr,4,h,460000,S,Barry,9/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,6/12 Carmichael St,2,u,355000,S,Sweeney,9/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,114 Essex St,3,h,1062000,S,Jas,9/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,242 Essex St,3,h,870000,PI,Burnham,9/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,21 Glamis Rd,3,h,940000,VB,hockingstuart,9/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,17 Stanley St,3,h,930000,PI,Jas,9/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,54 Wellington St,3,h,857500,S,Sweeney,9/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,39 Arnside Cr,4,h,610000,S,YPA,9/12/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1 Greenbriar Av,4,h,1370000,S,hockingstuart,9/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,41 Jells Rd,4,h,1130000,S,Barry,9/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Whittlesea,1/7 James St,3,h,410000,S,Mason,9/12/2017,3757,Northern Victoria,2170,35.5,Whittlesea City Council +Whittlesea,9 Ovens Cct,4,h,505000,S,HAR,9/12/2017,3757,Northern Victoria,2170,35.5,Whittlesea City Council +Williamstown,2 Caspian Tce,5,h,1630000,SP,Williams,9/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,90 Osborne St,3,h,,S,Greg,9/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 Paas Pl,3,h,,SP,Compton,9/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,26 Pasco St,3,h,1525000,PI,Sweeney,9/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,10 Queen St,3,h,1285000,S,Sweeney,9/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1 Stanley St,3,h,2065000,S,Greg,9/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,3 Myrtle St,5,h,1615000,S,Williams,9/12/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,21a Henry St,4,u,1610000,S,Buxton,9/12/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,4/15 Wrexham Rd,2,u,610000,S,Beller,9/12/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,3 Beresford Rd,4,h,,PI,HAR,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,21 Dalwood Wy,4,h,609000,S,HAR,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,102 Highpark Dr,4,u,,PI,HAR,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,1 Hotspur Dr,4,h,,SP,Love,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,4 Muzzlewood Wy,3,h,780000,S,Iconek,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,6 Raychelsbury Pde,3,h,540000,PI,Iconek,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,18 Ryrie Gr,3,t,391000,S,Ray,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,6 Saintly Av,3,h,581000,S,Iconek,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,20 Whitebark St,4,h,615000,S,HAR,9/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,56 Aldridge Rd,4,h,632000,S,YPA,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,15 Carmichael Dr,3,h,,PI,Benlor,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,18 Greenwood St,3,h,425000,S,YPA,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,4 MacLarens Cl,3,h,400000,S,hockingstuart,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,245 McGrath Rd,3,h,420000,VB,hockingstuart,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,26 Ribblesdale Av,3,h,415000,S,LJ,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,19 Whitmore Pl,3,h,600000,SP,hockingstuart,9/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,36B Goulburn St,3,h,1160000,SP,Jas,9/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,20 Salisbury St,2,h,870000,PI,Sweeney,9/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,504/12 Trenerry Cr,1,u,420000,VB,Biggin,10/02/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2 Derry St,4,h,1710000,PI,Jellis,10/02/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,20 Bedford St,3,h,693000,S,Nelson,10/02/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,103/87 Dundas Pl,2,u,780000,VB,Greg,10/02/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,17 Perth Av,3,h,812000,S,RW,10/02/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,17 Bell Av,3,h,970000,S,Williams,10/02/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,3 Armiston Gr,4,h,840000,SP,Sweeney,10/02/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,4 Huia Cl,3,h,808000,S,hockingstuart,10/02/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,22 Roach Dr,2,h,545000,S,Barry,10/02/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,29 Bunting Ct,3,h,870000,S,hockingstuart,10/02/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/26 Jeffrey Av,3,t,671000,S,Village,10/02/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,20 Chelsey St,3,h,726500,S,Barry,10/02/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,68 McLaughlin St,3,h,495000,PI,Nguyen,10/02/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,3/28 Elgin Av,2,u,490000,S,Woodards,10/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,43 Archer Av,3,t,950000,S,Nelson,10/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,24/33 Fisher Pde,3,u,520000,VB,Nelson,10/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,11 Medley Wk,4,t,1075000,S,Nelson,10/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/35 Union Rd,2,t,640000,VB,Nelson,10/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,8 Maxwell St,5,h,1950000,S,Fletchers,10/02/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Balaclava,13/91 Grosvenor St,1,u,349000,S,Marshall,10/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,6/4 Parring Rd,3,u,1150000,VB,Jellis,10/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,4/17 Doncaster Rd,2,u,745000,S,Purplebricks,10/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Jocelyn Av,3,h,,S,Nelson,10/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,39 Yeneda St,2,h,1800000,VB,Fletchers,10/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,2 Figtree Gr,3,h,813000,S,Barry,10/02/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,3/16 Dunlop Av,2,u,526000,S,McGrath,10/02/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,203 Balcombe Rd,3,h,1291000,S,Buxton,10/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/360 Balcombe Rd,2,u,766000,S,Barry,10/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,23 Banksia Av,5,h,,S,RT,10/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,10/9 Bent St,1,u,410000,SP,Buxton,10/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Hutchinson St,2,h,1400000,S,Buxton,10/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,39A Chesterville Dr,2,h,700000,VB,Buxton,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,35 Gladwyn Av,4,h,1751000,S,Buxton,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/1 Kershaw St,4,t,971000,S,Buxton,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,360 McKinnon Rd,3,h,1200000,VB,Buxton,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Millis Av,4,h,1210000,VB,Buxton,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Murrong Av,4,t,1500000,VB,Buxton,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Richard St,2,h,1186000,S,Jellis,10/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Lords Ri,5,h,1175000,S,O'Brien,10/02/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,1 Stanley Gr,3,h,1370000,S,RW,10/02/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,6 The Ridge,4,h,,SP,Jellis,10/02/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/5 Vine St,4,t,1000000,S,Jellis,10/02/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,2/6 Charlton St,4,t,1031000,S,Jellis,10/02/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1A Vernon St,3,h,1030000,PI,Noel,10/02/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,10 Casuarina Av,4,h,946500,S,Ray,10/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,9 Catesby Ct,4,h,780000,S,Noel,10/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/6 Freedman Av,3,u,593000,S,Barry,10/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/6 Freedman Av,3,u,,PI,Barry,10/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Brighton East,30b Pine St,4,t,,SP,Jellis,10/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,42 Tatura Cr,3,h,565000,PI,Barry,10/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,28a Millers Rd,2,u,410000,S,hockingstuart,10/02/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,9/9 Austin Tce,1,u,315000,S,Walshe,10/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,379 Brunswick Rd,6,h,,SP,buyMyplace,10/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,69 Mitchell St,2,h,1005000,S,Nelson,10/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,58 Albion St,3,h,,S,Nelson,10/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,81 Barkly St,2,h,1190000,S,Nelson,10/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,14 Gale St,2,h,765000,S,Barry,10/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7 Nunan St,4,h,965000,SP,Nelson,10/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/478 Albion St,2,u,530000,PI,Walshe,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/5 Allard St,1,u,,SN,Walshe,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,186 Hope St,3,h,1250000,S,Jellis,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/23 Irvine Cr,3,t,830000,VB,Woodards,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,25 McGregor Av,3,h,,PI,Red,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,21/558 Moreland Rd,1,u,255000,SP,Jellis,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/2 Passfield St,2,u,490000,S,Woodards,10/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,6 Landbury Rd,3,h,689000,S,Ray,10/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Silverash Dr,2,t,405000,PI,Ray,10/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,25 Trafalgar Cr,3,h,,S,Jellis,10/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,9/50 Gibdon St,3,h,1213000,S,Biggin,10/02/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside Heights,1/14 Manny Paul Cct,4,h,650000,S,Barry,10/02/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood East,43 Ballantyne St,3,h,1020000,S,Ray,10/02/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,3/427 Camberwell Rd,2,u,1002500,S,Jellis,10/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/23 Carramar Av,3,u,1050000,S,Woodards,10/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 Outlook Dr,3,h,,SN,Garvey,10/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton North,278 Station St,4,h,1810000,PI,Woodards,10/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,12 Sutton St,2,h,965000,S,Nelson,10/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/5 Anzac St,2,u,780000,S,Woodards,10/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/5 Gnarwyn Rd,1,u,345000,S,Ray,10/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,403/276 Neerim Rd,3,u,,SN,Barry,10/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,17 Bay St,6,h,,PI,Barry,10/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,1/36 Church Rd,3,u,676000,S,Buxton,10/02/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,7 Melaleuca Dr,3,h,,SP,Buxton,10/02/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,14 Goshawk Ct,4,h,,SP,Ray,10/02/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,5/472 Dandenong Rd,1,u,,PN,Whiting,10/02/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chelsea Heights,25 Talab Ct,4,h,835000,S,Ray,10/02/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,29 Friendship Sq,5,h,,PN,FN,10/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/9 Glebe Av,4,t,1156000,SP,Buxton,10/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24 Willow Av,4,h,900000,S,Buxton,10/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,23 Tournament Rd,3,h,830000,S,Max,10/02/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/21 The Parade,3,t,805000,S,Buxton,10/02/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,126 Osborne Av,3,h,,SA,Greg,10/02/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clyde North,13 Hanoverian St,3,h,575000,SP,YPA,10/02/2018,3978,Eastern Victoria,2987,43.4,Casey City Council +Coburg,11 Connolly Av,2,h,821000,S,Nelson,10/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,125 The Avenue,2,h,980000,SA,Nelson,10/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,15 Arthur St,3,h,940000,S,Nelson,10/02/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,5 Aris Ct,3,h,620000,PI,YPA,10/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Bee Ct,3,h,520000,SA,YPA,10/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,109 Creekwood Dr,3,h,385000,S,Ray,10/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Grove Rd,4,h,761000,S,Ray,10/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,57 Millicent Dr,4,h,,PI,HAR,10/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,157 Wattletree St,2,h,414000,S,Ray,10/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,8 Middleham Cl,3,h,530000,S,C21,10/02/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,96 Cremorne St,2,h,1260000,S,Biggin,10/02/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,3 Carlyle St,3,h,1012000,SP,iTRAK,10/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Dorothy St,3,h,,SN,Ray,10/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Dumosa Av,4,h,825000,PI,Ray,10/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/3 Gretel Ct,4,h,,PN,McGrath,10/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1A Kirra Ct,4,h,1120000,S,Barry,10/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/107 Mount View Pde,3,t,,PN,McGrath,10/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,2/17 Karingal St,2,u,560000,S,RW,10/02/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,190 Blair St,3,h,535000,PI,YPA,10/02/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,3 Donald St,3,h,515000,S,YPA,10/02/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,9 Romsey Cr,3,h,,SP,Barry,10/02/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Diamond Creek,31 Bishop Av,3,h,720000,VB,Barry,10/02/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,57 Harvell Ct,3,t,885000,S,Barry,10/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,57 Harvest Ct,3,t,885000,SP,Barry,10/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3/5 Talford St,3,t,,S,Jellis,10/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,26 Towerhill Av,3,h,622000,S,YPA,10/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,7 Tudor Ct,2,t,545000,VB,Greg,10/02/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,44 John St,3,h,821000,S,Morrison,10/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/56 John St,4,h,870000,S,Jellis,10/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,13/17 Byrne Av,1,u,,PN,McGrath,10/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,23 Kinkead Cr,3,h,640000,SP,Barry,10/02/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,5 Claremont Pl,3,h,676000,S,HAR,10/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,7 Alfred Rd,3,h,1715000,S,Rendina,10/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4 Butler St,4,h,1067500,S,Nelson,10/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,36A Hudson St,3,h,630000,S,Re,10/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,5/109 Major Rd,3,t,520000,SP,Barry,10/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,30 Frederick St,5,h,,SN,Ray,10/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,6 Nairana Ct,3,h,750000,S,LJ,10/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,1/43 Argyle St,2,t,753000,S,Peter,10/02/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,9 Liverpool St,2,h,,S,Jellis,10/02/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,15 Brighton St,3,h,,S,Nelson,10/02/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,3/2 Ballarat Rd,2,u,585000,S,Village,10/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,201/64 Cross St,2,u,497000,S,Sweeney,10/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,4/2 Kelman St,2,u,490000,S,hockingstuart,10/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,8 Bangalay Av,4,h,1215500,S,Eview,10/02/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Huntly,87/115 Neerim Rd,2,u,406000,SP,Woodards,10/02/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,8/1452 Malvern Rd,2,u,646000,S,hockingstuart,10/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/1529 Malvern Rd,2,u,560000,S,hockingstuart,10/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/9 Maverston St,2,u,1186000,S,Fletchers,10/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Pascoe St,2,h,1312500,S,Buxton,10/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,7 Gwingana Cr,5,h,1925000,VB,Mega,10/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Knightsbridge Ct,5,h,,S,Jellis,10/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Ralton Av,3,h,,PN,Harcourts,10/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/4 Short St,2,u,790000,S,Ray,10/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,87 Daley St,3,h,,PI,Purplebricks,10/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,35 Duncan Av,3,h,820000,SP,McGrath,10/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Glenice St,3,h,,VB,Fletchers,10/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,13 Heversham Gr,4,h,746000,S,Stockdale,10/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,102 Venezia Prm,4,h,999000,S,YPA,10/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hawthorn,4/25 Illawarra Rd,2,u,505000,S,Jellis,10/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/179 Riversdale Rd,1,u,511000,S,Jellis,10/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16/22 Wattle Rd,2,u,640000,S,Jellis,10/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,9/20 Denmark Hill Rd,1,u,390000,S,Jellis,10/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/61 Mayston St,1,u,,SP,Woodards,10/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,8 Byng Av,3,h,876000,S,Greg,10/02/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Highett,1A Aster Cr,3,h,950000,PI,Maitland,10/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,5/17 Avoca St,3,u,,VB,Buxton,10/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,18 George St,4,t,,S,Buxton,10/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,10 Highbury Dr,4,h,680000,S,O'Brien,10/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,2 Oakwood Ct,4,h,620000,S,Barry,10/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Vine Ct,4,h,642000,S,Barry,10/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,17 Bernhardt Av,3,h,795000,S,Barry,10/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,34 Perkins Av,3,h,,PN,Wyndham,10/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,9 Priestley Av,4,h,570000,S,hockingstuart,10/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Rudolph St,4,h,,PI,Barry,10/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Tallong Ct,3,h,556000,S,Sweeney,10/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,31/50 Poath Rd,2,u,705000,S,Buxton,10/02/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Jacana,9a Bessell Ct,2,u,420000,S,YPA,10/02/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,44 Bellara Cr,4,h,610000,S,Ray,10/02/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,26 Minerva Cr,4,h,665000,S,YPA,10/02/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,16 Etka Av,3,h,980000,S,Barry,10/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/36 Hassett Cr,2,u,595000,S,Moonee,10/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,34 Gower St,3,h,1115000,S,Rendina,10/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,13 Wight St,2,h,855000,PI,Woodards,10/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew East,1/14 Woodlands Av,3,t,,S,Nelson,10/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,3 MacKinnon Ct,3,h,715000,S,Biggin,10/02/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,14 Windermere St,4,h,,PI,Biggin,10/02/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,3/40 Scott Gr,2,u,526000,S,Ray,10/02/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,8/22 Bishop St,1,u,241000,S,Jas,10/02/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,11 Wales St,3,h,1020000,SP,Village,10/02/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,2/73 Rickards Av,3,u,,SN,Noel,10/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,29 Ethel Av,3,h,625000,S,Ray,10/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,2/5 Allen St,2,u,440000,SA,Hunter,10/02/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +MacLeod,2/26 Strathallan Rd,3,u,800000,S,Ray,10/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,109 Wungan St,4,h,875000,S,Ray,10/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,30 Eucalyptus Dr,4,h,,SP,Biggin,10/02/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,15/92 Waverley Rd,1,u,355000,SP,hockingstuart,10/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,301/20 Pier La,2,u,585000,S,Edward,10/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3 Rylie La,3,t,765000,SP,Biggin,10/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7/4 Wests Rd,4,t,625000,S,Biggin,10/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,1/4 Bronco Ct,3,u,458000,S,YPA,10/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,35 Papworth Pl,3,h,632000,S,Barry,10/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,19 Sheoak Ct,3,h,587000,S,YPA,10/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melton,2 Sirdar St,3,h,324000,S,Ryder,10/02/2018,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,1/26 Coolabah St,4,h,830000,S,Scott,10/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/96 Latrobe St,3,u,825000,VB,Buxton,10/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,17 Silverbanks Gr,3,t,881000,S,Buxton,10/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,47 Craigmoor Cr,4,h,610000,SP,Stockdale,10/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,22 Henwood Ri,3,h,525000,S,Barry,10/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,8 Livingston St,3,h,517000,S,Barry,10/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,55 Sackville St,4,h,573500,S,Stockdale,10/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,90 Wellington St,4,h,610000,S,Ray,10/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,79 Hambleton St,2,h,,SN,Cayzer,10/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,29 Buckmaster Dr,3,h,690500,S,HAR,10/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Mayfield Dr,4,h,825000,SP,Ray,10/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,40 Redleap Av,4,h,737000,S,HAR,10/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,34 Research Dr,4,h,872000,S,HAR,10/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,36A Romano Av,3,h,579000,S,Love,10/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/4 Price St,3,h,966000,S,Noel,10/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,1/1 James St,2,u,,SP,Jellis,10/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,48 Athol St,3,h,1360000,S,Ray,10/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3 Hotham St,3,h,1285000,S,Nelson,10/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,45 Park St,3,h,1075000,S,Nelson,10/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2/13 Horsmunden Rd,2,u,780000,S,Buxton,10/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1020 Nepean Hwy,3,t,915000,S,Buxton,10/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,6 Affinity Cl,4,h,1450000,VB,Hodges,10/02/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,7/183 Beach Rd,2,t,730000,VB,Buxton,10/02/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,16 Nicholson Cr,3,h,573000,S,Prof.,10/02/2018,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,9 Aldrin Dr,5,h,,PI,McGrath,10/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/579 High Street Rd,2,u,700000,S,Jellis,10/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Portsmouth St,5,h,,S,Jellis,10/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,9 Anfield Cr,3,h,675000,S,Win,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 Bentley Ct,4,h,880000,PI,Barry,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,162 Haverbrack Dr,3,h,860000,VB,Harcourts,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,14 Lotus Cr,3,h,,SN,Harcourts,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,29 Shaftsbury Dr,3,h,828000,S,OBrien,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,19 Suemar St,3,h,842000,S,Win,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3 Sunrise Dr,3,h,1020000,S,Win,10/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,15 Heyfield Ct,3,h,652000,S,Harcourts,10/02/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,6 Kurrajong Rd,3,h,,S,O'Brien,10/02/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,4 Manhattan Mw,3,t,495000,S,O'Brien,10/02/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,4/26 Newcastle St,1,u,292500,SP,Williams,10/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,16 Shaw St,4,h,1300000,SP,Brad,10/02/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,6 Spring St,2,h,910000,S,Barry,10/02/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3/10 Agnes St,2,h,528000,S,Area,10/02/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,8 Holmes St,3,h,700000,S,C21,10/02/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,111 Peel St,3,h,1285000,PI,Jellis,10/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,1/24 Johnson St,2,u,801000,PI,Biggin,10/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,35 Kellett St,2,t,960000,PI,Nelson,10/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,2/36 Menin Rd,3,u,755000,S,Jellis,10/02/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Outlook Dr,3,h,970000,VB,Barry,10/02/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Ormond,28 Walnut St,2,h,1650000,PI,Buxton,10/02/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,5/384 Nepean Hwy,2,t,593500,S,O'Brien,10/02/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/52 Railway Pde,2,t,506000,SP,Nelson,10/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,16 Baltimore Dr,4,h,733000,S,LJ,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,9 Barrington Tce,3,h,550000,S,Barry,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,21 Citybay Dr,4,h,760000,S,LJ,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,28 Featherbrook Dr,4,h,507500,S,hockingstuart,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3/41 Hyde Park Tce,3,t,473000,S,Reliance,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,42 Middleton Dr,3,h,,PI,Barry,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,48 Rowland Dr,4,h,697000,S,hockingstuart,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,53 Windorah Dr,4,h,631500,S,LJ,10/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,405/54 Nott St,2,u,590000,SP,Nelson,10/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,306/19 Pickles St,2,u,630000,SP,hockingstuart,10/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,305/25 Pickles St,2,u,642000,SP,Biggin,10/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,199 Ross St,3,h,1950000,S,Greg,10/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,250 Ross St,3,h,1275000,PI,Scott,10/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,7/24 Chomley St,2,u,,VB,Hodges,10/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,502/220 Commercial Rd,2,u,,SP,Biggin,10/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Reservoir,2/70 Cheddar Rd,2,u,380000,PI,Ray,10/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Henderson St,3,h,775000,S,Love,10/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/82 Leamington St,2,t,630000,PI,Ray,10/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/6 McCrae St,2,u,494000,S,Ray,10/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Price St,4,h,1305500,S,Nelson,10/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,24 Bendigo St,3,t,1850000,VB,Jellis,10/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,409/10 Burnley St,1,u,410000,VB,Biggin,10/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/373 Highett St,2,t,,VB,hockingstuart,10/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood North,3/10 Unsworth Rd,3,t,800000,S,Fletchers,10/02/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,29 Thomson Dr,4,h,1210000,S,Ray,10/02/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,7 Mersey Cl,4,h,,PI,Philip,10/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,4/26 McKinley Dr,3,t,395000,S,@Realty,10/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,16 Parnell Ct,3,h,492000,S,Raine,10/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3/9 Polesden Mw,3,h,360000,S,Raine,10/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,34/22 The Ridge,3,h,363000,S,Raine,10/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,25 Thompson Cr,3,h,451000,S,Stockdale,10/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,8 Viewmount Pl,3,h,640000,S,LJ,10/02/2018,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,10 Station St,4,h,1600000,VB,Buxton,10/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,33 Joelson Av,3,h,705000,PI,Prof.,10/02/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,19 Luxton Tce,4,h,800000,S,Property,10/02/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,9 Parkside Cr,3,h,1105000,S,Purplebricks,10/02/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +South Kingsville,64 Truman St,4,t,1015000,SP,Williams,10/02/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,105/211 Dorcas St,2,u,365000,S,Greg,10/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,12 Mallard Mw,4,t,517000,S,Stockdale,10/02/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,30 Teatree Dr,3,h,652000,S,Skad,10/02/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,6/34 Cromwell Rd,1,u,370000,S,Ray,10/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,15 McWilliam St,3,h,780000,PI,Hall,10/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,1/32 George St,3,t,600000,S,Barry,10/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/144 William St,4,u,540000,PI,People,10/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4/144 William St,2,u,440000,VB,People,10/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,8/24 Alma Rd,1,u,290000,VB,Woodards,10/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/146 St Kilda Rd,1,u,460000,S,McGrath,10/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/298 St Kilda Rd,2,u,540000,PI,McGrath,10/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/25 Vale St,2,u,742250,S,Pride,10/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,33/62 Wellington St,1,u,453000,S,Marshall,10/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,19 Wendora St,3,t,917000,S,Hodges,10/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,14 McInnes Cl,4,h,610000,SP,Barry,10/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Scotch Ct,4,h,500500,S,YPA,10/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,530000,S,YPA,10/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,30 Woodstock Cl,3,h,570000,SP,Raine,10/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,55 Couch St,3,h,,SN,Bells,10/02/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,24 Moira St,3,h,781000,S,hockingstuart,10/02/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,3 Bradley St,4,h,,SN,Barry,10/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Surrey Hills,20/20 Florence Rd,3,u,1010000,VB,hockingstuart,10/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,29 Chantelle Pde,3,h,516000,S,hockingstuart,10/02/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,25 Lindeman St,4,h,648000,S,hockingstuart,10/02/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,1 Brighton Pl,4,h,735000,S,Barry,10/02/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,8 Belair Ct,3,h,670000,S,Barry,10/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,6 Rotoroa Ct,4,h,650000,PI,Barry,10/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,224 Greenslopes Dr,4,h,1150000,SP,Ray,10/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,37 Olympus Dr,4,h,,S,Buxton,10/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1 Pecan Ct,4,h,1410000,PI,Fletchers,10/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,18 Ranleigh Ri,5,h,1500000,PI,Barry,10/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,15 Carrington Bvd,4,h,600000,PI,HAR,10/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,6 Aviary Gr,2,t,585000,S,Moonee,10/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,82 Mansfield St,4,h,1850000,S,Nelson,10/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,85 Mansfield St,2,h,1225000,SP,Nelson,10/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Truganina,39 Bolivar Esp,4,h,612500,S,Wyndham,10/02/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,3 Gilbert Av,4,h,607000,SP,Barry,10/02/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,28 McDougall Pl,4,h,611000,S,One,10/02/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,26 Vassar Ct,3,h,557500,S,Ray,10/02/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,23 Stradishall Wy,4,h,680000,S,YPA,10/02/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Upwey,15 Leonard St,5,h,1075000,S,Stockdale,10/02/2018,3158,Eastern Victoria,2591,29.3,Yarra Ranges Shire Council +Viewbank,5/326 Lower Plenty Rd,3,u,740000,S,Jellis,10/02/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,5 Parkside Ri,5,h,920000,S,LJ,10/02/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna South,26 Aisbett Av,5,h,1371000,S,Barry,10/02/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,27 Tate Av,3,h,940000,PI,Harcourts,10/02/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,4 Beverstone Pl,4,h,,PI,Barry,10/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,15 Cootamundra Ct,3,h,479000,S,Greg,10/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,39 Kiely Av,3,h,470000,VB,YPA,10/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/20 Oriole Dr,3,h,390000,S,Ray,10/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Wongabeena Gr,4,h,580000,S,Wyndham,10/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Wheelers Hill,9 Ajax Dr,4,h,1580000,SP,Barry,10/02/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,16 Scrubwren Dr,3,t,475000,S,Ace,10/02/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,124 Cecil St,3,h,1245000,SP,Williams,10/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,81 Florence St,3,h,1000000,PI,Williams,10/02/2018,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Wollert,28 Bambra Wy,4,h,620000,S,LJH,10/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,10 Ligures St,4,h,615000,S,hockingstuart,10/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,97 Eureka Dr,3,h,,PI,Barry,10/02/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,1/21 Bena St,4,h,1110000,SP,Village,10/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,4/9 West Ct,2,t,555000,S,Barry,10/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Alphington,41 Broomfield Av,4,h,1575000,PI,Jellis,10/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,14 Charles Rd,3,h,740000,PI,hockingstuart,10/03/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,84 Myers Pde,4,h,761000,S,Reliance,10/03/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Armadale,744 High St,3,h,,PI,Jellis,10/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Aspendale Gardens,47 Branagan Dr,5,h,,PI,Barry,10/03/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Balwyn North,8 Corhampton Rd,3,h,2315000,S,Jellis,10/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/31 Hatfield St,2,u,721000,S,Buxton,10/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,1/300 Bayswater Rd,3,u,707200,S,McGrath,10/03/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Berwick,3/9 Gardiner St,3,u,665000,S,Peake,10/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,143 Viewgrand Dr,4,h,780000,SP,C21,10/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,25 Blackburn Rd,4,h,,S,Noel,10/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,28 Diana Dr,3,h,1150000,S,Noel,10/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,2A Junction Rd,3,h,,PN,Woodards,10/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1 Garner Ct,4,h,,SN,Woodards,10/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,3 Donald Ct,3,h,,SN,Ray,10/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/374 Dorset Rd,3,u,641000,S,McGrath,10/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1/2 Henry St,3,h,1280000,S,Buxton,10/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,2B Barkly St,3,t,1900000,VB,Jellis,10/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Broadmeadows,26 Colin Ct,3,h,650000,S,@Realty,10/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,65 Graham St,3,h,698000,S,Eview,10/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,6 Bennie St,4,h,1320000,S,Collins,10/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,33 Roberts St,3,t,,S,Nelson,10/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/26 Hopetoun Av,2,t,580000,S,Nelson,10/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/1 Manica St,3,t,885000,S,McGrath,10/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,102/2 Olive York Wy,2,u,,W,Pagan,10/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,42 Apex Cr,4,h,1158000,S,Barry,10/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,6 Gisborne St,3,h,,S,Noel,10/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Latrobe Av,3,h,,PI,Ray,10/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24 Neilsen Cr,3,h,640000,SP,Ray,10/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,35 Lorraine Dr,3,h,,PI,Ray,10/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,28 Robert St,3,h,,SP,hockingstuart,10/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2 Tarwarri Pl,3,h,1250000,VB,Rounds,10/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,30 Judd St,4,h,,S,Kay,10/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/3 Lodge Rd,2,t,1050000,VB,Ray,10/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carnegie,401/276 Neerim Rd,3,u,,S,Jellis,10/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,1 Reed Pl,4,h,,PI,YPA,10/03/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Chelsea,7/17 Golden Av,2,u,620000,SP,Eview,10/03/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Clayton South,55 Murchison Cr,3,h,,SN,Eview,10/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,92A Rennie St,3,h,975000,SP,Nelson,10/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,2 Gaffney St,3,t,850000,VB,Stockdale,10/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,46 Baronial Wy,4,h,660000,S,Ray,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Bradshaw Av,3,h,455000,S,Barry,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,112 Bridgewater Rd,4,h,583000,S,Ray,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Creighton Wy,4,h,613500,S,Ray,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Emblem Wy,4,h,740000,S,LJ,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Epsom Ct,4,h,650000,S,Barry,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Esteem Rd,3,t,465000,S,Barry,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,64 Newbury Bvd,4,h,700000,S,Ray,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Princetown Av,3,h,562500,PI,Barry,10/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Dallas,2 Sale Ct,3,h,510000,S,FN,10/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,12 Washington St,3,h,520000,S,FN,10/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,54 Neasham Dr,3,h,642500,S,Le,10/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Doncaster,23 Frederick St,5,h,2250000,PI,Jellis,10/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,806/1 Grosvenor St,2,u,490000,VB,Jellis,10/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,55 Gedye St,5,h,1200000,SP,Barry,10/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Eltham,29 Green Pl,4,h,1230000,S,Buckingham,10/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Epping,14 Cerise Av,3,h,622000,S,Iconek,10/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,780 Edgars Rd,3,h,592000,S,Iconek,10/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/26 Loxton Tce,3,u,492000,S,Love,10/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Martingale Ct,3,h,589500,S,Ray,10/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Fawkner,22 Jukes Rd,3,h,,SN,YPA,10/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2A Rona St,3,h,,PI,Jellis,10/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Footscray,22/2 Ballarat Rd,2,t,,W,LLC,10/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/18 Eldridge St,1,u,245000,S,Burnham,10/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,3 Eton Ct,3,h,,W,Upside,10/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gladstone Park,37 Samara Gr,3,h,619500,SP,Raine,10/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,5/31 Rothschild St,2,t,740000,VB,Woodards,10/03/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Waverley,52 Bogong Av,4,h,,PI,Harcourts,10/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Canova Dr,3,h,1075000,S,Ray,10/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Wilfred Ct,5,h,815000,S,Barry,10/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,15 George St,4,h,876500,S,Eview,10/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,75 Glen St,3,h,680000,VB,RW,10/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Gordon Ct,3,h,777777,S,Stockdale,10/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,28 William St,4,t,905000,S,Stockdale,10/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greenvale,11 Scarlet Dr,4,h,675000,S,HAR,10/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hawthorn,12/45 Evansdale Rd,2,u,655000,SP,RT,10/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heidelberg,5/2 Vine St,3,u,588000,S,Miles,10/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Hillside,3/6 Lorraine Ct,3,u,480000,SP,Barry,10/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,32 Sier Av,3,h,428000,S,Sweeney,10/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Keilor Downs,1 Tulloch Ct,4,h,760000,S,Barry,10/03/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,9A Nyah St,3,h,616000,S,Hodges,10/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,75 Quinn Gr,3,h,950000,PI,Nelson,10/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Viewbank Dr,4,h,1000000,VB,Nelson,10/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,5 Eaglefarm Ct,3,h,635000,S,Nelson,10/03/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,87 Barnett St,3,h,1122500,S,Edward,10/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kings Park,21 Baguley Cr,5,h,,PI,YPA,10/03/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,4/34 Dunne St,3,u,521000,S,Ray,10/03/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,36 Keats Av,3,h,800000,S,Barry,10/03/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,104 Rickards Av,5,h,939000,SP,Barry,10/03/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lysterfield,7 Saunders Cl,3,h,730000,PI,Noel,10/03/2018,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +Maidstone,16/4 Crefden St,2,u,395000,SP,Pagan,10/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,44 The Boulevard,4,h,,S,hockingstuart,10/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Melton South,38 Andrew St,3,h,380000,S,PRDNationwide,10/03/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,8/19 Florence St,2,u,,S,Hodges,10/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,6 Shura Dr,4,h,610000,SP,LITTLE,10/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,3/215 Betula Av,3,t,501000,S,Ray,10/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Newhaven Ct,5,h,780000,S,HAR,10/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Statesman Cr,3,h,763000,S,HAR,10/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Moonee Ponds,4 Murray St,2,h,,S,Nelson,10/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mount Waverley,1/34 Dickson St,4,t,,SN,RW,10/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,52 Headingley Rd,5,h,,PI,Jellis,10/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,364 Highbury Rd,5,h,,S,Jellis,10/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Wadham Pde,5,h,,PI,Harcourts,10/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,13 Anora Cr,4,h,845000,S,Ray,10/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,20 Atkinson St,2,h,,SP,Buxton,10/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,5/38 Blenheim Rd,4,t,865000,PI,Biggin,10/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,24 Holmes St,4,h,920000,S,Eview,10/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,124 Arthurton Rd,3,h,1010000,S,Nelson,10/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,117 Beavers Rd,3,h,,W,McGrath,10/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,221 Mitchell St,4,h,1700000,VB,Jellis,10/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,227 Mitchell St,4,h,1375000,S,Ray,10/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Tanner Gr,3,h,1660000,SP,Jellis,10/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1/11 Luckie St,2,u,500000,PI,Ray,10/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/54 Winifred St,3,t,850000,SP,Stockdale,10/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,2/18 Clovis St,3,u,,PI,Buxton,10/03/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,38 Nonna St,4,h,1140000,S,Buxton,10/03/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Officer,7 Madison Pl,4,h,667000,S,O'Brien,10/03/2018,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Pakenham,1 Smethurst Av,3,h,510000,S,O'Brien,10/03/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,3/122 Como Pde W,2,u,650000,S,Barry,10/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,1/153 Essex St,2,h,651000,S,Peter,10/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5 Sunbeam St,3,h,,SP,Brad,10/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,88 Aspire Bvd,4,h,,PI,YPA,10/03/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Plumpton,36 Orbis Av,4,h,630000,PI,Barry,10/03/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,3 Ivory Av,4,h,640000,PI,hockingstuart,10/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,92 Middleton Dr,4,h,543080,S,Raine,10/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,18 Picton La,3,t,516000,S,Point,10/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,35 Viola Av,4,h,,SN,Point,10/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,172 Clark St,3,h,2465000,S,Frank,10/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,213 Station St,3,t,1100000,VB,Cayzer,10/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Preston,9 Erval Av,3,h,,S,RW,10/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,51 Elinda Pl,2,u,460000,SP,Ray,10/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/11 Johnson St,2,u,443000,S,Ray,10/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,55 Nisbett St,2,h,650000,PI,Ray,10/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,48 Purinuan Rd,3,h,822000,S,Ray,10/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Roxburgh Park,12 Almands Av,4,h,705000,S,YPA,10/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,11 Stainsby Cr,3,h,600000,S,Raine,10/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,23 Wrigley Cr,4,h,622000,S,Raine,10/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +South Kingsville,56a Vernon St,2,t,730000,S,Village,10/03/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,1903/50 Albert Rd,2,u,,SP,Dingle,10/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,39 Hawkstowe Pde,4,h,,SN,HAR,10/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,23 Palisades Bvd,4,h,774000,S,HAR,10/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1405/8 Daly St,2,u,,PI,Stockdale,10/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/9 Rockley Rd,1,u,550000,S,hockingstuart,10/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Strathmore,49 Glenview Rd,4,h,,S,Nelson,10/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,15 Allen Ct,3,h,540000,S,Raine,10/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Knox Ct,3,h,650000,S,Leading,10/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2 Windarra Ct,4,h,,PI,Barry,10/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sydenham,11 Lorinda Cl,3,h,645000,SP,YPA,10/03/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,65 Kingbird Av,4,h,,SP,Sprint,10/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,1 Northbridge Dr,5,h,610000,SP,Sweeney,10/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,29 Nepean Wy,4,h,700000,VB,YPA,10/03/2018,3037,Western Metropolitan,4242,18,Melton City Council +Thomastown,7 Dent Ct,4,h,592500,SP,Skad,10/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7/307 High St,1,u,240000,PI,Ray,10/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,3/76 Collins St,3,h,845000,SP,Jellis,10/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Wantirna,2/9 Koomba Rd,4,h,,SP,Harcourts,10/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,10 Cathies La,6,h,,PI,Harcourts,10/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,4/1340 High Street Rd,3,t,705000,SP,Harcourts,10/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,48 Honey Av,5,h,1180501,SP,Barry,10/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,9/91 Jenola Pde,3,t,800000,SP,Barry,10/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,5 Gayness Ct,4,h,,PI,hockingstuart,10/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,6 Tarneit Rd,3,h,723500,S,FN,10/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/7 Walwa Pl,3,u,447000,S,YPA,10/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Xavier Ct,3,h,504000,SP,YPA,10/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Wheelers Hill,1 Milroy Ct,4,h,,SP,Biggin,10/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wollert,24 Saltlake Bvd,4,h,597500,S,hockingstuart,10/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,36 Saltlake Bvd,4,h,740000,S,hockingstuart,10/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,3 Vista Wy,3,h,,S,YPA,10/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Aberfeldie,2/30 Caroline St,3,t,935000,SP,Nelson,10/09/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,11a Muldowney St,3,h,1175000,PI,Barry,10/09/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/62 Clydesdale Rd,2,u,530000,S,Nelson,10/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3 Deidre Ct,3,h,895000,PI,Rendina,10/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/24 Elstone Av,3,u,600000,VB,Nelson,10/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,29 Faussett St,2,h,2120000,S,Greg,10/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,3 Herbert St,3,h,1800000,VB,Cayzer,10/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,24 Kerferd Pl,3,h,1800000,S,Marshall,10/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,5 Withers St,3,h,,SN,Marshall,10/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,25 Sydney St,4,h,816000,S,Bells,10/09/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,3/26 Grieve Pde,2,u,510000,S,Village,10/09/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,261 Queen St,4,h,1070000,S,Barlow,10/09/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,4/5 Rose St,2,u,425000,S,hockingstuart,10/09/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,11a Edward Av,3,t,713500,S,Greg,10/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,51 Yallourn St,2,h,455000,S,Sweeney,10/09/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,11 Adelaide St,4,h,,SN,hockingstuart,10/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,15/405 Dandenong Rd,1,u,280000,PI,hockingstuart,10/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,51 Francis St,2,h,770000,PI,Nelson,10/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5/39 Sandown Rd,2,t,490000,PI,Alexkarbon,10/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,115 Ashburn Gr,8,h,2950000,S,hockingstuart,10/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,33 Eleanor St,4,h,2215000,SP,Marshall,10/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3a Mernda Av,4,h,1880000,S,Fletchers,10/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/1 Nairn St,3,h,1518000,S,Jellis,10/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,35 Douglas St,3,h,1365000,S,Fletchers,10/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,36 Pacific Dr,4,h,,SN,Barry,10/09/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,34 Threadneedle St,4,h,,SN,Barry,10/09/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Balaclava,58 William St,3,h,,S,Kay,10/09/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,14 Conway Cr,3,h,,S,Marshall,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,68 Elliott Av,5,h,2350000,S,Marshall,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/23 Northcote Av,3,t,1500000,PI,Noel,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6 Tonkin Av,2,h,1900000,VB,Marshall,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/252 Union Rd,2,u,526000,S,hockingstuart,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9/204 Whitehorse Rd,1,h,390000,VB,Jellis,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Yongala St,3,h,,SP,Noel,10/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,58 Aquila St,3,h,,S,Fletchers,10/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Cascade St,4,h,,SP,Marshall,10/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Cash St,4,h,1740000,VB,Jellis,10/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,6 Cumberland Av,3,h,,S,Fletchers,10/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Grieve St,4,h,2575000,PI,Jellis,10/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,39 Kawarren St,4,h,1388800,S,Jellis,10/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,17 Sherman Dr,4,h,576000,S,Ray,10/09/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,2/472 Beach Rd,4,u,2300000,VB,Kay,10/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1 Comas Rd,3,h,1175000,S,Hodges,10/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1 McNamara St,4,h,1485000,S,O'Brien,10/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,106 Brewer Rd,4,t,,SP,C21,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,74 Fromer St,4,h,1328000,S,hockingstuart,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Gordon St,3,h,1340000,S,hockingstuart,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,58 London St,4,t,1155000,S,Buxton,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,41 North Av,3,h,1130000,PI,Buxton,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,182 Patterson Rd,3,h,1275000,S,Buxton,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/14 Talbot Av,3,t,,S,Buxton,10/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,26 Boronia St,2,h,1010000,S,hockingstuart,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/57 Latham St,3,h,597000,S,hockingstuart,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,69b Latham St,3,t,1205000,S,hockingstuart,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Leigh St,3,h,899000,S,Buxton,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23b Moylan St,4,t,1375000,S,hockingstuart,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,832 North Rd,4,h,,PN,Stockdale,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,87 Parkmore Rd,4,h,1415000,S,Buxton,10/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,219 Beach Rd,4,h,3400000,VB,Buxton,10/09/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,25a Fifth St,3,t,,SN,C21,10/09/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,31 Eustace St,4,h,1425000,VB,Fletchers,10/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/9 Game St,3,u,955000,SP,hockingstuart,10/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,63 Laburnum St,3,h,,S,Woodards,10/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5/86 Main St,2,u,635000,S,Barry,10/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,53 Salisbury Av,2,u,837000,S,Allens,10/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,38 Brendale Av,3,h,925000,S,Woodards,10/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,23 Devon Dr,4,h,1311000,S,Barry,10/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,26 Mall Ct,3,h,,S,Noel,10/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,2/4 Nestor Gr,3,u,702000,S,Ray,10/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,5/115 Surrey Rd,2,u,503000,S,Barry,10/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,37 Indra Rd,3,h,819000,S,Fletchers,10/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/94 Middleborough Rd,3,u,,PI,Ray,10/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,6/61 Bondi Rd,2,t,575000,SP,hockingstuart,10/09/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,2a Golden Av,2,t,587500,S,hockingstuart/hockingstuart,10/09/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,21 Troy St,4,h,980000,S,hockingstuart/hockingstuart,10/09/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,4 Derby Rd,3,h,655500,S,Schroeder,10/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,31 Dorrigo Dr,4,h,670000,SA,Schroeder,10/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/38 Pine Cr,2,u,503000,S,K.R.Peters,10/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/1 Roy Ct,2,h,517500,S,Ray,10/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,18 Glenmore St,4,h,1560000,PI,Jellis,10/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,30 Graham Pl,5,h,,S,Noel,10/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1089 Whitehorse Rd,10,h,,S,Woodards,10/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,81 Churchill Av,3,h,740000,S,Sweeney,10/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,18 Hancock Cr,3,h,570000,SP,Prof.,10/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,17a Bridge St,3,t,,SP,Buxton,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/117 Cochrane St,2,u,,S,Marshall,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Gould St,3,h,2400000,S,Marshall,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/42 Grosvenor St,2,u,590000,S,J,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,25 Male St,4,h,,SN,Nick,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/10 Manor St,3,h,1650000,S,Nick,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,16 Well St,3,h,,SP,Marshall,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,176 Were St,5,h,1562500,PI,Buxton,10/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,11 Churchill Ct,5,h,,SP,Nick,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Glencairn Av,4,h,,PI,Buxton,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,646 Hawthorn Rd,4,h,,S,hockingstuart,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Hornby St,4,h,2840000,S,Hodges,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 MacKie Gr,3,h,1580000,S,Marshall,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Raymond Ct,4,t,1100000,VB,Gary,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,48 Thomas St,2,h,1000000,PI,Biggin,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5/36 Union St,3,h,,S,Hodges,10/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,6 Bittern St,3,h,385500,S,YPA,10/09/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,3/673 Geelong Rd,3,t,430000,PI,Jas,10/09/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,14/10 Heather Av,2,u,,PI,hockingstuart,10/09/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,28 Blair St,2,h,1100000,S,Nelson,10/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/38 Charles St,2,t,750000,PI,Nelson,10/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,73 Davies St,2,h,1056000,S,Nelson,10/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Dunstan Av,3,h,1045000,S,Jellis,10/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,98 Barkly St,4,h,1900000,S,Jellis,10/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,178 Weston St,2,h,1080000,S,Greg,10/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,4/22 Murray St,2,u,380000,PI,Brad,10/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,47 Sheahans Rd,4,h,1260000,S,Barry,10/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,4 Aldren Pl,3,h,645000,SP,Ray,10/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Arthur St,4,h,800000,S,Barry,10/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,444 Grimshaw St,3,h,581000,S,Barry,10/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Nash Ct,3,h,843000,S,Barry,10/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Rhonda Ct,3,h,680000,S,Barry,10/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Seira St,4,h,1410000,S,Barry,10/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,14/1 Conservatory Dr,3,u,625000,PI,Jellis,10/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/22 Scott Gr,3,t,780000,VB,Jellis,10/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,199 Burwood Hwy,3,h,1203000,S,Allens,10/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1/9 Moona St,3,u,834000,S,Ray,10/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,14 Callanish Rd,4,h,,SN,Garvey,10/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,29 Fairfield Av,4,h,3165000,S,Marshall,10/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/40 Glen Iris Rd,4,h,1550000,PI,Marshall,10/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/688 Inkerman Rd,2,u,522000,S,Jellis,10/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Marlborough Av,5,h,3360000,S,Marshall,10/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/573 Riversdale Rd,2,t,900400,S,Noel,10/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,1b Daphne St,3,h,928000,S,Fletchers,10/09/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,14 Golding St,4,h,,S,Marshall,10/09/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,568 Station St,3,h,,S,Nelson,10/09/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4 Coling Av,4,h,1400000,SP,Buxton,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,33 Moira Av,3,h,1185000,S,hockingstuart,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/35 Moonya Rd,2,u,545000,PI,Ray,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/38 Neville St,3,u,1170000,S,Woodards,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,20 Rigby Av,4,h,1705000,S,Gary,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4 Vine Gr,4,h,1830000,S,Gary,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,12/66 Woornack Rd,1,u,250000,PI,hockingstuart,10/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,60 Church Rd,3,h,,SN,Ray,10/09/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,28 Emma St,3,h,770000,S,Buxton,10/09/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,9/400 Dandenong Rd,2,u,420000,VB,Gary,10/09/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,2/688 Inkerman Rd,1,u,310000,VB,Jellis,10/09/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,5 Filbert St,3,h,1314000,S,Gary,10/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,3/4 Griffiths St,2,t,,S,hockingstuart,10/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,13 Savannah Pl,5,h,,PI,Ray,10/09/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,6/21 Scotch Pde,3,t,625000,S,Ray,10/09/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,30 Brampton St,3,h,840000,PI,O'Brien,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Clendon Ct,4,h,1025000,S,Greg,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/29 Cox St,3,t,875000,S,O'Brien,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Fir Gr,3,t,1115000,S,Buxton,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19 Jacaranda Av,3,h,,SN,Barry,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13 Jells Rd,3,h,910000,S,O'Brien,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,34 Lorna St,4,h,957000,S,C21,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Lorna St,3,h,966000,S,O'Brien,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,34 Wingrove St,3,h,983000,S,Buxton,10/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,29 Springs Rd,3,h,965000,S,Darras,10/09/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,32 Caroline St,4,h,3010000,S,Collins,10/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,17 Myrtle St,2,h,1435000,S,Nelson,10/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,60 Glengyle St,3,h,1210000,S,Nelson,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,21 Holroyd St,3,h,,S,Jellis,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/34 Jessie St,3,h,,SN,Barry,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8/6 McKay St,2,u,434000,S,Nelson,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,116 Murray St,4,h,,SP,Nelson,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/44 Victoria St,2,u,653000,SP,Peter,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Wellington St,4,h,,SN,Barry,10/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,13 Pixel Cct,3,h,625000,S,Nelson,10/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2 Shaw Ct,3,h,,SN,Barry,10/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,11 Spectrum Wy,4,h,1050000,S,hockingstuart,10/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,130 Perry St,3,t,910000,S,Jellis,10/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,6 Melville Rd,3,h,433000,S,Ray,10/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,4 Evergreen Ct,4,h,,PI,hockingstuart,10/09/2016,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Cranbourne West,35 Kulkami Wy,3,h,395000,SP,Harcourts,10/09/2016,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,443 Punt Rd,3,h,1475000,PI,Biggin,10/09/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,2 Bond Ct,4,h,,SN,McGrath/Noel,10/09/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Plumer St,3,h,,SN,Barry,10/09/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,31 Ronald Rd,4,h,850000,S,hockingstuart,10/09/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,8 Eckford St,3,h,,PI,hockingstuart,10/09/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,22 Steven St,3,h,500000,SP,hockingstuart,10/09/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,60 Brady Rd,3,h,,PI,hockingstuart,10/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,9 Third Av,3,h,400000,PI,hockingstuart,10/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Delahey,20 Aitken Dr,3,h,420000,SP,Barry,10/09/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,37 Kingsley Pl,4,h,500000,S,Barry,10/09/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,54 Kingston Dr,5,h,1015000,S,Ray,10/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Mussert Av,3,h,,PI,Ray,10/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,8 Foundry Wy,4,t,,PN,Lucas,10/09/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,49 Burgundy Dr,5,h,2168000,S,Barry,10/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,63 Bellevue Av,4,h,1146000,S,Barry,10/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Dundas Ct,5,h,1267500,S,Jellis,10/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Loxley Ct,4,h,1255000,S,Philip,10/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/4 Sell St,3,t,,S,Jellis,10/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,7 Astelot Dr,3,h,918800,S,Jellis,10/09/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,16 Underwood Dr,3,h,938000,S,Barry,10/09/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,14 Breakwater Dr,3,h,521000,S,Harcourts,10/09/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,6 Ashby Gr,5,h,1901000,S,Nelson,10/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,41 Carlsberg Rd,4,h,,SN,Miles,10/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,76 Castle St,4,h,1650000,VB,Miles,10/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,7 Glen Dr,5,h,,SS,Nelson,10/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,1 The Righi,4,h,1687000,S,Nelson,10/09/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,30/61 Hughes Av,3,u,600000,S,hockingstuart/hockingstuart,10/09/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,11 Mary Av,4,h,1155000,S,Eview,10/09/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/59 College St,3,u,,S,Biggin,10/09/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,11 Flint St,4,h,1280000,S,Fletchers,10/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4/21 Grove St,3,h,590000,PI,Fletchers,10/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Keswick Ri,4,h,,SP,Morrison,10/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,12 Murrindal Cl,4,h,870000,S,Buckingham,10/09/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,7/115 Brighton Rd,2,u,,SN,Morleys,10/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/43 Milton St,2,u,590000,PI,McGrath,10/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,96 Mitford St,4,h,,SP,Kay,10/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/12 Southey St,2,u,,S,hockingstuart,10/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,3 Discovery Pl,4,h,675000,S,Iconek,10/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Muller St,4,h,544000,S,Iconek,10/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Winchester Av,3,h,465000,SP,Ray,10/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6/4 Ballater St,2,u,521000,S,Nelson,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/14 Forrester St,2,u,645000,S,Barry,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,22 Nimmo St,4,h,1160000,S,Nelson,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,118a Ogilvie St,3,t,955000,S,Barry,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,69a Primrose St,5,h,,S,Nelson,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,75 Primrose St,4,h,,S,Nelson,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11 Warner St,3,h,,S,Nelson,10/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,4/17 Bulla Rd,1,u,260000,S,Brad,10/09/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,57 Hampton Rd,3,h,,S,Nelson,10/09/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,13/39 Park Cr,2,u,,S,Jellis,10/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,7/223 Station St,2,u,400000,VB,Nelson,10/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fitzroy,302 Gore St,4,h,,S,Nelson,10/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,780 Brunswick St,3,h,1371000,S,Nelson,10/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,1/180 Queens Pde,2,t,1054000,S,Chambers,10/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,40 Coronet St,2,h,950000,SP,Nelson,10/09/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,107 Shields St,2,h,918000,S,Nelson,10/09/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,59 Victoria St,2,h,730000,SP,Nelson,10/09/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,14/258 Ballarat Rd,2,u,,PI,Sweeney,10/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,19 Ansett Cr,3,h,855000,PI,Ray,10/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,22 Marong Tce,3,h,762500,S,Fletchers,10/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,6/13 Fairway St,2,u,228500,S,hockingstuart,10/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gladstone Park,6 Drake Cl,5,h,,SN,Barry,10/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,3 Katrina Dr,3,h,,SN,Barry,10/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,3/96 Lenoak St,3,h,420000,SP,Barry,10/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,8 Augusta St,3,h,1330000,S,Woodards,10/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,4/7 Garden Av,2,u,600000,SP,Woodards,10/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,2/143 Grange Rd,2,u,695000,S,hockingstuart,10/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,2/10 Rosedale Av,2,u,659000,S,Wood,10/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,7/15 Royal Av,2,u,402000,S,Stockdale,10/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1 Aintree Rd,4,h,,SP,Marshall,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,423 Burke Rd,3,h,1660000,S,Christopher,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Celia St,6,h,2250000,VB,Gary,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/25 Cloverdale Rd,3,u,1162000,S,Jellis,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Cole Av,4,h,2100000,S,Marshall,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,51 Dent St,4,h,2020000,PI,Marshall,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,57 Edgar St,4,h,,S,Marshall,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,25 Hope St,2,h,845000,S,Noel,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33 Mills St,3,h,,S,Marshall,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Morell St,3,h,,S,Jellis,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/25 Osborne Av,2,u,,SP,Marshall,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,27 Pascoe St,3,h,1510000,PI,hockingstuart,10/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,7 Angus Dr,4,h,1502000,S,Barry,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Appletree Dr,5,h,1610000,S,Ray,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,33 Aurisch Av,4,h,1410000,S,Ray,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7/280 Blackburn Rd,2,u,,SP,Biggin,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/45 Campbell St,3,u,1125000,S,Barry,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/229 Gallaghers Rd,4,h,1130000,S,LJ,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Harris Cr,4,h,936000,S,Ray,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Marshall Wy,4,t,715000,S,Ray,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Packham Cr,5,h,,SN,Biggin,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,58 Wilson Rd,4,h,1500000,S,Barry,10/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,87 Beatty Av,3,h,,SP,Stockdale,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Cosmos St,3,h,691000,S,Stockdale,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,62 Everard St,3,h,500000,S,Nelson,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,108 Loongana Av,3,h,485000,S,Raine,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/95 Loongana Av,2,t,402000,S,Considine,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/67 Morell St,3,u,541000,SP,Brad,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/28 Stanley St,3,t,545000,S,Barry,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/3 Surrey St,2,u,,SP,Peter,10/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,2/188 Henry St,2,u,505000,S,Buckingham,10/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hadfield,2/3 Surrey St,2,u,487000,SP,Peter,10/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,115 West St,4,h,700000,S,Barry,10/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,148 West St,4,h,600500,S,YPA,10/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,4 Bendigo St,4,h,3200000,VB,Hodges,10/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,43 Fewster Rd,4,h,1250000,PI,Hodges,10/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,30 Holyrood St,4,h,2420000,S,RT,10/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,54 Linacre Rd,4,h,2000000,PI,hockingstuart,10/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,22 Margarita St,4,h,2880000,S,Marshall,10/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,42 Myrtle Rd,5,h,1805000,S,Buxton,10/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,8/352 Auburn Rd,2,u,,S,Marshall,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,65/1 Domville Av,2,u,500000,VB,hockingstuart,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16/557 Glenferrie Rd,1,u,335000,VB,Jellis,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/2 Grattan St,1,u,,S,Marshall,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/32 Liddiard St,2,u,440000,SP,Jellis,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/1 Muir St,3,u,1000000,PI,Kay,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,69 Power St,4,h,2610000,S,Marshall,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,188f Riversdale Rd,2,u,680000,VB,LITTLE,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,18 Robinson Rd,4,h,,SP,Marshall,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6 Salisbury Gr,3,h,1741000,S,Marshall,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,40 Swinburne Av,5,h,,SN,Kay,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,18 Violet Gr,3,h,2325000,S,Jellis,10/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,34 Anderson Rd,5,h,,SN,RT,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,58 Auburn Gr,4,h,3100000,S,Kay,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,14 Carlyle St,2,h,,S,Marshall,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7/11 Harts Pde,2,u,555000,PI,Noel,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/39 Mayston St,2,u,887000,S,Marshall,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6 Munro St,3,h,,S,Marshall,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,503 Tooronga Rd,3,h,1700000,VB,Jellis,10/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,2 Muller Ct,3,h,865000,S,Fletchers,10/09/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,45 Darebin St,5,h,,S,Ray,10/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,95 Rosanna Rd,3,h,1705000,S,Barry,10/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,36 Southern Rd,4,h,758500,S,hockingstuart,10/09/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,451 Highett Rd,4,t,1000000,VB,Buxton,10/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,16 Jackson Rd,3,h,1086000,S,O'Brien,10/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,82 Middleton St,5,h,1710000,PI,Kay,10/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,1/1 Henley Ct,2,h,340000,S,YPA,10/09/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/53 Euston Rd,4,h,,SN,Ray,10/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,4/89 Kangaroo Rd,2,u,623000,S,Ray,10/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,3 Paget St,4,h,2120000,S,Woodards,10/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,24 Dalveen Rd,2,h,1020000,S,Buckingham,10/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,15 Fairy St,3,h,1796000,S,Miles,10/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/22 Oriel Rd,2,h,790000,S,Haughton,10/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5 Stanley St,3,h,1465000,S,William,10/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,18 Longford Ct,4,h,570000,S,YPA,10/09/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,16 Valewood Dr,3,h,,SN,Barry,10/09/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,32 Goodwood Dr,4,h,655000,S,Stockdale,10/09/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,4a Cohen St,3,h,583000,S,Alexkarbon,10/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,45 Nyah St,4,h,920000,S,Rendina,10/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,5/8 Swan St,2,t,380000,S,Nelson,10/09/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,41 Barnett St,3,h,1165000,S,Nelson,10/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,11 Nottingham St,5,h,1710000,PI,Nelson,10/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,55 Westbourne Rd,3,h,,SN,Edward,10/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,23 Campbell St,3,h,1875000,S,Noel,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16 Charles St,5,h,2850000,S,RT,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 First Av,5,h,2110000,PI,Kay,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Franks Gr,4,h,2550000,S,Jellis,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/9 Henry St,3,h,,S,Marshall,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Hunter St,5,h,,SP,Marshall,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13a James Av,3,h,,S,Jellis,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Merrion Pl,3,h,1878000,SP,Jellis,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Vaughan Cr,3,h,1200000,SP,Marshall,10/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/23 Windella Av,3,u,1250000,S,Lindellas,10/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,4 Dorset Ct,3,h,,PI,Barry,10/09/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,17 Gregory Ct,4,h,1072000,S,Buxton,10/09/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,92 Kingsclere Av,5,h,,SN,Barry,10/09/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,96 Hawthory Rd,5,h,640000,S,Philip,10/09/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kooyong,4/1 Monaro Rd,2,h,,S,Marshall,10/09/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,1/1 Burton St,2,u,369000,S,Harcourts,10/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,17 Canberra Gr,3,h,,S,Ray,10/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Grace Ct,3,u,487000,S,Harcourts,10/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,15 Baker St,3,h,,SN,Barry,10/09/2016,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,1 Keating Ct,4,h,,PI,Barry,10/09/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lysterfield,3 Hayes Ct,4,h,,PI,Barry,10/09/2016,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +MacLeod,35 Dunvegan Cr,4,h,760000,S,Ray,10/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,11 Moorwatha St,3,h,916000,S,Barry,10/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,5 Munro St,3,h,830000,S,Miles,10/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,12 Reid Wk,3,t,600000,S,Mason,10/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,17 Churchill Av,2,t,440000,VB,Biggin,10/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11 Madden St,4,h,1048000,S,Burnham,10/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,20 Norfolk Pl,3,t,,S,Marshall,10/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1/21 Camira St,2,t,,SN,McGrath,10/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,973 Dandenong Rd,5,h,,SN,Thomson,10/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Davies St,4,h,,S,Jellis,10/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,349 Waverley Rd,5,h,1810000,PI,RT,10/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14/410 Waverley Rd,3,t,922000,S,Jellis,10/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,8/10 Anglers Wy,1,u,260000,PI,Brad,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,44 Blair St,2,t,410000,S,Biggin,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4 Kallara Gr,5,h,930000,VB,Nelson,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,28 Kellaway St,3,h,920000,SP,Biggin,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,33 Newstead St,3,h,1320000,S,Nelson,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4 Platypus Ct,5,h,1150000,SP,Biggin,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9 Rylie La,3,h,680000,SP,Biggin,10/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,1615/250 Elizabeth St,1,u,386000,S,Dingle,10/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,49/2 Exhibition St,1,u,659000,S,Harcourts,10/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,101/505 St Kilda Rd,2,u,1050000,PI,Dingle,10/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,25 Andrew St,3,h,,W,Cooper,10/09/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,9a Kilara Rd,3,t,1300000,VB,Thomson,10/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/30 Sea Pde,2,u,740000,S,Hodges,10/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,24 Mango Cr,5,h,,PN,Harcourts,10/09/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,93 Waterview Dr,4,h,460000,PI,LITTLE,10/09/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,337 Danks St,5,h,,SP,Marshall,10/09/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,379 Childs Rd,3,h,565000,S,Ray,10/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Oakbank Av,3,h,550000,S,Ray,10/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/3 Waite Ct,4,h,492500,S,Harcourts,10/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2a Fawcett St,3,t,862000,S,Noel,10/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9 Garden Av,4,h,1575000,S,Noel,10/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,34a Glenburnie Rd,3,h,950000,SP,Noel,10/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,18 Hodgson St,4,h,995000,S,Noel,10/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Reserve Av,3,h,810000,S,Noel,10/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3/7 Leopold Cr,2,u,768000,S,Fletchers,10/09/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,130 Sherbourne Rd,3,h,660000,SP,Buckingham,10/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4 Addison St,4,h,1530000,S,Jellis,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1 Athol St,4,h,1350000,PI,Brad,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/31 Holberg St,3,h,832000,S,Jellis,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/3 Lennox St,2,u,420000,VB,Nelson,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,25 Mantell St,4,h,2400000,S,Rendina,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,106/26 Shuter St,3,u,565000,S,Jellis,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3/16 Turner St,2,u,550000,VB,Woodards,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,50 Wilson St,4,h,1211000,S,Nelson,10/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,14 Avon St,3,h,987000,S,Buxton,10/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,15 Genoa St,3,h,937000,S,Hodges,10/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,5 Schofield St,4,h,1426000,S,McGrath,10/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,39 Anthony Dr,3,h,980000,PI,RT,10/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,257 Lawrence Rd,5,h,1710000,SP,Jellis,10/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/226 Stephensons Rd,4,t,,PI,Ray,10/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,5 Alma Cl,3,h,797000,S,Ray,10/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Bentley Ct,3,h,736000,S,Ray,10/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,41 Highfield Av,3,h,728000,S,C21,10/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Lansdowne Cct,4,h,946000,S,Win,10/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,4 Mansell Cl,4,h,854000,S,Harcourts,10/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,20 Rathdowne Wy,4,h,950000,S,Ray,10/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,10/106 Murrumbeena Rd,2,u,,SN,Thomson,10/09/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,1 Thom St,3,h,435000,S,Raine,10/09/2016,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,79 Blackshaws Rd,4,h,860000,PI,Sweeney,10/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,83 Challis St,5,h,1220000,S,Williams,10/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,39 Elizabeth St,3,h,930000,SP,Williams,10/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/49 Hamilton St,2,t,617500,S,Harcourts,10/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,4 Dallimore Ct,3,h,520000,S,McGrath,10/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,20 Talbot Ct,3,h,,SN,Barry,10/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,331 Flemington Rd,4,h,1330000,S,McDonald,10/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2 Haines St,4,h,,S,Jellis,10/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,91 Arthurton Rd,3,h,1255000,S,Nelson,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9/162 Clarke St,2,u,601000,S,Nelson,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,122 Emmaline St,2,h,1020000,S,Nelson,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/6 McCracken Av,2,u,460000,VB,McGrath,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12/20 Ross St,1,u,435000,S,Nelson,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,20 Salisbury Gr,2,h,790000,PI,McGrath,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,124a Victoria Rd,3,h,990000,S,Barry,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/162 Westgarth St,2,u,605000,S,Love,10/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3/43 Milton St,3,u,,SP,Noel,10/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,7/21 Mount Pleasant Rd,2,u,600000,S,Allens,10/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,63 Nicholson St,3,h,1015000,S,Fletchers,10/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/310 Springfield Rd,3,t,820000,PI,Ray,10/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,14 Barina Rd,4,h,,PN,Eview,10/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,5/4 Ethel St,3,u,358500,S,Jason,10/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,7 Pines Gr,4,h,690000,S,Brad,10/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/85 Winifred St,3,h,,PN,Eview,10/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh South,9 Wicks Ct,4,h,881500,S,Ray,10/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,17 Windsor Av,9,h,1380000,S,Ray,10/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,37 Lewis St,3,h,1770000,S,hockingstuart,10/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,14/21 Lillimur Rd,2,u,435000,S,RT,10/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,9 Ruby St,5,h,1836000,S,hockingstuart,10/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,44 Thompson St,3,t,1250000,S,hockingstuart,10/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,13 Kimberley Gr,3,h,,SN,Barry,10/09/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,3/3 Clare St,2,u,540000,S,Hodges,10/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,22 Elliot St,5,h,1215000,S,O'Brien,10/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,36 Melrose St,3,h,1050000,VB,Hodges,10/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,318 Nepean Hwy,3,h,1000000,PI,Hodges,10/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,165 Parkers Rd,3,h,1290800,S,Hodges,10/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,157 Cumberland Rd,4,h,730000,VB,Brad,10/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,34 Essex St,3,h,775000,S,Brad,10/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,22 Terrigal Dr,5,h,740000,S,Ray,10/09/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,41 Sunnybank Dr,5,h,,SN,Barry,10/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,4/200 Bay St,2,u,655000,S,Biggin,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,404 Bay St,2,h,1016500,S,hockingstuart,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,602/55 Bay St,1,u,,SN,Morleys,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,44 Cruikshank St,2,h,1350000,S,RT,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3/39 Esplanade Pl,3,u,1082000,S,hockingstuart,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,95 Heath St,3,h,1560000,S,Greg,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,284 Nott St,3,h,,S,Marshall,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,37/85 Rouse St,2,u,1035000,PI,RT,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,133/95 Rouse St,2,u,1070000,S,RT,10/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,28c Aberdeen Rd,2,h,,S,hockingstuart,10/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1 Chatsworth Rd,2,h,1090000,PI,hockingstuart,10/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,79 Chomley St,3,h,1358000,S,Jellis,10/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/10 Williams Rd,2,u,585000,PI,Biggin,10/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,35a Austral Av,3,h,962000,S,Nelson,10/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,120a Bruce St,4,h,1260000,S,Nelson,10/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,35 James St,4,h,810000,S,Ray,10/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,41 Kathleen St,3,h,843000,SP,Ray,10/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16 Opal St,2,h,600000,S,Nelson,10/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,3 Colthur St,3,h,650000,SP,Nelson,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/13 Fyfe St,2,t,416000,S,Ray,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Glenvale Rd,3,h,610000,VB,Barry,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Gloucester St,3,h,890000,S,Barry,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/833 High St,3,u,301000,SP,Barry,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Kingsley Rd,3,h,865000,S,Nelson,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,58 Liston Av,4,h,775000,S,Ray,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/16 McComas St,2,u,436000,S,Barry,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,69 Pallant Av,3,h,695000,S,Barry,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,104 Royal Pde,4,h,650000,PI,Ray,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/47 Storey Rd,2,u,432000,S,Love,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,96 Whitelaw St,3,h,650000,PI,Ray,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,44 Yarra Av,3,h,846000,S,Nelson,10/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,229/253 Bridge Rd,1,u,439000,SP,Biggin,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/200 Brighton St,2,u,695000,S,Jellis,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36b Corsair St,3,t,,S,Marshall,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/33 Goodwood St,2,u,512000,S,Marshall,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/175 Kent St,2,t,855000,S,Jellis,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,503/6 Lord St,2,u,1040000,S,Jellis,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/285 Punt Rd,1,u,342000,S,Jellis,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,508/18 Tanner St,1,u,681000,S,hockingstuart,10/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,48 Ireland St,2,h,530000,PI,C21,10/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,46 Sherbrook Av,3,h,1405000,S,Lindellas,10/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,21 Thomas St,4,h,,S,Noel,10/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,32 Towerhill Dr,3,h,725000,S,Jellis,10/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,7 Brook Pl,4,h,1295000,S,Jellis,10/09/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,4 Melview Dr,3,h,855500,PI,Jellis,10/09/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,48 Grove Rd,3,h,1155000,S,Miles,10/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2 Leon Av,3,h,915000,S,Barry,10/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,16/77 St James Rd,2,t,531000,S,Nelson,10/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,7 Edgecombe Wy,4,h,440000,PI,Ray,10/09/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,260 Bluff Rd,3,h,1310000,S,Hodges,10/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,6a Dunsterville St,3,t,1020000,S,Buxton,10/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,11 Keats St,5,h,3750000,S,hockingstuart,10/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,12 Norwood St,4,h,3450000,VB,hockingstuart,10/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,44 Rosslyn Av,3,h,685000,S,Harcourts,10/09/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,1107/50 Albert Rd,1,u,,PI,hockingstuart,10/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,126/69 Dorcas St,3,u,862000,S,Greg,10/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,13 Danjera Pl,4,h,560000,S,Harcourts,10/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,41 Gorge Rd,2,h,550000,S,Harcourts,10/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/35 Marne St,3,u,1630000,PI,Jellis,10/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11a Nicholson St,4,h,,SS,Abercromby's,10/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1712/39 Coventry St,2,u,485000,PI,Dingle,10/09/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,47 Hudsons Rd,3,h,1080000,S,Jas,10/09/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,39 Moncur Av,5,h,1023000,S,iSell,10/09/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,13 Loris St,3,h,695000,S,iSell,10/09/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,2/46 Kings Rd,3,t,378000,PI,Burnham,10/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,12 Novara Pde,3,h,490000,PI,Sweeney,10/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,117 William St,3,h,620000,S,YPA,10/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,10 Chantelle Ri,4,h,925000,S,Morrison,10/09/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,5/72 Barkly St,1,u,395000,SP,Buxton,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/12 Charnwood Rd,2,u,560000,S,Rodney,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9 Cintra Av,3,h,2027500,S,Marshall,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/19 Herbert St,2,u,520000,PI,Marshall,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7 Robe St,3,h,2720000,S,Marshall,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/400 St Kilda Rd,3,u,,SP,McGrath,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,25/69 Wellington St,2,u,542500,PI,McGrath,10/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,27 Henshall Rd,3,h,1330000,S,Considine,10/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,43 Streldon Av,4,h,1030000,S,Considine,10/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,8 Woodland St,3,h,1200000,S,Considine,10/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,4 Boeing Rd,4,h,1260000,S,Nelson,10/09/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunshine,17 Hampshire Rd,3,h,702000,S,Douglas,10/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,158 Morris St,3,h,580000,S,GL,10/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2/17 Camperdown Av,3,t,345000,PI,Biggin,10/09/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,1 Howitt Cr,3,h,470000,S,Douglas,10/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,255 Elgar Rd,4,h,1300000,VB,Fletchers,10/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,9 Empress Rd,3,h,1864000,S,Jellis,10/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,16 Goodwood St,4,h,,S,Marshall,10/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,47 Suffolk Rd,3,h,2200000,VB,Fletchers,10/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,10 Kontek Wy,4,h,612000,S,Barry,10/09/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,12 Manchester Dr,4,h,406000,S,Barry,10/09/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Lakes,10 Cocoparra Cr,4,h,521000,S,Prof.,10/09/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2/45 Wentworth Dr,3,t,420000,S,Prof.,10/09/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,8 Barnacle Mw,4,h,1660000,S,Barry,10/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Hampton Cl,4,h,1170000,S,Barry,10/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,40 Dellfield Dr,5,h,950000,PI,Barry,10/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,65 Fyfe Dr,4,h,1421000,S,Barry,10/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,37 Jacana Av,5,h,,S,Barry,10/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,6/112 Ballantyne St,1,u,260000,VB,Fletchers,10/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/1 Clyde St,2,u,505000,SP,McGrath,10/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,114 Collins St,4,h,,SN,Harcourts,10/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,111a Darebin Rd,3,h,1010000,S,Love,10/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/121 Darebin Rd,2,h,,SN,Nelson,10/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,5 Berenice Tce,4,h,4000000,VB,Jellis,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1 Grosvenor Ct,3,u,1635000,S,Sotheby's,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/48 Lansell Rd,3,u,1560000,SP,Castran,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/755 Malvern Rd,3,t,2400000,S,Castran,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11/789 Malvern Rd,1,u,345000,S,Woodards,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11/41 Tintern Av,2,u,775000,S,hockingstuart,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7a Woorigoleen Rd,3,t,2650000,VB,Jellis,10/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,4 Katoora St,4,h,468000,SP,Sweeney,10/09/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,83 Verdant Rd,4,h,536100,S,Ray,10/09/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,38 Banksia Gr,3,h,740000,S,Jason,10/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,48 Broadmeadows Rd,3,h,335000,S,Jason,10/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,202 Heatherdale Rd,5,h,2200000,SP,M.J,10/09/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,15a Nurlendi Rd,5,h,606000,S,Biggin,10/09/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,15 Oxford Gr,4,h,1421000,SP,Noel,10/09/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna South,17 Alana Ct,4,h,,SN,Barry,10/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,9 Antigoni Ct,6,h,,SP,Jellis,10/09/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,7 French Ct,3,h,740000,S,Buckingham,10/09/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,18/24 Dongola Rd,2,t,620000,S,Village,10/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,5/28 Hampton Pde,2,h,415000,S,Sweeney,10/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/37 Hampton Pde,3,h,723000,S,Village,10/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/12 Hatfield Ct,4,u,530000,SP,Sweeney,10/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Williamstown,33 Hannan St,4,h,2230000,S,Greg,10/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,10/68 Kororoit Creek Rd,1,u,285000,S,Williams,10/09/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,115 Albert St,3,h,1370000,S,Paul,10/09/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5/9 Williams Rd,2,u,655000,PI,Tim,10/09/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,61 Champions Pde,3,h,,PI,hockingstuart,10/09/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,42 Valewood Dr,3,h,273000,S,Barry,10/09/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,60 Hamilton St,4,h,1785000,S,Village,10/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/107 Somerville Rd,2,u,330000,VB,Jas,10/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,2 Rich St,2,h,,SP,Biggin,10/12/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,25/84 Trenerry Cr,2,u,760000,SP,Biggin,10/12/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,106/119 Turner St,1,u,481000,SP,Purplebricks,10/12/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,1a Arthur St,3,u,845000,S,Nelson,10/12/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,126 The Boulevard,4,h,3900000,S,Nelson,10/12/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,13 Etzel St,3,h,805000,S,Nelson,10/12/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,37a North St,3,t,760000,PI,Barry,10/12/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,47 Trafalgar St,3,h,,SN,Barry,10/12/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,44 Draper St,2,h,1810000,PI,Greg,10/12/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,2 Dundas Pl,3,h,2615000,S,Cayzer,10/12/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,23 Finlay St,5,h,2100000,S,Greg,10/12/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,31 Richardson St,3,h,1300000,S,hockingstuart,10/12/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,60 Sydney St,3,h,720000,S,Sweeney,10/12/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,1/60 David St,3,u,605000,S,Jas,10/12/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Hosken St,4,h,561000,SP,Greg,10/12/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,45 Freemans Rd,4,h,,PN,hockingstuart,10/12/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,21 Hatherley Gr,3,h,700000,VB,Jas,10/12/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1B Paproth Gr,2,h,551000,SP,RT,10/12/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,7 Seventh Av,3,h,685000,SP,Greg,10/12/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,1/2 Armadale St,1,u,400000,PI,hockingstuart,10/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,54 Denbigh Rd,4,h,,SP,Jellis,10/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/20 Mercer Rd,2,h,1780000,S,Marshall,10/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,47 Northcote Rd,3,h,,SP,Jellis,10/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/58 Sutherland Rd,2,u,592500,S,hockingstuart,10/12/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,33 Dalgety Dr,3,h,960000,S,Walshe,10/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12 Mirams St,4,h,890000,SP,Raine,10/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2 The Parade,2,h,965000,S,Nelson,10/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,13 Wigton St,4,h,,S,Nelson,10/12/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,9 Gona Ct,3,h,1710000,S,hockingstuart,10/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,60 Nicholas St,3,h,,SP,Marshall,10/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,76 Nicholas St,3,h,,S,Marshall,10/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,45 Yuile St,3,h,1655000,S,Jellis,10/12/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,95 Huntingdale Rd,4,h,1100000,VB,Tim,10/12/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/25 May Park Av,2,u,675000,S,Buxton,10/12/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,9 Reid St,3,h,,SP,Buxton,10/12/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Avondale Heights,3 Clive Ct,4,h,950000,S,Moonee,10/12/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,10 Hanley St,3,h,,SP,Brad,10/12/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,40 Templewood Cr,4,h,1200000,S,Nelson,10/12/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,22 Warrick Ct,4,h,1600000,PI,Nelson,10/12/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,11 Belgrove Av,5,h,2950000,VB,Jellis,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/18 Belmore Rd,3,h,905000,S,Kay,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,316 Belmore Rd,4,h,1750000,PI,Ascend,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11/22 Brenbeal St,2,t,760000,S,Christopher,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7/1 Conway Cr,2,u,550000,SP,Noel,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Fitzgerald St,4,h,3180000,S,Kay,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/3 Iramoo St,3,t,1367000,S,Jellis,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9/7 Kireep Rd,3,t,788000,S,Fletchers,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Metung St,5,h,3600000,SP,Marshall,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,25 Percy St,5,h,2550000,S,Marshall,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/111 Strabane Av,3,h,1050000,SP,Marshall,10/12/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,185 Doncaster Rd,4,h,1702000,PI,Jellis,10/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,41 Helston St,4,h,1800000,VB,Fletchers/One,10/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Maylands Av,4,h,3300000,VB,Jellis,10/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Moody St,4,h,2910000,S,Marshall,10/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,53 Sweyn St,2,h,1400000,S,Noel,10/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/11 Winfield Rd,2,t,860000,S,hockingstuart,10/12/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1 Canara Ct,5,h,850000,VB,Jellis,10/12/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,6 Waranga Rd,4,h,792500,S,Ray,10/12/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,42 Greenhill Rd,4,h,720000,S,Philip,10/12/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,19 Bellaire Ct,4,h,,S,Buxton,10/12/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,3/9 Blair St,3,u,,SP,Buxton,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,548 Centre Rd,3,h,770000,VB,Woodards,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/30 Daley St,2,h,855000,SP,Marshall,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/26 Harding St,3,t,1100000,SP,Buxton,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,44 Mitchell St,3,h,,SP,Buxton,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13/27 Patterson Rd,2,u,650000,SP,hockingstuart,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,112 Tucker Rd,4,h,1815000,S,Buxton,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9 Yawla St,4,h,2255000,S,hockingstuart,10/12/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1A Brian St,4,t,1185000,S,hockingstuart,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Brooks St,4,t,1060000,S,Woodards,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4/738 Centre Rd,2,u,716000,S,Buxton,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Kenlon St,3,h,,SP,Buxton,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Larman St,3,h,1302500,SP,Buxton,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 May St,3,h,1550000,S,Paul,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9A Murrong Av,3,t,1279000,S,McGrath,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1098 North Rd,3,h,840000,S,Buxton,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,106 Parkmore Rd,3,h,1110000,S,Woodards,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,77b Stockdale Av,4,t,1150000,PI,Buxton,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Tambet St,3,h,1106000,S,McGrath,10/12/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,31 Outlook Dr,4,h,692000,SP,Barry,10/12/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,40 Piermont Dr,4,h,,PN,Eview,10/12/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/8 Ardoyne St,3,t,940000,S,Chisholm,10/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,60 Iona St,3,h,1730000,S,LITTLE,10/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,4 Munro St,4,h,1630000,S,hockingstuart,10/12/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/96 Blackburn Rd,1,u,,SN,Barry,10/12/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,8/11 Main St,2,u,620000,S,Jellis,10/12/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/1 Park St,3,u,840000,SP,Jellis,10/12/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,24 Mail Ct,3,h,1055000,PI,Jellis,10/12/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,27 Marchiori Rd,4,h,,PI,Barry,10/12/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1/9 Barrina St,3,u,870000,S,Win,10/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,11 Gissing St,2,h,1259000,S,Stockdale,10/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,35 Lawrence St,3,h,1300000,SP,Quinta,10/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,16 Samuel Rd,4,h,1525000,S,Noel,10/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,37 Samuel Rd,3,h,,SN,Barry,10/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2 School St,3,h,1051500,SP,Jellis,10/12/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,2/37 Royal Rd,3,t,592000,S,hockingstuart/hockingstuart,10/12/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,3 Alexander St,3,h,1715000,SP,Marshall,10/12/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,21 Barkly St,3,h,1200000,SP,Marshall,10/12/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,17 Combarton St,3,h,1760000,S,Fletchers,10/12/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,3/87 Hargreaves Cr,2,t,,SP,Nguyen,10/12/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,19 Hughes St,3,h,570500,S,Trimson,10/12/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,21 Hughes St,3,h,575000,S,Trimson,10/12/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,19 Kannan Bvd,4,h,882000,S,Village,10/12/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,2 Campbell St,3,h,2050000,PI,hockingstuart,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,115 Dendy St,4,h,3180000,S,hockingstuart,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,640B Hampton St,2,t,960000,S,Hodges,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/778 Hampton St,2,h,752000,S,hockingstuart,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/858 Hampton St,2,u,833000,S,Buxton,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,68 Head St,3,h,,SN,Kay,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,73 Martin St,4,h,3320000,S,Buxton,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,297 New St,4,h,2800000,PI,RT,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2a Roslyn St,1,h,1775000,S,Nick,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/24 South Rd,3,u,1602000,S,RT,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,25 Were St,3,h,,PI,Marshall,10/12/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1 Arnot St,5,h,2500000,VB,Hodges,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Holmhurst Ct,4,h,1700000,PI,Buxton,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,24 Moore St,3,h,1405000,S,Buxton,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,355 Nepean Hwy,3,h,1290000,S,Greg,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,104 South Rd,4,h,,SN,Kay,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,92 Thomas St,5,h,3207000,S,hockingstuart,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,141 Union St,2,h,,S,Buxton,10/12/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,77 Kitchener St,3,h,551000,S,Barry,10/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3 Railway Cr,5,h,471000,SP,YPA,10/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,25 Wharton Av,4,h,520000,S,YPA,10/12/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,5/16 Conifer Av,2,t,485000,SP,Purplebricks,10/12/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,7/117 Albion St,2,t,620000,S,Harrington,10/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/170 Albion St,2,u,605000,S,McGrath,10/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/5 Evans St,3,u,880000,S,Dingle,10/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,314/1 Lygon St,1,u,,W,Ray,10/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 MacKenzie St,3,h,1222500,S,Nelson,10/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6 Murdock St,3,h,,SN,Walshe,10/12/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,123 Barkly St,4,h,1280000,S,Nelson,10/12/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,4/37 Brunswick Rd,2,u,656000,S,Collins,10/12/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,11b Henderson St,3,t,1195000,S,Jellis,10/12/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,81 Melville Rd,3,h,793000,S,Ray,10/12/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6/524 Moreland Rd,2,u,400000,SP,Nelson,10/12/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,38 Balwyn Rd,3,h,905000,S,Barry,10/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,11 Carrathool St,3,h,1400000,S,Barry,10/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,16 Chateau Ri,4,h,1550000,PI,Jellis,10/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,135 Manningham Rd,4,h,1085000,PI,Barry,10/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,24 Robert St,4,h,1300000,SP,Jellis,10/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,30a Warringal St,3,h,1240000,S,Barry,10/12/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,51 Arthur St,3,h,705000,S,Ray,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Aruma Ct,3,h,605000,S,Stockdale,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Botanic Ct,3,h,665000,S,Barry,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,60 Clovemont Wy,4,h,,PI,Barry,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,192 Greenwood Dr,4,h,657500,SP,Barry,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Japonica St,4,h,642000,S,Ray,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,19 Lea Cr,3,h,620000,S,Barry,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Miller Ct,3,h,709000,S,Barry,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Napoli Cl,3,h,602000,S,Ray,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,52 Zara Cl,3,h,,PI,Barry,10/12/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,12 Loyola Gr,2,h,1231010,SP,Jellis,10/12/2016,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,2 Bennett St,3,h,1342000,S,McGrath,10/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,29 Clanbrae Av,4,h,1381000,S,Buxton,10/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/9 Farleigh Av,3,u,,SN,Barry,10/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,12 Havelock St,4,h,1782800,SP,Buxton,10/12/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,8 Davor Ct,3,h,,SN,RT,10/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,33 Inga St,4,h,1360000,S,Fletchers,10/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,24 Sheraton Cl,5,h,,SN,Barry,10/12/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,84 Bowen St,4,h,,SN,Kay,10/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Brinsley Rd,4,h,2090000,S,Noel,10/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/575 Burke Rd,3,t,1250000,VB,Fletchers,10/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/445 Camberwell Rd,4,t,,SA,RT,10/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,34 Seymour Gr,5,h,,PI,RT,10/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,11 Sunnyside Av,3,h,3775000,S,Jellis,10/12/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,13 Byron St,5,h,2930000,S,Jellis,10/12/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,21 Compton St,4,h,2950000,PI,Jellis,10/12/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,12A Highfield Rd,5,h,,SN,Woodards,10/12/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,96 Barkly St,3,h,,S,Collins,10/12/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,704/668 Swanston St,2,u,795000,S,Nelson,10/12/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,1 Fletcher La,2,h,800000,PI,Nelson,10/12/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,173 MacPherson St,2,h,1301000,S,Nelson,10/12/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,450 Park St,2,h,,S,Nelson,10/12/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,94 Princes St,2,h,,S,Jellis,10/12/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/33 Oakleigh Rd,2,t,930000,S,hockingstuart,10/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/46 Rosanna St,1,u,,VB,Ross,10/12/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,6 Isabel Cl,4,h,618000,S,Bells,10/12/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,11 Strutt Pl,4,h,545000,SP,YPA,10/12/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,36 Emma St,3,h,805000,S,hockingstuart/hockingstuart,10/12/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,26 Lexington Pl,3,h,515000,S,hockingstuart/hockingstuart,10/12/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,4/93 Valetta St,3,u,622000,SP,hockingstuart,10/12/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,7 Gratlea Ct,4,h,445000,S,Harcourts,10/12/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,9 Lord St,2,h,620000,SP,Woodards,10/12/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,8/359 Balaclava Rd,1,u,290000,VB,hockingstuart,10/12/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,3/374 Dandenong Rd,2,u,608000,SP,Gary,10/12/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,88 Eskdale Rd,4,h,,PN,Whiting,10/12/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,1/2 Griffiths St,4,t,1030000,VB,Gary,10/12/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/9 Batesford Rd,4,t,1015000,S,Buxton,10/12/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2 Melinga Cr,3,h,930000,S,Ray,10/12/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2 Camp St,4,h,,S,hockingstuart,10/12/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,3/20 Embankment Gr,3,h,805000,SP,LJ,10/12/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,96 Hughes Av,4,h,902500,S,Ray,10/12/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,226 Wells Rd,3,h,691000,S,iSell,10/12/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,96 Chesterville Rd,3,t,650000,VB,Greg,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Elliott St,3,h,1060000,S,O'Brien,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Jells Rd,3,h,971000,S,Bayside,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Linda Cl,3,t,745000,S,O'Brien,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,26 Stuart Av,3,h,1651000,S,Stockdale,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,200 Warrigal Rd,3,h,696000,S,Woodards,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,51/310 Warrigal Rd,2,u,460000,S,Buxton,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13/109 Weatherall Rd,1,u,310000,VB,Greg,10/12/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,4 Bodley St,3,h,771000,S,Century,10/12/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,61 Bushland Av,3,h,741000,S,Century,10/12/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,17 Kionga St,3,h,1023500,S,Prof.,10/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,25 Marshall Av,3,h,1610000,S,Buxton,10/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,40 Myriong St,3,h,1250000,S,Ray,10/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,16 Ormond Rd,4,h,1650000,S,Christopher,10/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,7 Panorama St,3,h,1492000,S,Century,10/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,3/25 Thompson St,2,u,632000,S,Buxton,10/12/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,45 Glenelg Dr,3,h,770000,SP,Ray,10/12/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,11 Oakes Av,2,h,750500,S,Barry,10/12/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,5 Ovens Ct,5,h,755000,S,Century,10/12/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,12 Kiewa St,2,h,1417000,SP,Nelson,10/12/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,40 Myrtle St,2,h,1290000,S,Jellis,10/12/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,2 Autumn St,3,h,,SN,Barry,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/118 Bruce St,3,t,640000,S,Nelson,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,23 Cole Cr,3,h,,PI,Nelson,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,31 Elizabeth St,2,h,820000,S,Peter,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7 Gladstone St,4,h,1250000,S,Jellis,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,21 Governors Rd,5,h,1335000,S,Nelson,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,56 The Grove,6,h,1900000,VB,hockingstuart,10/12/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,18 Alexander Av,3,t,,PN,Ray,10/12/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1 Boyne St,2,h,745000,SP,Raine,10/12/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,19A Tilley St,4,h,1050000,PI,Jellis,10/12/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,95 Banbury Cr,3,h,395000,SP,Professionals,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Barnell St,4,h,430000,S,Ray,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Brentwick Dr,4,h,655000,S,LJ,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,24 Champion Pde,4,h,645000,S,LJ,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Hove Pl,5,h,575000,S,Jason,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,43 Langdon Cr,3,h,,PI,LJ,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Maple Pl,3,h,411500,S,Ray,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Marchmont Ri,4,h,,SN,Barry,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Parramatta Wk,3,h,,SN,Barry,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Pearl Dr,4,h,,SN,Barry,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Penfold St,4,h,572500,S,Nelson,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Plymouth Ct,3,h,,SN,Barry,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Second Av,3,h,520000,S,RE,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Vantage Bvd,4,h,610000,S,Ray,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,49 Wattletree St,5,h,500000,PI,LJ,10/12/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,55 Springhill Dr,3,h,480000,S,iSell,10/12/2016,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Croydon,74 Diane Cr,5,h,806000,S,Ray,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Edward Ct,5,h,,SN,Hoskins,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Henty Ct,4,h,819000,S,Ray,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,27 Jesmond Rd,3,h,621000,S,Max,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,155 Lincoln Rd,3,h,600000,S,McGrath,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,19 Norris Cct,4,h,,SP,Philip,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,13 Paltarra Ct,3,h,680000,S,McGrath,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,21 Vernon St,4,h,1100000,S,iTRAK,10/12/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,48 Mulduri Cr,4,h,875500,S,iTRAK,10/12/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,4 Axel St,3,h,700000,S,Stockdale,10/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,50 Benga Av,2,h,508000,S,O'Brien,10/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,9 Jesson Cr,3,h,495000,S,McLennan,10/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,18 Tarene St,3,h,510000,S,iSell,10/12/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,33 Barbara Av,3,h,510000,SP,O'Brien,10/12/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,6 Parkfield Ct,3,h,,S,FN,10/12/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,29 Tasman Av,3,h,350000,PI,Douglas,10/12/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,8 Vincent St,3,h,530000,S,hockingstuart,10/12/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,8 Masefield Ct,3,h,538000,S,Barry,10/12/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Docklands,2305/241 Harbour Esp,1,u,360000,VB,RT,10/12/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,1/77 Ayr St,3,u,828000,SP,Barry,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11A Balfour St,3,t,945000,S,Assisi,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,35 Bordeaux St,4,h,1430000,S,Jellis,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Colston Cl,4,h,1250000,PI,Barry,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5/333 George St,3,u,772000,S,Barry,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Graeme Cl,4,h,2000000,S,Barry,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,22/222 Williamsons Rd,3,t,550000,VB,Hamilton,10/12/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,17 Aminga Av,4,h,1186000,S,Barry,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,16 Barbara St,3,h,1190000,SP,Jellis,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/3 Calvin Cr,2,u,620000,S,Parkes,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/946 Doncaster Rd,2,u,538000,S,Barry,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Gina Ct,4,h,,PI,Barry,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/1 Harry St,3,u,,PI,Barry,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Peter St,5,h,1100000,S,Jellis,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,389 Serpells Rd,5,h,,S,Jellis,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/95 St Clems Rd,3,t,1005000,PI,Barry,10/12/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,5 Allinga Pl,4,h,,PI,Parkes,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,20 Argyle St,3,h,,S,Jellis,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,48 Darvall St,3,h,870000,S,Jellis,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,107 Glenvale Rd,3,h,,SP,Fletchers,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,49 Heads Rd,5,h,1800000,SA,RT,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,25 Murndal Dr,3,h,1456000,S,Barry,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/57 Old Warrandyte Rd,3,u,720000,S,Philip,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,9 Valepark Dr,4,u,888000,SP,Ascend,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,7 Vaucluse Ct,4,h,1125000,S,Barry,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,7 Warrock Av,3,h,1676000,S,Ray,10/12/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,15 Rebecca St,4,h,,SN,Barry,10/12/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,41 Glenard Dr,2,h,,PN,Nelson,10/12/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,9/161 Wellington Pde S,1,u,,SP,Caine,10/12/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,1 Bristol Av,3,h,1150000,SP,hockingstuart,10/12/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,37 Edithvale Rd,2,h,955000,S,hockingstuart/hockingstuart,10/12/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/39 Field Av,3,t,720000,S,Asset,10/12/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,16 Langrigg Av,4,h,1050000,S,O'Brien,10/12/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,4/585 Glen Huntly Rd,2,u,591000,S,Buxton,10/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,14/18 King St,2,u,537000,S,Biggin,10/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,14 Prentice St,3,h,1805000,PI,Biggin,10/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3/26 Ross St,3,h,800000,VB,Hodges,10/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,12 Rusden St,3,h,965000,PI,Biggin,10/12/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,47 Glenister Dr,4,h,815000,SP,Barry,10/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,9 John St,3,h,1130000,S,Barry,10/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1 Leane Dr,4,h,851000,S,Barry,10/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,61 Leane Dr,3,h,770000,PI,Buckingham,10/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,16 Leonard Cr,4,h,1365000,S,Barry,10/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,20/1336 Main Rd,4,h,730000,S,Morrison,10/12/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,2 MacDhui Av,3,h,,SP,Morrison,10/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,7 Orion Ct,3,h,751000,SP,Buckingham,10/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,46 Progress Rd,3,h,845000,S,Morrison,10/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,2/8 Weidlich Rd,3,u,567500,PI,Flanagan,10/12/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,3/307 Barkly St,2,u,,PI,Biggin,10/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,24/193 Brighton Rd,2,u,,SP,Frank,10/12/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,81 Aldridge St,3,h,745000,S,Stockdale,10/12/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,8 Monica Cl,5,h,,W,O'Brien,10/12/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,10 Southwell Cl,3,h,618000,SP,O'Brien,10/12/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,31 Calendula Cct,3,h,510000,S,LJ,10/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,25 Carlisle Dr,3,h,525000,PI,Love,10/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Knoll Wk,3,h,402500,S,Stockdale,10/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Plymouth Ct,3,h,,PI,Love,10/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Prism Wk,3,h,395000,S,Iconek,10/12/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,2/4 Balmoral St,2,u,445000,S,Nelson,10/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2 Collins St,2,h,,S,Brad,10/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8 Monica St,6,h,2620000,S,Brad,10/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,82 Price St,3,h,1226000,S,Nelson,10/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/44 Richardson St,3,h,825000,PI,Nelson,10/12/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,22 Emerald St,4,h,1345000,S,Nelson,10/12/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,2/152 Gillies St,2,h,610000,S,Thomas,10/12/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,7/59 Rathmines St,2,u,445000,S,Nelson,10/12/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3 Brian St,3,h,625000,S,Brad,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,101 Denys St,3,h,681000,S,hockingstuart,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,159 Jukes Rd,3,h,690000,PI,hockingstuart,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/86 Major Rd,2,u,,SP,Raine,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,151 McBryde St,3,h,640000,SP,Brad,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,87 McBryde St,3,h,660000,S,Stockdale,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,53 Queens Pde,3,h,783000,S,hockingstuart,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2 Tyson St,2,h,,SP,RW,10/12/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,44 Bryden Dr,3,h,705000,S,Schroeder,10/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,10 Castle St,4,h,720000,S,Max,10/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,20 Cinerea Av,3,h,,SN,Barry,10/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,61 Folkstone Cr,4,h,712500,S,Fletchers,10/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,32 Warrabel Rd,3,h,535000,SP,Prof.,10/12/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,24 Apperley St,2,h,1055000,S,Harrington,10/12/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,605/4 Bik La,2,u,720000,S,Woodards,10/12/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,201A Clauscen St,3,h,1286000,S,Holland,10/12/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,11 Freeman St,3,h,1655000,S,Nelson,10/12/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,373 Rae St,3,h,1181000,S,Nelson,10/12/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,26 Scotchmer St,3,t,1600000,VB,Jellis,10/12/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,6/47 Railway Pl W,2,u,360000,PI,Nelson,10/12/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,21 Wisewould St,2,h,855000,SP,Nelson,10/12/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,7/46 Commercial Rd,2,h,,S,Village,10/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,39 Dudley St,2,h,900000,SP,Village,10/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/19 Empire St,2,u,281000,S,Sweeney,10/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1 Stanlake St,4,h,1300000,S,hockingstuart,10/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/10 Swan St,3,t,714000,S,Jas,10/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,84 Victoria St,3,h,775000,SP,Jas,10/12/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,1/36 Jackson St,2,u,661000,S,McGrath,10/12/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,14 Addicott St,2,h,521500,S,Ray,10/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,121A Cranbourne Rd,2,h,435000,S,U,10/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/5 Hillcrest Rd,2,u,352500,S,U,10/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Long St,2,u,297000,SP,U,10/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/7 Oban St,2,u,435000,PI,U,10/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,27 Whitford Wy,4,h,525000,SP,U,10/12/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,11 Kensington Av,4,h,710000,VB,Jacobs,10/12/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,52 Fisher St,4,h,606000,S,RT,10/12/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,26 Payne St,5,h,660000,SP,Barry,10/12/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,1/31 Dorothy Av,2,u,780000,S,Woodards,10/12/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,54 Albion Rd,4,h,,S,hockingstuart,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33 Barina Rd,3,h,,SP,Marshall,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Bonnyview St,3,h,,S,Fletchers,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Charles St,4,h,2010000,S,Marshall,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Denman Av,4,h,,S,Buxton,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/4 Estella St,4,h,1870000,S,Marshall,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Gardiner Pde,4,h,2975000,S,Marshall,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Montana St,2,h,,S,Jellis,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10/13 Myrniong St,2,u,585000,SP,Marshall,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Pascoe St,3,h,1275000,VB,Tim,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/17 Peate Av,4,t,,S,Jellis,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/39 Scott Gr,1,u,452000,S,RT,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/33 Yeovil Rd,3,t,1625000,S,Jellis,10/12/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,11 Annandale Cr,5,h,1298000,S,Barry,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/13 Clifford St,3,u,,S,Ray,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Clivejay St,5,h,,PI,Barry,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,101 Coleman Pde,4,h,1400000,S,Ray,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,20 Durward Av,3,h,1170000,S,Harcourts,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Faraday Ct,4,h,1310000,SP,JRW,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,38 Galahad Cr,4,h,1020000,S,Barry,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Guinevere Pde,4,h,,PI,Buxton,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/898 High Street Rd,3,u,,PI,Ray,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Jordan Gr,2,h,1406000,S,Stockdale,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,35 Jordan Gr,3,h,1245000,S,Harcourts,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,35 Kinnoull Gr,4,h,1600000,S,Harcourts,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Mavista Av,3,h,1390000,S,Ray,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Norfolk St,3,h,1081000,S,Harcourts,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,52 Rose Av,3,h,,PI,Harcourts,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Thompson St,4,h,1535000,S,Barry,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Turner Ct,3,h,,PI,Harcourts,10/12/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/8 Becket St S,2,t,455000,SP,Barry,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,30 Bourchier St,3,h,670000,PI,Brad,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Daley St,3,h,572000,S,Walshe,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Dromana St,4,h,702000,S,Eview,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,137 Glenroy Rd,2,h,730000,S,Barry,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/19 Lytton St,2,t,449000,S,Eview,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,116 Melbourne Av,2,h,680000,S,Barry,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/49 Melbourne Av,2,t,410000,PI,Melbourne,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Trevannion St,3,h,711500,S,Stockdale,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1 Tudor St,3,h,820000,VB,Nelson,10/12/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1/2 Lanark Wy,3,h,550000,VB,Nelson,10/12/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,2 Kariboo Gr,4,h,601000,S,Ken,10/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2 Monty St,3,h,610000,S,YPA,10/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Rand St,3,h,860000,S,Buckingham,10/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,23 Wolangi Ct,4,h,761500,SA,Ray,10/12/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Drummond St,4,h,1070000,S,Barry,10/12/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 Gretna Ct,4,h,750000,VB,Nelson,10/12/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,17 Padova Dr,4,h,630000,S,Barry,10/12/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,86 Hilton St,4,h,,PI,Brad,10/12/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,27 Middle St,3,h,730000,S,Barry,10/12/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,75 West St,3,h,800000,S,Stockdale,10/12/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,9 Banks Av,3,t,1725000,S,Marshall,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/1 Deakin St S,3,t,,S,hockingstuart,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,50 Earlsfield Rd,4,h,1460000,SP,Buxton,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,78A Highett Rd,3,t,1700000,S,Buxton,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,14 James Cr,2,h,905000,PI,Hodges,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,73 Linacre Rd,3,h,1403000,S,Hodges,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,70 Teddington Rd,3,h,1682000,S,Buxton,10/12/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,5 Charming St,3,h,,S,Buxton,10/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,21a Lonsdale Av,4,t,1385000,S,Buxton,10/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,57 Lonsdale Av,4,h,,VB,hockingstuart,10/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1/13 Stonehaven Cr,4,t,1325000,PI,RT,10/12/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,3/185 Auburn Rd,2,u,545000,S,Jellis,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/63 Berkeley St,2,u,655000,S,hockingstuart,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3 Camden Rd,2,h,2920000,S,Jellis,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/561 Glenferrie Rd,1,u,488000,S,Marshall,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,85 Illawarra Rd,5,h,,SP,Jellis,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/9 Kinkora Rd,3,h,1510000,S,Marshall,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,99 Kooyongkoot Rd,4,h,,S,Jellis,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,403/25 Lynch St,1,u,,S,Buxton,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,144 Power St,6,h,,S,Jellis,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/180 Riversdale Rd,2,u,,SP,Nelson,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/65 Riversdale Rd,2,u,600000,VB,Jellis,10/12/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/21 Auburn Gr,1,u,,SA,RT,10/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,20 Beaconsfield Rd,2,h,1585000,S,Jellis,10/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/1 Clifton Rd,3,u,935000,PI,Noel,10/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/75 Harold St,2,u,460000,VB,Fletchers,10/12/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,39 Kingston Rd,3,h,757500,S,Greg,10/12/2016,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,3 Atunga Ct,4,h,960000,S,Philip,10/12/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,116 Erica Ct,5,h,,SN,Barry,10/12/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,213 Cape St,3,h,,SN,Barry,10/12/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,7/75 Rosanna Rd,2,h,490000,PI,Purplebricks,10/12/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2 Bonar St,3,h,994000,S,Love,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Chauvel St,3,h,,SN,Woodards,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,16 Eden St,3,h,725000,SP,Barry,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,7 Flinders St,2,h,725000,S,Haughton,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4 Milton Ct,3,h,743000,S,Barry,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,14 Sackville St,3,h,785000,S,Barry,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,24 Sackville St,3,h,,PN,Miles,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/62 Southern Rd,3,t,620000,VB,Miles,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,542 Waterdale Rd,2,h,700000,VB,hockingstuart,10/12/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,6 Midway St,3,h,525000,S,Miles,10/12/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,134 Outhwaite Rd,3,h,,SP,hockingstuart,10/12/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,21 Pacific Dr,3,h,710000,S,William,10/12/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,13 Dorothea St,4,h,1410000,S,Buxton,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,19 Moira Av,3,h,,S,Hodges,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/1179 Nepean Hwy,3,t,730000,SP,Thomson,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,36 Royalty Av,3,h,1360000,S,Woodards,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,24 The Crescent,4,h,,S,Buxton,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/20 Turner Rd,2,u,730000,SP,Buxton,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,22 View St,4,h,1400000,SP,Buxton,10/12/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,20 David Cct,3,h,,PI,Barry,10/12/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Golden Wy,4,h,700000,S,Prof.,10/12/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,25 Golden Wy,3,h,605000,S,Barry,10/12/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,13 Honeysuckle Av,3,h,539000,SP,Prof.,10/12/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,93 Royal Cr,3,h,600000,S,Barry,10/12/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,59 Aitken Av,3,h,421600,SP,Barry,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Allawah Ct,3,h,435000,S,YPA,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,236 Derrimut Rd,3,h,571500,S,hockingstuart,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Freesia Ct,3,h,,SN,Barry,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Haideh Ct,4,h,453000,S,YPA,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,45 Hogans Rd,4,h,495000,S,YPA,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Loire Cl,3,h,520000,S,hockingstuart,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,59 Mossfiel Dr,3,h,453000,S,Triwest,10/12/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,8 Bowmore St,4,h,1745000,S,Woodards,10/12/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,5/1312 Dandenong Rd,2,u,,SN,Ray,10/12/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,6a Garnett St,3,t,795000,S,Ray,10/12/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,3/8 Green St,3,t,855000,S,Woodards,10/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4/13 Ivanhoe Pde,2,u,705000,S,Miles,10/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4/6 Linton St,2,u,504000,S,Barry,10/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/30 Magnolia Rd,1,u,413000,S,Nelson,10/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/37 Myrtle St,3,t,1010000,S,Miles,10/12/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,3/36 Wilfred Rd,3,u,1260000,S,Miles,10/12/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,7 Landy Rd,3,h,482000,S,Stockdale,10/12/2016,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,104 Sunset Bvd,3,h,,S,Barry,10/12/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,22A Bundeena Av,3,t,465500,S,Barry,10/12/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,3 Stenson Rd,3,h,515000,S,Sweeney,10/12/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,12 Feathertop Dr,4,h,900000,PI,Barry,10/12/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,2/22 Kennedy St,3,u,691000,S,Brad,10/12/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,6 Koorali St,4,h,900000,VB,Brad,10/12/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,62 Patterson Av,3,h,620000,S,Nelson,10/12/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,8 Caprice Ct,4,h,565000,PI,Barry,10/12/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,12 Rethel Cl,4,h,,PI,Stockdale,10/12/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,15 Craig St,3,h,880000,S,Nelson,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,17/24 Craig St,3,u,580000,S,Rendina,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Milleara Rd,4,t,886000,S,Barry,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,7 Neville St,4,h,970000,S,Nelson,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1 Nicholas Ct,4,h,920000,SP,Brad,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,114 Prospect Dr,3,h,625000,S,Harcourts,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,32 Wyong St,3,h,825000,S,Nelson,10/12/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,10 Turin Pl,4,h,638000,S,Barry,10/12/2016,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,10 Lachlan Ct,3,h,766000,S,Nelson,10/12/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,107/88 Altona St,1,u,360000,VB,Dingle,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,39 Henry St,3,h,1455000,S,Jellis,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,114/71 Henry St,1,u,365000,VB,Edward,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,28/18 Mawbey St,3,u,551000,S,Woodards,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,118/80 Ormond St,2,u,442000,S,Nelson,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,51 Rankins Rd,2,h,765000,S,Nardella,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,14/162 Stockmans Wy,2,t,,SN,Alexkarbon,10/12/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,31 Barnard Gr,3,h,,SP,Marshall,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,75 Derby St,4,h,1910000,PI,Bekdon,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14 Findon Cr,5,h,3620000,S,RT,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Gladstone St,3,h,1410000,S,Jellis,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/505 High St,2,u,515000,S,hockingstuart,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,31 Miller Gr,3,h,2310000,S,Walsh,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/8 Mountain Gr,2,h,890000,S,Jellis,10/12/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,52 Frater St,3,h,1920000,S,Jellis,10/12/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,35 McConchie Av,5,h,,S,Jellis,10/12/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,12 Brott Ct,3,h,,SN,iSell,10/12/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,15 Finchaven Av,3,h,660000,SP,McDonald,10/12/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,106 Kingsclere Av,3,h,700000,S,Harcourts,10/12/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,30 Leanne Cr,3,h,,SN,Barry,10/12/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,4 Russet Ct,5,h,,SN,Barry,10/12/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,25 Pavitt La,5,h,1700000,PI,hockingstuart,10/12/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,157 Gillespie Rd,4,h,,SN,Barry,10/12/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,41 Kurung Dr,3,h,,SN,YPA,10/12/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,24 Tremaine Av,3,h,440000,SP,Ray,10/12/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,149 Empress Av,3,h,1450000,SP,Jas,10/12/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,83 Kingsville St,1,h,630000,S,Burnham,10/12/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,200 Somerville Rd,3,h,760000,PI,Chambers,10/12/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,21 Banker St,4,h,,SN,Barry,10/12/2016,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,9 Coral Ct,3,h,490000,SP,Barry,10/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,46 Derrick St,3,h,656000,S,Love,10/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6 Ruthven Cr,4,h,640000,S,Harcourts,10/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,34 Vasey Av,3,h,515000,S,Love,10/12/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,5/183 Greensborough Rd,2,t,572000,SP,Miles,10/12/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/20 Burns St,3,u,520000,PI,Burnham,10/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,44 Inkerman St,2,h,1000000,SP,Prof.,10/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/165 Mitchell St,3,h,580000,PI,LJ,10/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,67 Norfolk St,3,h,840000,S,Nelson,10/12/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,21a Claremont Av,2,u,1020000,S,Jellis,10/12/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,25 Edsall St,3,h,,S,Jellis,10/12/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,30 Parslow St,4,h,,S,Marshall,10/12/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,42 Stanhope St,5,h,,S,Jellis,10/12/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,8 Ash Gr,5,h,4802500,S,Marshall,10/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,46 Boston Av,3,h,,SP,Fletchers,10/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/919 Dandenong Rd,1,u,350000,SP,Thomson,10/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,95 Manning Rd,4,h,,S,Jellis,10/12/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,11 Cedar Dr,5,h,990000,S,Biggin,10/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,302/55 Cumberland Dr,2,u,,PI,Woodards,10/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7/3 Ensign St,2,u,330000,SP,Biggin,10/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,209/4 La Scala Av,2,h,,PI,hockingstuart,10/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1/97 Raleigh Rd,1,u,277500,SP,Sweeney,10/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4/9 Warrs Rd,2,h,637000,S,RT,10/12/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,124 McKinnon Rd,4,h,1260000,S,Woodards/hockingstuart,10/12/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,301A McKinnon Rd,3,h,,S,Buxton,10/12/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,27 Moyston Ct,5,h,,SS,Purplebricks,10/12/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1/5 Davisons Pl,2,u,671000,SP,MICM,10/12/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2905/639 Lonsdale St,2,u,,PI,Barry,10/12/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,45/431 St Kilda Rd,2,u,,SP,hockingstuart,10/12/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,75 Palmerston St,3,h,295000,S,hockingstuart,10/12/2016,3337,Western Victoria,3600,31.7,Melton City Council +Melton West,43 Chelmsford Wy,4,h,,PI,Barry,10/12/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,4 Kilmuir Pl,4,h,332500,SA,Ryder,10/12/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,30 Rathdowne Cct,3,h,265000,S,hockingstuart,10/12/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,8 Rothesay Pl,4,h,370500,S,hockingstuart,10/12/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,13/60 Beach Rd,2,u,510000,VB,Buxton,10/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8/34 Florence St,2,u,520000,PI,Hodges,10/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5 Long St,4,h,1150000,S,Greg,10/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,60 Patty St,3,h,1055000,S,Hodges,10/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1 Station St,3,h,1260000,S,Thomson,10/12/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,4 Carriageway Ps,3,h,490000,S,LJ,10/12/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,12 Langridge St,3,h,2227000,S,Greg,10/12/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,2/215 Betula Av,4,t,376000,S,Ray,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,116 Centenary Dr,3,h,682500,S,Love,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,87 Moorhead Dr,3,h,552000,S,Melbourne,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,129 Roycroft Av,3,h,,SN,Barry,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,40 Statesman Cr,4,h,636000,S,Nelson,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,40 Thompson Cct,3,h,,SN,Barry,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,25 Wenden Rd,3,h,530000,S,Ray,10/12/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,18 Ashburton Dr,4,h,1001000,PI,Ray,10/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,19 Compton St,3,h,935000,S,Schroeder,10/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,48 Creek Rd,4,h,,SN,Barry,10/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,73 Creek Rd,3,h,1130000,S,Ray,10/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,45 Dunlavin Rd,4,h,1082000,SP,Fletchers,10/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,7 Rosstrevor Cr,3,h,1010000,S,Jellis,10/12/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Monbulk,395 Monbulk Rd,3,h,,PN,Max,10/12/2016,3793,Eastern Victoria,1424,34.1,Yarra Ranges Shire Council +Mont Albert,4/30 Kenmare St,5,h,1400000,PI,Marshall,10/12/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,13/17 Kingsley Cr,2,u,,SN,Ross,10/12/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,33a Kingsley Cr,2,u,1150000,S,Jellis,10/12/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,7 Kingsley Cr,3,h,1901000,S,Noel,10/12/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,105/766 Whitehorse Rd,2,u,665000,S,hockingstuart,10/12/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/24 Alban St,4,h,780500,S,Barry,10/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,6/15 Karingal Dr,3,h,764000,S,Buckingham,10/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,23 Kelvin Av,3,h,656500,S,Barry,10/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,10 Margaret Av,4,h,,S,Nelson,10/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/113 Rattray Rd,3,t,830000,S,Barry,10/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/10 Wellington St,3,t,742500,S,Darren,10/12/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montrose,5 Woodridge Cl,4,h,500000,PI,C21,10/12/2016,3765,Eastern Victoria,2493,28.8,Yarra Ranges Shire Council +Moonee Ponds,12 Chaucer St,5,h,2405000,S,Nelson,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,35 Eglinton St,4,h,1395000,PI,Brad,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,24 Hotham St,3,h,1630000,S,Barry,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,37 Lennox St,3,h,1160000,S,Nelson,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,36 Primrose St,3,h,1065000,S,McDonald,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,61 Steele St,4,h,1361500,S,Rendina,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,19 Sussex St,2,h,945000,S,Nelson,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6/7 York St,1,u,360000,SP,Brad,10/12/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,22 William St,4,h,,PI,Buxton,10/12/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,20 David Dr,4,h,600000,S,Fletchers,10/12/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,55 Scarlet St,3,h,758500,SP,hockingstuart,10/12/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3 Clarke Pl,4,h,1560000,S,Stockdale,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/42 Damon Rd,3,t,800000,PI,McGrath,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Dennyse Ct,3,h,1320000,SP,McGrath,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/4 Elm Gr,3,u,902500,SP,Barry,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2A Esther Ct,4,h,1403000,S,Ray,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,48 Gordon Rd,4,h,1320000,SP,Harcourts,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12/3 Keylana Bvd,3,t,,SP,Ray,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8/216 Lawrence Rd,2,u,577000,PI,Harcourts,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,28 Lemana Cr,3,h,1500000,S,Barry,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Snead Ct,3,h,920000,S,Barry,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Sunhill Rd,3,h,1380000,S,hockingstuart,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/30 Torroodun St,3,h,715875,SP,Stockdale,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,35 Wadham Pde,4,h,,SP,Barry,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/475 Waverley Rd,3,t,905000,S,Jellis,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/536 Waverley Rd,3,t,801000,S,McGrath,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/51 Wilga St,4,u,775000,PI,Barry,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/1 Winbourne Rd,2,u,630000,S,Barry,10/12/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,35 Camville Rd,4,h,1235000,S,Ray,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,13 Emden Cr,3,h,846000,S,Stockdale,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,53 Haverbrack Dr,4,h,920000,PI,Barry,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,114 Jacksons Rd,3,h,821000,S,Philip,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Mansfield Av,3,h,,VB,Fletchers,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Newlands Ct,3,h,649000,S,Ray,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,42 Stadium Cct,4,h,872000,S,Ray,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,15 Sunrise Dr,3,h,793500,S,Harcourts,10/12/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,15 Thaxted Rd,3,h,1430000,PI,Woodards,10/12/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,11 Terry Cl,3,h,,PN,First,10/12/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,1 Weiske St,4,h,495000,S,O'Brien,10/12/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +New Gisborne,5 Hyperno Ct,4,h,620000,S,Raine,10/12/2016,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,42 Agg St,3,h,930000,SP,Greg,10/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,65 Charlotte St,3,h,800000,SP,Jas,10/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Effingham Rd,3,h,1305000,S,Greg,10/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,14 Jubilee St,3,h,1060000,SP,Sweeney,10/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,18/4 Mason St,2,u,485000,S,Williams,10/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3/71 Oxford St,3,h,950000,S,RT,10/12/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/42 Carrington Rd,2,t,672000,S,Barry,10/12/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,7/93 Hoffmans Rd,2,u,490000,S,Brad,10/12/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/17 Vaynor St,3,u,800000,S,Nelson,10/12/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,10 Ambrie Cr,3,h,,SN,Barry,10/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,141 Corrigan Rd,3,h,670000,S,LJ,10/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,28 Cosier Dr,4,h,,SN,Barry,10/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,40 Gatcum Ct,4,h,820000,S,iSell,10/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,48 Joffre St,3,h,,SN,Barry,10/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,18B Nockolds Cr,3,h,,PI,Barry,10/12/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,4/175 Chetwynd St,2,u,720000,S,W.B.,10/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/100 Curzon St,2,t,888000,S,Jellis,10/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,9 Harris St,2,h,,S,Gary,10/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,51a Oconnell St,2,h,,SP,Collins,10/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,16 Scotia St,3,h,1325000,S,Nelson,10/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,107/33 Wreckyn St,1,u,368000,SP,Jellis,10/12/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,32 Bradleys La,5,h,1150000,PI,Ray,10/12/2016,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,24 Bird Av,2,h,,PN,Nelson,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,206/8 Breavington Wy,2,u,,W,McGrath,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Cain Av,2,h,1153000,S,Jellis,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2B Creek Pde,4,h,2270000,S,Collins,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/62 Cunningham St,1,u,385000,SP,McGrath,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,116a Emmaline St,4,h,1300000,S,Nelson,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/113 Mitchell St,2,u,,PI,Jellis,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,156 Separation St,2,h,900000,S,Brad,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,33 Spencer St,4,h,1340000,S,Leased,10/12/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,1/3 Cassia St,3,u,710000,S,Harcourts,10/12/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,2 Brae Gr,4,h,,SN,Barry,10/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,7 Brae Gr,3,h,,PN,Noel,10/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,24 Dunlavin Rd,2,h,1020000,SP,Barry,10/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,39 Efron St,3,h,1005000,SP,Fletchers,10/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,36 Morden Ct,3,h,1201000,S,Fletchers,10/12/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,19 John St,2,t,520000,VB,Stockdale,10/12/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4 Ridge Rd,4,h,800000,S,Stockdale,10/12/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh South,7 Cleek Av,4,h,1346000,S,Buxton,10/12/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,9 Sumersett Av,4,h,980000,S,Buxton,10/12/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1 Malane St,3,h,,SP,hockingstuart,10/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/31 Malane St,2,u,950000,S,Gary,10/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/15 Murray Rd,5,h,1390000,S,hockingstuart,10/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,35b Murray Rd,4,t,1520000,S,hockingstuart,10/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,6 Ocean St,4,h,,S,Gary,10/12/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,25 Ashford Dr,4,h,460000,VB,LITTLE,10/12/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,38 Honeyeater Wy,4,h,517000,SP,Ray,10/12/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,2 Birdwood St,5,h,3500000,S,Greg,10/12/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/31 Rosella Rd,2,u,720000,S,Hodges,10/12/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,42 Park Dr,8,u,3210000,S,Kelly,10/12/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,3/60 Austin Cr,2,u,495000,SP,Brad,10/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,232 Boundary Rd,4,h,990000,S,Harcourts,10/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,16 Hayes Pde,5,h,950000,VB,Nelson,10/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Hazel Gr,2,h,915000,S,New,10/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,76 Pardy St,3,h,,S,Melbourne,10/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,54 Railway Pde,3,h,900000,S,Brad,10/12/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,3 Alexander Cir,4,h,960000,SP,Ray,10/12/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Port Melbourne,172 Albert St,2,h,1060000,S,hockingstuart,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,405/155 Beach St,2,u,1610000,S,Kay,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11/39 Esplanade Pl,2,u,910000,S,Cayzer,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,58 Esplanade Pl,3,h,1485000,S,hockingstuart,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,243 Graham St,2,h,1101000,S,Cayzer,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,4/130 Princes St,4,h,,S,Marshall,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2/8 Thomas St,2,h,880000,S,Greg,10/12/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,14 Aberdeen Rd,2,h,1106000,S,Biggin,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,116 Charles St,3,h,1650000,S,Jellis,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,505/22 Chatham St,1,u,,VB,Williams,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,57 Clarke St,2,h,1590000,S,Marshall,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/26 Clifton St,2,u,590000,PI,Purplebricks,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,19 Packington Pl,2,h,1055000,S,Biggin,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,22/55 Union St,2,u,523000,S,Biggin,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,60 Williams Rd,3,h,,SP,Biggin,10/12/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,6/110 David St,2,u,457500,S,Nelson,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Dunstan St,3,h,925000,S,Woodards,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/413 Gilbert Rd,1,u,305000,S,Nelson,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Hope St,3,h,1080000,PI,Barry,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/27 Jessie St,2,u,656000,S,Barry,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,90 Murray Rd,2,h,799900,SP,Love,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Parker St,3,h,916000,S,Nelson,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,439 Plenty Rd,3,h,1000000,PI,hockingstuart,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33 Showers St,4,h,914000,S,Ray,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,287 Tyler St,3,h,1650000,S,hockingstuart,10/12/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,35 Raglan Rd,3,h,650000,S,Morrison,10/12/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Research,454 Reynolds Rd,4,h,905000,S,Fletchers,10/12/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,65 Barry St,2,h,836000,S,Love,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/105 Cheddar Rd,2,t,485000,SP,Ray,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Coleman Cr,3,h,770000,S,Nelson,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40A Darebin Bvd,2,h,612000,S,hockingstuart,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/66 Darebin Bvd,2,u,401000,S,Darren,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Drysdale St,2,h,635000,PI,Barry,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/35 George St,2,u,491000,S,Love,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Gisborne Cr,3,h,650000,PI,Barry,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/2 Griffiths St,2,u,420000,S,Harcourts,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Hillcroft St,3,h,810000,SP,Nelson,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Howard St,3,h,780000,S,Love,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/84 Miranda Rd,3,t,570000,SP,Barry,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/66 Pine St,2,u,520000,S,Love,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Steane St,3,h,,SP,Bekdon,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,23 Tovey St,3,h,660000,PI,Barry,10/12/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,6/1 Barnet Wy,2,u,1066000,S,Abercromby's,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,90 Bendigo St,3,h,,PI,hockingstuart,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Berry St,2,h,900000,PI,hockingstuart,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,50B Duke St,3,h,1250000,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,40 Elm Gr,4,h,,S,Marshall,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Garfield St,2,h,990000,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 George St,2,h,1189000,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/35 Jubilee Pl,2,u,,PI,hockingstuart,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,135 Kent St,3,h,,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,308 Lennox St,2,h,1220000,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Lesney St,2,h,,PI,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,47 Lord St,2,h,1220000,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,149 Mary St,3,h,1100000,S,Abercromby's,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12a Rose St,3,h,2857000,S,Jellis,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,26 Thomas St,3,h,1346000,S,Biggin,10/12/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,22 Georges Rd,4,h,1248000,S,Philip,10/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/4 Harrison St,3,t,780000,S,Fletchers,10/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,11 Hobart St,3,h,1001000,S,Carter,10/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Kinton Ct,3,h,747500,S,Carter,10/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/292 Maroondah Hwy,3,h,685000,S,Fletchers,10/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/33 Pitt St,2,u,430000,VB,Fletchers,10/12/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,42 Heathwood St,4,h,,PI,Barry,10/12/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,4 Sunbeam Av,3,h,,PI,Barry,10/12/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,30 Lockhart Rd,3,h,,PN,Woodards,10/12/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,9 The Croft,4,h,979000,S,Biggin,10/12/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,2 Millicent St,4,h,1050000,VB,Nelson,10/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,126 Rosanna Rd,3,h,,PI,Barry,10/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,166 Rosanna Rd,3,h,620000,VB,Miles,10/12/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,16 Paratea Dr,5,h,1100000,S,Barry,10/12/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,8 McConnell Cr,4,h,480000,S,Raine,10/12/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,27 Arthur St,4,h,2485000,S,Hodges,10/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,96 Bay Rd,4,h,2450000,S,Buxton,10/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2 Henry St,3,h,1410000,S,Hodges,10/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,35 Sandringham Rd,4,h,,PN,Buxton,10/12/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,11 Collendina Cr,4,h,835000,S,Ray,10/12/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,13 Harold St,3,h,,SN,Barry,10/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,22a Kirkwood Av,3,u,461000,S,Harcourts,10/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,9/1 Nepean Hwy,3,t,500000,PI,Barry,10/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2/44 Nepean Hwy,2,h,430000,S,Mitchell,10/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,54 Park St,3,h,760000,S,O'Brien,10/12/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,6 James St,3,h,,SP,Village,10/12/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,15 Pentland Pde,4,h,1201000,S,Village,10/12/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Silvan,70 Lewis Rd,4,h,1085000,SA,Max,10/12/2016,3795,Eastern Victoria,457,34.6,Yarra Ranges Shire Council +Skye,5/24 McCormicks Rd,2,u,326500,S,Ray,10/12/2016,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,13 Church St,3,h,2250000,S,Greg,10/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,912/22 Dorcas St,1,u,320000,VB,McGrath,10/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,315 Moray St,4,h,2180000,S,Marshall,10/12/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,9 Arrowgrass St,3,h,,SN,Barry,10/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,44 Coleridge Wy,2,h,355500,S,Love,10/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2/32 Kumara Cct,2,h,330050,S,Ray,10/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,10 Lookout Ri,5,h,,SN,Iconek,10/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Portobello Tce,5,h,630000,S,Ray,10/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Rosella Wk,3,h,,SN,Barry,10/12/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,9/46 Darling St,2,u,625000,S,Williams,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/37 Davis Av,2,u,610000,S,hockingstuart,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,20 Fawkner St,2,h,2430000,S,Biggin,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/2 May Gr,1,u,490000,S,RT,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/44 Murphy St,1,u,955000,PI,Williams,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/97 Osborne St,1,u,380000,S,hockingstuart,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,34D Palermo St,4,h,,S,Jellis,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,22/382 Toorak Rd,2,u,601000,S,Biggin,10/12/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,16 Watt St,4,h,1170000,VB,Jas,10/12/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,16 Morris Ct,3,h,600000,PI,LJ,10/12/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,2/62 Olympic Av,3,u,,SN,Barry,10/12/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,92 Atheldene Dr,3,h,,SN,Barry,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,69 Avondale Av,4,h,582000,S,Ray,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/11 Carawah Rt,3,u,375000,SP,Biggin,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,7 Cobham St,2,h,430000,SP,YPA,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,42 Glendenning St,3,h,,SN,Westside,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/53 Shirley St,2,u,,PI,Barry,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,19 Station Av,3,h,,S,Stockdale,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,61 Sunshine Av,3,h,,PI,Raine,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,67 View St,3,h,,SN,Barry,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Vincent Av,3,h,664000,S,Westside,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Washington St,3,h,,SN,Barry,10/12/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,5/240 Barkly St,1,u,370500,S,hockingstuart,10/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18 Crimea St,5,h,5046000,S,Abercromby's,10/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,26/12 Fitzroy St,1,u,385000,PI,hockingstuart,10/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,77 Spenser St,3,h,1900000,S,Pride,10/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,13/109 Wellington St,2,u,,SP,Buxton,10/12/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,12 Columban Av,4,h,2340000,S,Nelson,10/12/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/15 Esmale St,3,t,,PI,Barry,10/12/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/15 Esmale St,3,u,625000,S,Barry,10/12/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,39 Loeman St,2,h,1321000,S,Nelson,10/12/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1 Melissa St,5,h,920000,S,Nelson,10/12/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,3 Alexandra Av,4,h,885000,S,Barry,10/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/164 Cornwall Rd,3,u,490000,S,Barry,10/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1 Taunton St,4,h,,SN,Barry,10/12/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,1/13 Edna St,3,h,590000,PI,Douglas,10/12/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,9 Gresford St,3,h,630000,PI,Douglas,10/12/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Isla St,3,h,685000,S,Barry,10/12/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,22 Lincoln St,3,h,690000,S,hockingstuart,10/12/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,49 Metherall St,5,h,605000,S,Barry,10/12/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Middlesex St,3,h,808000,S,Sweeney,10/12/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,2/10 Carter St,3,u,545000,S,Barry,10/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,4 Clematis Pl,5,h,621000,SP,Barry,10/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Kenney St,3,h,515000,S,Barry,10/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,92 Whitesides Av,3,h,611000,S,Douglas,10/12/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,5 Alexandra Cr,4,h,,SN,RW,10/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,16 Banool Rd,3,h,1960000,S,Marshall,10/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,706 Canterbury Rd,2,h,680000,PI,Noel,10/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,66 Durham Rd,4,h,1455000,S,Jellis,10/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,20 Everton Gr,5,h,2630000,S,Marshall,10/12/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,7 Corama Ct,4,h,613000,S,Prof.,10/12/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Nottingham Wy,4,h,515000,S,Ray,10/12/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,25 Pecks Rd,3,h,515000,S,FN,10/12/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,12 Oldbury Gra,6,h,580000,S,hockingstuart,10/12/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,9 Kooyong Ct,4,h,815000,S,Barry,10/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,23 Lambert Ct,3,h,564000,S,Barry,10/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,90 The Esplanade,4,h,733000,S,Barry,10/12/2016,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,17 Stradmore Av,5,h,1556000,S,Fletchers/Fletchers,10/12/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,4 Finn Ct,3,h,1051000,S,Jellis,10/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,36 Howitt Dr,3,h,1065000,S,Ray,10/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,5/207 Manningham Rd,2,t,,S,Jellis,10/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,240 Manningham Rd,4,h,1120000,PI,Barry,10/12/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,6 Clover Ct,4,h,513000,S,New,10/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,6 Harding St,3,h,636000,S,Ray,10/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,53 Main St,3,h,522250,S,Barry,10/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,15 Maryland Cl,4,h,633000,SP,Ray,10/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/9 Waratah St,3,u,325000,SP,Barry,10/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Wodonga Cr,3,h,540000,S,Iconek,10/12/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,95 Normanby Av,3,h,,SP,Nelson,10/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/54 Pender St,1,u,365000,S,McGrath,10/12/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,6/30 Lansell Rd,2,u,1330000,S,Marshall,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/48 Lansell Rd,3,u,,SP,Castran,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4 Matthews Ct,3,h,2820000,PI,Kay,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/536 Toorak Rd,2,u,,SP,hockingstuart,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5 Wannon Ct,4,h,,SN,Kay,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/264 Williams Rd,2,u,810000,SP,Jellis,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,292 Williams Rd,4,h,,SP,Marshall,10/12/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,2/9 Buckland St,2,u,503000,S,Nelson,10/12/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,5 Banksia Gr,3,h,811000,S,Red,10/12/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,58 Churchill Av,3,h,722000,S,Nelson,10/12/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,34 Handsworth Cr,3,h,635000,SP,Barry,10/12/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/228 Melrose Dr,2,t,418000,S,Nelson,10/12/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/23 Waratah Av,2,u,423000,SP,Barry,10/12/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,35 Culbara Dr,4,h,900000,SP,M.J,10/12/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,67 McClares Rd,3,h,1000000,S,Jellis,10/12/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,116 Purches St,4,h,,SN,Barry,10/12/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,20 Broadlea Cr,3,h,,PI,Darren,10/12/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,16/86 Graham Rd,2,u,555000,SP,Miles,10/12/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,8 Cleve Ct,3,h,325000,SP,Stockdale,10/12/2016,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,28 Bellbird Dr,3,h,,S,Fletchers,10/12/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,43 Inchcape Av,4,h,1125000,S,Ray,10/12/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,5 Landsdale Cr,4,h,,SN,Barry,10/12/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warburton,3377 Warburton Hwy,2,h,,PI,Bell,10/12/2016,3799,Northern Victoria,1191,64.1,Yarra Ranges Shire Council +Wattle Glen,43 Lorimer Rd,3,h,705000,S,Morrison,10/12/2016,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,71 Parramatta Rd,5,h,,PI,Barry,10/12/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,84 Silvereye Cr,3,h,372000,S,Triwest,10/12/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,67 Devonshire St,3,h,,S,Burnham,10/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,12 Exhibition St,2,h,,SP,Jas,10/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,45 Hansen St,3,h,967000,S,Jas,10/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,13 Soudan Rd,3,h,840000,S,Brad,10/12/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,6/234 Roden St,3,t,,SP,Nelson,10/12/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,68 Koala Cr,3,h,555000,S,Nelson,10/12/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,14 Turner St,3,h,586000,S,Stockdale,10/12/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,3/11 Wills St,3,h,422000,SP,Barry,10/12/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,24 Bellini Av,4,h,910000,PI,Barry,10/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Greenbriar Av,4,h,,PI,Ray,10/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,280 Lum Rd,4,h,1295000,S,Barry,10/12/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,12 Spartan Wy,4,h,700000,PI,RT,10/12/2016,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,22 Bayview St,3,t,1460000,S,Greg,10/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,164 Coogee La,5,h,1410000,SP,Sweeney,10/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,5/28 Hanmer St,2,u,,SN,Sweeney,10/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,3 Hosking Ct,3,h,,S,Jas,10/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,14 Illawarra St,2,h,940000,S,RT,10/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2b Mariner St,3,h,,SN,Raine,10/12/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,10/205 Dandenong Rd,2,u,,PI,Biggin,10/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,14 Earl St,3,h,,SP,Marshall,10/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5 Earl St,2,h,,SN,hockingstuart,10/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,6/7 Ellesmere Rd,1,u,372000,S,Fletchers,10/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,8/5 The Avenue,3,u,,S,hockingstuart,10/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9/58 The Avenue,1,u,412500,S,Beller,10/12/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,6 Grainger Dr,4,h,695000,S,Iconek,10/12/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,12 Markham St,4,h,560000,SP,hockingstuart,10/12/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,4 Aminya Cr,3,h,710000,PI,Nelson,10/12/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,70 Tarcoola Dr,3,h,810000,S,Buckingham,10/12/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,8 Knox St,3,h,,SP,Jas,10/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,24 Ovens St,3,h,,SP,Sweeney,10/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,44 Severn St,3,h,1930000,S,Jas,10/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,121 Simpson St,2,h,,SP,hockingstuart,10/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,57 Tarrengower St,2,h,,SP,Jas,10/12/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,3/64 Brunel St,3,u,1160000,S,Nelson,11/02/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,2 May St,4,h,1150000,PI,Nelson,11/02/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,1/43 Cameron St,3,u,752000,S,Nelson,11/02/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albion,3/14 Ridley St,2,t,300000,PI,FN,11/02/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,1A Merritt Ct,3,t,705000,S,hockingstuart,11/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,4/31 Millers Rd,2,u,391000,SP,Greg,11/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,111/112 Pier St,2,u,440000,SP,hockingstuart,11/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,24 Wren St,4,h,845000,S,hockingstuart,11/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Ascot Vale,17 Aspect Av,4,h,1200000,PI,Nelson,11/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,78 The Parade,3,h,1440000,S,Nelson,11/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Aspendale Gardens,9 Keaton Wy,4,h,850000,PI,Ray,11/02/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,6 Pacific Dr,3,h,830000,SA,Ray,11/02/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,25 Reef Ct,3,h,890000,S,hockingstuart,11/02/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,14 The Crest,3,h,443000,PI,Walshe,11/02/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,15 Dumas Av,3,h,825000,SP,Biggin,11/02/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,2/6 Nelson Ct,2,t,585000,S,Barry,11/02/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn North,2/31 Sutton St,3,u,,S,Fletchers,11/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,19 Beach Rd,4,h,2650000,VB,Ray,11/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 Cloris Av,3,h,1910000,SP,C21,11/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/13 Hume St,3,t,890000,SP,Hodges,11/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10 Parkside St,4,h,1436000,S,Hodges,11/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/7 Stayner St,2,h,,PI,Kay,11/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,66 Fromer St,3,h,1470000,S,McGrath,11/02/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,29A Dromana Av,4,t,850000,PI,hockingstuart,11/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Magnolia Av,4,h,1130000,S,Woodards,11/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,737 Princes Hwy,4,h,680000,PI,Alex,11/02/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,2 Chapel St,3,h,,SP,Noel,11/02/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1B Clarke St,2,h,935000,S,Jellis,11/02/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,20 Cootamundra Cr,3,h,1306000,S,Noel,11/02/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,20 John St,2,h,650000,PI,Noel,11/02/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,26 Maple St,4,h,,SP,Ray,11/02/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1 Kurrajong Wy,5,h,1135000,PI,Ray,11/02/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,44 Primula St,3,h,1150000,S,Noel,11/02/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,21 Bermuda Dr,3,h,890000,S,McGrath,11/02/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/38 Lawrence St,3,u,910000,S,Fletchers,11/02/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,21 Bondi Rd,5,h,1210000,S,Eview,11/02/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,40 Mernda Av,3,h,1005000,S,hockingstuart/hockingstuart,11/02/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,4/8 York St,2,u,440000,S,Buxton,11/02/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Botanic Ridge,18 Limeburner Gr,4,h,730000,S,LJ,11/02/2017,3977,South-Eastern Metropolitan,1240,34.7,Casey City Council +Briar Hill,18a Pine Av,3,h,670000,S,Barry,11/02/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,6/4 Dudley St,2,u,1300000,PI,Greg,11/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,2/19 Hemming St,3,u,880000,S,Buxton,11/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,200 South Rd,4,h,1920000,S,Nick,11/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,6 Tawonga St,3,h,380000,S,YPA,11/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,2/11 Cypress Av,2,t,525000,S,hockingstuart,11/02/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,3/83 Cypress Av,2,t,465000,PI,hockingstuart,11/02/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,3A Austin Tce,3,h,810000,PI,Rendina,11/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20/195 Brunswick Rd,2,u,764000,S,Woodards,11/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,61 Evans St,2,h,1105000,S,Nelson,11/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,136 Hope St,2,h,1260000,S,Jellis,11/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,87 Hope St,3,t,955000,S,Nelson,11/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,94 Lydia St,1,t,895000,S,Nelson,11/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,308/69 Lygon St,2,u,570000,PI,Nelson,11/02/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,107/480 Albion St,2,u,400500,SP,Nelson,11/02/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/572 Moreland Rd,3,t,797500,S,Nelson,11/02/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,1/15 Estelle St,3,u,787000,S,Barry,11/02/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,2/5 Cambridge Wy,4,h,681000,S,Ray,11/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1378 Plenty Rd,3,h,790500,S,Ray,11/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,3/14 Havelock St,3,t,956000,S,Buxton,11/02/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3 Peacock St,3,h,1468000,S,Buxton,11/02/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,3/22 Allambee Av,2,u,752000,S,hockingstuart,11/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,29 Rubens Gr,4,h,3800000,PI,Marshall,11/02/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carnegie,207/21 Belsize Av,2,u,576800,SP,Woodards,11/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/22 Kokaribb Rd,2,u,465000,S,Ray,11/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/16 Newman Av,2,u,757500,S,Ray,11/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,7 Carmela Wy,4,h,535000,S,Ray,11/02/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Chadstone,2/14 Cole Cr,3,t,999000,S,Ray,11/02/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/12 Moorong St,4,t,1042500,S,Buxton,11/02/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,2/11 Argus St,2,u,570000,S,hockingstuart,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Cox St,4,h,1042500,S,O'Brien,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16A Devon St,3,t,905000,SP,O'Brien,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Evergreen Cct,4,t,875000,SP,Hodges,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,23 Kardinian Av,4,h,925000,SP,O'Brien,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Ramsay Ct,3,h,1055000,S,O'Brien,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19 Tilley St,4,h,925000,S,Ray,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12/310 Warrigal Rd,2,u,525000,SP,Hodges,11/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,5 Buggyride La,4,h,680000,VB,McGrath,11/02/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Coburg,10 Stockade Av,3,t,810000,S,JMRE,11/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3 Headley St,3,h,,PN,Nelson,11/02/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,1/79 Oxford St,2,h,1230000,S,Jellis,11/02/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,9 Hardy Av,3,h,490000,S,Ray,11/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,69 Wattleglen St,3,h,426750,S,YPA,11/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,6 Kincumber Dr,5,h,715000,PI,C21,11/02/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,50 Pascoe Av,3,h,680000,S,Philip,11/02/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,37 Blazey Rd,3,h,702500,S,Fletchers,11/02/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,22 Benalla St,3,h,406000,S,Jason,11/02/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,1/38 Bruce St,4,h,500000,VB,Hall,11/02/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,4 Cornelius St,3,h,570000,S,O'Brien,11/02/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,17 King St,3,h,,PI,Ray,11/02/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,10/9 King St,2,u,,PI,O'Brien,11/02/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Derrimut,2 Scotney Cr,5,h,825000,S,HAR,11/02/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,102 Oronsay Cr,5,h,,PI,Morrison,11/02/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,3/4 Frank St,3,t,950000,S,Ham,11/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,28 Hertford Rd,3,h,1250500,SP,Parkes,11/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,315 Serpells Rd,4,h,1210000,S,Jellis,11/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,2 Lynne St,3,h,1105000,S,Philip,11/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,28 Martha St,3,h,1000500,S,Barry,11/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,10 Betula St,3,h,488000,S,O'Brien,11/02/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,201/150 Clarendon St,2,u,,SP,RT,11/02/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,2/30 Munro Av,3,t,750000,VB,Hodges,11/02/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elwood,76 Byron St,3,h,1238000,S,Buxton,11/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/6 May St,2,u,640000,S,Gary,11/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,20 Foxzami Cr,3,h,520000,S,RW,11/02/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/57 Wedge St,3,u,432000,S,Harcourts,11/02/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,26 Bradshaw St,4,h,1402000,S,Nelson,11/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/155 Deakin St,3,h,897000,S,Frank,11/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,3/18 Gillies St,2,u,730000,S,Jellis,11/02/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Ferntree Gully,27 Nerissa St,4,h,755000,S,Ray,11/02/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,3/6 Melville St,2,t,,S,Nelson,11/02/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,4/64 Dover St,2,u,,SP,Nelson,11/02/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,211A Ballarat Rd,2,h,950000,PI,Burnham,11/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,13/2 Saltriver Pl,3,u,674000,S,Jellis,11/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,18 Fisher St,3,h,1000000,S,Stockdale,11/02/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,24 Longbrae Av,3,h,1000000,S,Ray,11/02/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,54 Raleigh St,3,h,1035500,S,Noel,11/02/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,37 Jacana Av,3,h,475000,S,Harcourts,11/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,52 Nodding Av,3,h,425000,S,O'Brien,11/02/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,30 Brighton St,3,t,580000,S,O'Brien,11/02/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,3 Crestview Ct,4,h,647000,S,Bowman,11/02/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Marama Dr,4,h,686000,S,O'Brien,11/02/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,3 The Enclave,4,h,1300000,SA,McEwing,11/02/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,66A Gardenvale Rd,3,h,1250000,PI,Nick,11/02/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,36 Nigel Cr,4,h,755000,S,Barry,11/02/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,3/4 Edgar St,3,u,,S,hockingstuart,11/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Greensborough,82 Alexandra St,2,h,689000,SP,Barry,11/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,39 Brinawa Dr,3,h,,SN,Ray,11/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,26 Heversham Gr,4,h,682000,S,YPA,11/02/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,25 Francis St,4,h,918000,S,Brad,11/02/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,344 Hampton St,4,h,1875000,PI,Hodges,11/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,199 Ludstone St,2,h,,S,Hodges,11/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2/17 Keiller St,2,u,475000,S,Buxton,11/02/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,13 Widdop Cr,4,h,,PI,Buxton,11/02/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Heatherton,30 Carnoustie Pde,4,h,1010000,PI,Greg,11/02/2017,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heidelberg Heights,6/34 Bonar St,3,t,706750,S,Nelson,11/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,34 Law St,2,h,785000,S,Barry,11/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,250 Oriel Rd,3,h,808000,S,Barry,11/02/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,290 Oriel Rd,3,h,652000,S,Barry,11/02/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,22 Morley Cr,2,h,755000,S,Buxton,11/02/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,16 Alsace Av,3,h,355000,PI,Sweeney,11/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Arundel Ct,3,h,500000,SP,Barry,11/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,31 Baden Dr,3,h,430000,SP,Greg,11/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,34 Bellbridge Dr,3,h,,SN,Stockdale,11/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Johnson Av,4,h,650000,S,hockingstuart,11/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Northey Cr,3,h,400000,S,YPA,11/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,5/14 Athelstane Gr,2,u,,W,Ray,11/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,30 Oriel Rd,3,h,1220000,S,Ray,11/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor,11 Hislop St,4,h,1235000,S,Daniel,11/02/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,48 Wimmera Cr,3,h,618000,S,Prof.,11/02/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,122 Prospect Dr,3,h,695000,S,Moonee,11/02/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,7A Malibu Gr,4,h,710000,S,HAR,11/02/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,60 Erebus St,4,h,843000,S,Barry,11/02/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,407/72 Altona St,2,u,515000,SP,Pagan,11/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,206 Stockmans Wy,2,t,781000,S,Edward,11/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,47 Brougham St,3,h,1668000,S,Caine,11/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,5/111 Kilby Rd,3,u,,SP,Marshall,11/02/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsbury,24 Stymie St,5,h,1000000,SP,Ray,11/02/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kurunjang,3 Lagarna Dr,3,h,332000,S,hockingstuart,11/02/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,30 Richards St,3,h,518000,S,Harcourts,11/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,7 Brightwell Rd,2,h,538000,S,iTRAK,11/02/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +MacLeod,25 Strathallan Rd,3,h,1275000,S,Ray,11/02/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,4/4 Crefden St,2,u,335000,SP,Biggin,11/02/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,3/1 Wilton Vale Cr,2,u,735000,S,Fletchers/Fletchers,11/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,455 Gordon St,3,t,1011000,S,Greg,11/02/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,11 Carlton St,2,h,1170000,S,Buxton,11/02/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,12B Chalmers St,4,t,1518000,S,hockingstuart,11/02/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,2/18 Hopkins St,3,u,,SN,Nick,11/02/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,33 Buchan St,4,h,437500,S,YPA,11/02/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2304/620 Collins St,2,u,,PI,Harcourts,11/02/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,52 Oneills Rd,3,h,255000,PI,Ray,11/02/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,47 Plover St,3,h,,PI,hockingstuart,11/02/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,25 Clement Wy,4,h,350000,VB,Ray,11/02/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,19 Chelmsford Wy,4,h,342000,S,hockingstuart,11/02/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/138 Warrigal Rd,2,u,525000,SP,hockingstuart,11/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mill Park,21 Boyle Cr,3,h,625000,S,Ray,11/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,27 Marshall Dr,3,h,600000,S,Ray,11/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,11 Dawe Rd,5,h,,SN,Noel,11/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/35 Glenburnie Rd,2,u,718000,S,Ray,11/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Walter St,4,t,920000,SP,Noel,11/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/760 Whitehorse Rd,2,u,602000,S,Noel,11/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/17 Elmo Rd,4,h,982000,S,Morrison,11/02/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,31 Bowen St,2,h,860000,S,Nelson,11/02/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,7 Browning St,3,h,1260000,S,Jellis,11/02/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,14 Barbara St,4,h,,PI,Buxton,11/02/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,5A William St,4,h,1016000,S,Buxton,11/02/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,240 Manchester Rd,4,h,770000,S,Fletchers,11/02/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,105 Partridge Wy,5,h,883000,S,Jellis,11/02/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,4/70 Chute St,1,u,332500,S,Ray,11/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3/11 McDonald St,1,u,370000,S,Buxton,11/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2A Scarlet St,3,h,640000,PI,Hodges,11/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3/10 Dorgan St,4,t,,PI,Jellis,11/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16/12 Surrey Rd,3,u,733000,S,Jellis,11/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,143 Hansworth St,4,h,1055000,S,Barry,11/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,114 Haverbrack Dr,4,h,880000,S,Barry,11/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Newport,34 Franklin St,2,h,910000,S,Greg,11/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/145 Mason St,2,h,780000,SP,RT,11/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,3/12 Elstone Ct,3,t,676000,S,Nelson,11/02/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,5 Hamilton St,3,h,991000,S,Brad,11/02/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,303/503 Keilor Rd,2,u,,PI,Barry,11/02/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1g Newman St,2,t,610000,SP,Barry,11/02/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,37 Comber St,3,h,,SP,C21,11/02/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/23 French St,3,u,550000,SP,Greg,11/02/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,15A Lothian St,3,t,1300000,S,Jellis,11/02/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,109 Victoria Rd,3,h,1300000,S,Nelson,11/02/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,4 Pemberley Dr,3,h,,SP,Fletchers,11/02/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Oak Park,6A Albert St,4,t,,PI,Brad,11/02/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/22 Lex Gr,3,t,770000,S,Brad,11/02/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,3 Estelle St,3,h,1045000,S,Ray,11/02/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/13 Boyd Av,3,u,770000,S,Buxton,11/02/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,4 Cascade St,5,h,900000,S,Ray,11/02/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Parkdale,2/122 Beach Rd,2,u,480500,S,Thomson,11/02/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,5 Birdwood St,4,h,2400000,VB,hockingstuart,11/02/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,2/86 Cade Wy,2,u,500000,VB,Jellis,11/02/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,154 Park Dr,2,h,,S,Collins,11/02/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,47/202 The Avenue,1,u,395000,SP,Woodards,11/02/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,4/18 Danin St,2,t,476450,S,Eview,11/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,344 Gaffney St,3,h,810000,S,Brad,11/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Reservoir,3/12 Evans Cr,2,t,,PN,Nelson,11/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/953 High St,2,h,555000,S,Nelson,11/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/89 Purinuan Rd,2,t,350000,S,Nelson,11/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/116 Summerhill Rd,3,h,540000,PI,Ray,11/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,1/1 Ellis St,2,u,600000,S,Biggin,11/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28/8 Hull St,2,u,450000,PI,Biggin,11/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3 Hillcrest Av,3,h,,PI,Philip,11/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/34 Sherbrook Av,2,h,,PI,Philip,11/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,108 Dublin Rd,3,h,,SN,Fletchers,11/02/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,49 Eastfield Rd,4,h,791000,S,Carter,11/02/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,70 McCrae Rd,3,h,780000,S,Barry,11/02/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,15 Sheridan Av,4,h,935000,S,Harcourts,11/02/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,19 Lachlan Cr,3,h,451000,S,Raine,11/02/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,46 Sahi Cr,4,h,410000,SP,Raine,11/02/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,43 Coolibar Av,3,h,685000,SA,Ray,11/02/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,18 Elliott St,3,h,660000,S,O'Brien,11/02/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,22A Cobden St,2,h,930000,SP,Cayzer,11/02/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Yarra,16/124 Caroline St,1,u,450000,PI,hockingstuart,11/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,22/43 Caroline St,1,u,,SP,hockingstuart,11/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16/26 Toorak Rd,1,u,407000,SP,hockingstuart,11/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,308/18 Kavanagh St,1,u,455000,S,Greg,11/02/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,185/38 Kavanagh St,2,u,,PI,Fletchers,11/02/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,37 Donald St,3,h,750000,S,iSell,11/02/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,47 Charlotte St,3,h,660500,S,Stockdale,11/02/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,12 Harleston St,3,h,546000,S,HAR,11/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,201 Taylors Rd,3,h,550000,SP,Ray,11/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,216/5 Alma Rd,1,u,475000,SP,Buxton,11/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/352 Canterbury Rd,2,u,390000,VB,Buxton,11/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/10 Carlisle St,1,u,500000,VB,Buxton,11/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/12 St Leonards Av,2,u,730000,VB,Wilson,11/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,69 Lloyd St,4,h,1635000,S,Considine,11/02/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,34 Woodland St,3,h,1194000,S,Nelson,11/02/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Surrey Hills,4/35 Durham Rd,2,u,,S,Jellis,11/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,15/20 Florence Rd,3,u,880000,S,Fletchers,11/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,29 Camelot Dr,3,h,480000,S,hockingstuart,11/02/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,14 Birchgrove Wy,4,h,796000,S,Ray,11/02/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,8 Swanston Ct,4,h,605000,S,Ray,11/02/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,39 Corryong Cr,4,h,685000,PI,YPA,11/02/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,55 Chatsworth Qd,2,t,692000,S,Philip,11/02/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Ascot Ct,4,h,577000,S,hockingstuart,11/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,43 Wilgah St,2,u,426000,S,Harcourts,11/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,178 Clarendon St,3,h,1430000,S,Nelson,11/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/120 Dundas St,2,t,,PN,Nelson,11/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/13 Mansfield St,2,u,525500,S,Nelson,11/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Vermont South,641 Springvale Rd,4,h,,PI,Nexus,11/02/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,28 Alderford Dr,4,h,805000,S,Hodges,11/02/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,59 Dunbarton Dr,4,h,855000,S,Harcourts,11/02/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,3 Kirrum Cl,4,h,1660000,S,JRW,11/02/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,13 Allandale Ct,3,h,502000,S,YPA,11/02/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,78 Songlark Cr,3,h,450000,S,hockingstuart,11/02/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,44 Walls Rd,3,h,398000,S,YPA,11/02/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,8/21 Hampton Pde,1,u,241000,S,Sweeney,11/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,205/172 Rupert St,1,u,,PI,hockingstuart,11/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,12 Stonemark Ct,3,h,910000,S,Biggin,11/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,287 Mickleham Rd,4,h,537000,SP,Barry,11/02/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,988 Waverley Rd,5,h,1100000,PI,Ray,11/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Windsor,6/10 Wrexham Rd,1,u,452000,S,Marshall,11/02/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,2 Cairn Ct,5,h,412000,S,hockingstuart,11/02/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,14 Ribblesdale Av,3,h,367000,SP,FN,11/02/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,267 Yallambie Rd,3,h,753000,S,Barry,11/02/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,18 Free St,3,h,1035000,S,Jas,11/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,122 Stephen St,1,u,510000,SP,hockingstuart,11/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,9/51 Stephen St,2,u,381000,PI,Jas,11/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Altona,54 Seves St,3,h,766000,S,Williams,11/03/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,1/256 Mason St,2,t,640000,S,Williams,11/03/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,21 Verdant Av,3,h,574000,SP,Barry,11/03/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ascot Vale,11 Ascot St,2,h,955000,S,Woodards,11/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Aspendale,1/7 Parkview Dr,3,t,,SN,Bayside,11/03/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Balwyn,11 Monash Av,5,h,3350000,PI,hockingstuart,11/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,13 Lucifer St,4,h,1670000,SP,Marshall,11/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,3 Fair La,3,h,714000,S,Barry,11/03/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bentleigh,16 Strathmore St,4,h,,S,Ray,11/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,77b Stockdale Av,4,t,1235000,SP,hockingstuart/Buxton,11/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Blackburn,21 Larch St,3,h,1402000,S,Ray,11/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,14 Wolseley Cr,4,h,,SN,Noel,11/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Braybrook,20 Balmoral St,3,h,730000,S,Barry,11/03/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brunswick,443 Albert St,2,h,1094000,S,Nelson,11/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,391 Brunswick Rd,3,h,1135000,S,Barry,11/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,18 Lowan St,4,h,1290000,S,Jellis,11/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Bulleen,19 Warringal St,4,h,1280000,S,Barry,11/03/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Thor Ct,3,h,680000,S,Ray,11/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,28 Farleigh Av,3,t,,S,Buxton,11/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/10 McComas Gr,2,u,650000,PI,Buxton,11/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,8 McCubbin St,4,h,,S,Buxton,11/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,19 Wallace Rd,3,h,,SN,Woodards,11/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,1/24 Highview Gr,4,t,,SP,RT,11/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,34 Fairmont Av,4,h,,S,Marshall,11/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton North,967 Drummond St,4,h,2718000,S,Ray,11/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,9/823 Rathdowne St,1,u,468000,S,Nelson,11/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,6/9 Acacia St,1,u,,PI,Anderson,11/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,14 Emily St,3,h,1646000,S,Ray,11/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,68 Botanical Dr,3,h,,PI,Barry,11/03/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Cheltenham,7a Harpley St,2,u,712000,S,Ray,11/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,47 Thompson St,4,h,1126000,S,Harcourts,11/03/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Coburg North,23 Goleen St,3,h,782000,S,Barry,11/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,9/67 Easey St,1,u,,SN,Purplebricks,11/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,105/40 Stanley St,2,u,,VB,Jellis,11/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,4 Gallantry Av,3,h,393500,S,YPA,11/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Greenham Av,4,h,504000,S,Jason,11/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,109 Mareeba Wy,3,h,487000,S,YPA,11/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Woodlea Cr,3,h,350000,PI,Raine,11/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,103 Fairhaven Bvd,3,h,430000,S,Harcourts,11/03/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Croydon,13 Brenda Ct,3,h,845000,S,Barry,11/03/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong North,14 Glenelg St,4,h,,VB,O'Brien,11/03/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Delahey,3 Milne Ct,4,h,630000,SP,Prof.,11/03/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,1/15 Hillingdon Dr,3,t,572000,SP,Buckingham,11/03/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,26 Fernhill Dr,5,h,964000,S,Ray,11/03/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,10 Hampshire Rd,3,h,1300000,S,Barry,11/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/39 Paula Cr,3,u,885000,S,Parkes,11/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Edithvale,26 Clydebank Rd,3,h,1337000,S,Hamilton,11/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elwood,7/122 Glen Huntly Rd,2,u,510000,PI,hockingstuart,11/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,63 Aldridge St,4,h,630000,SP,O'Brien,11/03/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,28 Monteith Cr,3,h,635000,SP,O'Brien,11/03/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Essendon,14/44 Fletcher St,2,u,,PI,Re,11/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,37 William St,3,h,1240000,S,Frank,11/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,18 Pitt St,4,h,635000,S,Brad,11/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy North,13 Alister St,5,h,2875000,S,Nelson,11/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Forest Hill,21 Bessazile Av,3,h,1180000,S,Noel,11/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,37 Romoly Dr,3,h,1096000,S,Noel,11/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Glen Iris,4 Howard St,4,h,,SN,Kay,11/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/292 Warrigal Rd,2,u,,SP,Buxton,11/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,12 Grevillia Ct,5,h,1480000,PI,Fletchers,11/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/13 Hunter St,4,t,,SP,Biggin,11/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,45 Cosmos St,5,h,810000,S,Stockdale,11/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,116b Hilton St,3,t,580000,S,Melbourne,11/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,17 Hamlet St,4,h,770000,S,Miles,11/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Warralong Av,4,h,755000,SP,Buckingham,11/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hadfield,63 East St,3,h,,SP,Nelson,11/03/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hawthorn,1/41 Morang Rd,1,u,450000,S,Collins,11/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,18 Carlyle St,4,h,3050000,S,Kay,11/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,17/127 Hawdon St,2,u,579000,S,Nelson,11/03/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Hoppers Crossing,6 Mokhtar Dr,3,h,453000,S,YPA,11/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Keilor East,8 Nyah St,3,h,915000,S,Nelson,11/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,17/29 Bendall St,3,u,570000,VB,Hodges,11/03/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,88 Edgevale Rd,4,h,2315000,S,Marshall,11/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,4 Hagan Pl,4,h,,PI,Area,11/03/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,5 Caroline St,4,h,831000,S,iTRAK,11/03/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsbury,53 Scott Gr,2,h,731000,S,Ray,11/03/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,49 Coromandel Cr,4,h,810000,PI,Prof.,11/03/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,44 Derrick St,3,h,615000,SP,Love,11/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,12/80 Potts Rd,2,u,389000,S,Barry,11/03/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Malvern East,1039e Dandenong Rd,3,t,,PI,Ray,11/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,1/9 Warrs Rd,3,h,840000,S,hockingstuart,11/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,7A Chalmers St,3,h,,SP,hockingstuart,11/03/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melton,39 Palmerston St,3,h,313000,S,hockingstuart,11/03/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,37 Mitchell Rd,3,h,237000,S,PRDNationwide,11/03/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mitcham,27A Creek Rd,4,t,1015000,SA,HAR,11/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,1/8 McCarthy Gr,3,t,,SP,Buckingham,11/03/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Mount Waverley,2/27 Portsmouth St,3,t,876000,S,McGrath,11/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,7 Newcastle Dr,3,h,640000,S,Ray,11/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18 Southhampton Dr,3,h,660000,S,Ray,11/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Northcote,18/70 Gadd St,2,t,680000,PI,Ray,11/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,5 Gladys St,5,h,1800000,VB,Noel,11/03/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,6 Kett St,3,h,864500,S,Ray,11/03/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh East,1/6 Tullius Av,3,h,850000,S,Barry,11/03/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,3/1073 Centre Rd,3,h,782000,SP,Woodards,11/03/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Parkdale,61 Marriott St,3,h,1110000,S,Ray,11/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,9 Bendigo St,2,h,920000,S,Brad,11/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,9 Dunlop Wy,3,h,460000,SP,YPA,11/03/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,2 Gallant Rd,4,h,640000,SP,Harcourts,11/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3 Reef Wk,3,h,450000,VB,hockingstuart,11/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Preston,33 Austral Av,3,h,860000,SP,Nelson,11/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Morgan St,3,h,990000,PI,hockingstuart,11/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/104 Regent St,2,u,512000,S,Nelson,11/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,1/5 Box St,3,t,678000,S,RW,11/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/4 Wilkinson St,2,t,,PI,Ray,11/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Rowville,6 Moama Pl,4,h,1285000,S,Barry,11/03/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,14 Thompson Cr,4,h,458500,S,Ray,11/03/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Scoresby,11 Roma St,3,h,820000,S,Stockdale,11/03/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Skye,58 Sanoma Dr,4,h,550000,S,Harcourts,11/03/2017,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Kingsville,70 Stephenson St,4,h,,PI,Barlow,11/03/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +Southbank,1509/152 Sturt St,2,u,569000,S,MICM,11/03/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +St Albans,52 Charles St,3,h,635000,S,YPA,11/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/31 Marsden Cr,2,t,330000,S,YPA,11/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3 Pennell Av,3,h,755000,S,Ray,11/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,46 Dalgety St,4,h,,VB,Marshall,11/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunshine North,62 Northumberland Rd,3,h,790000,S,Purplebricks,11/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,23 Sandford Av,4,h,625000,PI,Douglas,11/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,25 Rautman Cr,3,h,550000,S,Barry,11/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,268 Wright St,4,h,601000,S,Barry,11/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,11 Goodwood St,5,h,,PN,hockingstuart,11/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,7 Leda Dr,3,h,411500,S,Barry,11/03/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Templestowe Lower,45 Lynnwood Pde,5,h,1710000,S,Barry,11/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,7 Highlands Rd,3,h,855000,S,hockingstuart,11/03/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/4 Spring St,3,t,555000,SP,Barry,11/03/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Toorak,7 Monomeath Av,3,h,3850000,S,RT,11/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,296A Williams Rd,3,h,2840000,PI,Marshall,11/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Wantirna South,26 Piccadilly Av,4,h,1170000,S,Barry,11/03/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,6 Edinburgh Ct,3,h,419000,S,hockingstuart,11/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Williamstown,73 Victoria St,4,h,1900000,SP,Village,11/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,8/46 Kororoit Creek Rd,2,u,460000,SP,Williams,11/03/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Wyndham Vale,19 Aldridge Rd,4,h,,SS,Harcourts,11/03/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,23 Millewa Wy,3,h,365000,S,YPA,11/03/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Airport West,3/53 Clydesdale Rd,3,u,630000,VB,Barry,11/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/34 Elstone Av,2,h,601000,S,Nelson,11/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/36 Highlands Av,3,u,560000,VB,Barry,11/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,74 Kingsley Rd,3,h,865000,S,Nelson,11/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,4/62 McIntosh St,2,u,520000,SA,Brad,11/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,5/36 York St,2,u,622000,S,Nelson,11/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,112 Danks St,2,h,1520000,SP,Greg,11/08/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,88 Merton St,3,h,3000000,VB,hockingstuart,11/08/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,22 Naroon Rd,2,h,1780000,SP,Nelson,11/08/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,32 Curlew Av,3,h,1100000,SP,Village,11/08/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,307/105 Pier St,2,u,430000,S,Woodards,11/08/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,77b Third Av,4,t,1070000,SP,Biggin,11/08/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,21 Chatsworth Av,4,h,610000,S,Barry,11/08/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,37 Sunhill Cr,2,h,455000,SP,Jas,11/08/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,5/603 Dandenong Rd,2,u,,SP,Thomson,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11/13 Denbigh Rd,3,t,,VB,Jellis,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/50 Denbigh Rd,2,u,600000,VB,Gary,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8 Moorhouse St,3,h,2500000,VB,Jellis,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,30 New St,3,h,,S,RT,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/17 Northcote Rd,2,u,856000,S,hockingstuart,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,67 Northcote Rd,4,h,,S,Marshall,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/77 Wattletree Rd,2,u,,PN,Abercromby's,11/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,4 Eden Ct,4,h,1340000,SP,Barry,11/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/27 Epsom Rd,2,u,,S,Nelson,11/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,23 Fenton St,2,h,1386000,S,Nelson,11/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/223 Maribyrnong Rd,2,u,600000,VB,Jellis,11/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,10/39 Myrnong Cr,1,u,307000,SP,Nelson,11/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,81 Fakenham Rd,3,h,1700000,VB,Marshall,11/08/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,34 Barrington Dr,4,h,1573000,SP,Buxton,11/08/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Attwood,2A Victor Pl,3,h,,PI,YPA,11/08/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,95 Riviera Rd,4,h,1235000,S,Brad,11/08/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,2/47 Blenheim St,3,t,,S,Buxton,11/08/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,110 Rochester Rd,3,h,,S,Jellis,11/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/1070 Burke Rd,3,t,1130000,S,Fletchers,11/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,13 Hatfield St,3,h,1446000,S,Buxton,11/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Ursa St,3,h,,S,Nelson,11/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,1/21 Bonanza Rd,2,u,,SN,Hodges,11/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7/3 Coles Ct,1,u,435000,SP,Jellis,11/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,33b Luckins Rd,4,t,,PI,Jellis,11/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/39 Nicholson St,1,u,,SP,Steller,11/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,70 Tucker Rd,2,h,980000,PI,Buxton,11/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,9 Bayview St,2,u,930000,S,Hodges,11/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Dromana Av,4,h,1450000,VB,Gary,11/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Leigh St,4,h,950000,VB,Woodards,11/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,121 Marlborough St,4,h,,PI,Buxton,11/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/28 Monash St,2,u,,S,Buxton,11/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10b Thomasina St,4,t,1300000,VB,Gary,11/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Blackburn North,8 Harris St,4,h,1800000,S,Fletchers,11/08/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Bonbeach,4/12 Golden Av,2,u,490000,SA,Hodges,11/08/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,47 Paton Cr,4,h,999999,S,Biggin,11/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,14 Landale St,3,h,1260000,S,RW,11/08/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,18 Barkly St,3,h,1870000,S,Kay,11/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,136 Bay St,3,h,1400000,S,Buxton,11/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,846 Hampton St,3,t,148000,VB,Jellis,11/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,87 Male St,4,h,2100000,VB,Marshall,11/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Oakwood Av,4,h,1800000,PI,Buxton,11/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/13 Parliament St,2,u,800000,VB,Marshall,11/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,8a Beddoe Av,4,t,1450000,VB,Buxton,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Beenak Av,4,h,1650000,PI,O'Brien,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,33 Camperdown St,4,h,2305000,S,O'Brien,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,80 Comer St,3,h,1800000,VB,Jellis,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,50 Lucas St,5,t,2900000,VB,Marshall,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,58 Marriage Rd,2,h,1700000,VB,Nick,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Meyer Ct,4,h,,S,Marshall,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,50A Milroy St,2,h,1170000,S,RT,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/377 South Rd,2,u,775000,VB,Buxton,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,17 Violet Cr,5,h,1800000,VB,Whiting,11/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,136A Johnstone St,2,t,450000,PI,YPA,11/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,23 Tatura Cr,3,h,565000,S,YPA,11/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/54 Millers Rd,3,h,680000,VB,Jas,11/08/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,3 Nolan Av,3,h,,W,Village,11/08/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,67 Stenhouse Av,3,t,640000,SA,hockingstuart,11/08/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,6 Church St,2,h,880000,VB,Nelson,11/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,60 Dunstan Av,3,h,880000,S,Nelson,11/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/53 Evans St,2,h,860000,S,Nelson,11/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,304/5 Union St,2,u,,SP,Jellis,11/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,10 Bladen Av,4,h,,VB,Collins,11/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Bulleen,46 Millicent Av,4,h,1000000,PI,Jellis,11/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,58 Pinnacle Cr,3,h,1049000,PI,Barry,11/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/62 Thompsons Rd,3,t,855000,PI,Barry,11/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Burnside Heights,42 Wilkins Cr,3,h,,PI,FN,11/08/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,2/29 Ireland St,4,t,,SN,RW,11/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,9 Iris St,3,h,1386600,S,Buxton,11/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,37 Muyan Cct,3,h,800000,PI,Ray,11/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,27 Feathertop Ch,5,t,,PI,Noel,11/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,34 Jade Cct,4,h,1000000,S,Ray,11/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,28 Cairnlea Dr,4,h,890000,VB,GL,11/08/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,54 Athelstan Rd,4,h,2075000,S,Jellis,11/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Gavan St,4,t,1650000,S,Jellis,11/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10/27 High Rd,4,u,,PI,Woodards,11/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,36 Highfield Rd,5,h,,S,Marshall,11/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/74 Wattle Valley Rd,2,u,,PI,Woodards,11/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,3/1044 Drummond St,3,t,1036000,S,Nicholson,11/08/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,21/1150 Dandenong Rd,2,u,420000,S,Ray,11/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/32 Jersey Pde,2,u,500500,S,Ray,11/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/373 Neerim Rd,1,u,280000,VB,Gary,11/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,28b Woornack Rd,3,h,880000,PI,hockingstuart,11/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield North,2/370 Orrong Rd,2,u,530000,PI,hockingstuart,11/08/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,13 Imperial Av,3,h,1352500,S,Gary,11/08/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,271b North Rd,4,t,1500000,VB,Gary,11/08/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,291 Huntingdale Rd,3,h,1132000,S,McGrath,11/08/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/4 Tandara Ct,3,t,910000,SP,Ace,11/08/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,32 Armistan Cr,3,h,860000,S,Buxton,11/08/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,37 Fifth Av,4,h,860000,S,Ray,11/08/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,108 Devon St,4,h,1320000,S,Ray,11/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2A Harvey Ct,6,h,,PI,Ray,11/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/1 Jellicoe St,2,u,,VB,Ray,11/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Shirlian St,3,h,899000,S,Barry,11/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,20 Clarinda Rd,4,h,,S,Jellis,11/08/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,38 Melaleuca Dr,3,h,871000,S,Jellis,11/08/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,12 Brushbox Ct,3,t,550000,VB,Ray,11/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1931 Dandenong Rd,3,h,1721135,S,HAR,11/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/80 Fulton St,3,u,760000,S,Ray,11/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,22 Harlington St,3,h,900000,S,Ray,11/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,482B Haughton Rd,2,t,510000,VB,Darras,11/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/22 Mallawa St,3,t,885000,S,Ray,11/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/24 Newport Rd,2,t,630000,S,HAR,11/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,27 Second St,4,h,,PI,Win,11/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,150 Roseneath St,4,h,,SP,Collins,11/08/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clyde North,2 Hollingrove Av,4,h,,W,Harcourts,11/08/2018,3978,Eastern Victoria,2987,43.4,Casey City Council +Coburg,1/86 Gordon St,2,u,720000,S,Nelson,11/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,20 Merribell Av,4,h,1197000,SP,Nelson,11/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13A Ohea St,3,h,840000,SP,Upside,11/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,22 Ohea St,3,h,850000,SP,Raine,11/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/106 Rennie St,2,h,677500,S,Nelson,11/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,30 Watchtower Rd,3,t,700000,PI,Scott,11/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Cockatoo,13 Lisheen Rd,4,h,397000,S,Kaye,11/08/2018,3781,Eastern Victoria,1636,42.1,Cardinia Shire Council +Collingwood,42A Charlotte St,3,h,1291000,S,Nelson,11/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,43 Bowral Lp,3,h,,PN,Jason,11/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Hampton St,4,h,630000,S,Ray,11/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Rossdale St,3,h,554500,SP,YPA,11/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon North,21 Warrien Rd,4,h,750000,VB,Ray,11/08/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,58 Eastfield Rd,3,h,700000,VB,Barry,11/08/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,3A Colac St,3,h,,PI,Stockdale,11/08/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,19 Garside St,3,h,539000,S,Del,11/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,87 Hammond Rd,3,h,596000,S,O'Brien,11/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,172 Neale Rd,4,h,480000,S,Barry,11/08/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,6 Summers St,4,h,692700,S,Ray,11/08/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,5 Welwyn Pde,3,h,557500,S,hockingstuart,11/08/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,12 Kingsbury Ct,4,h,820000,SP,Barry,11/08/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5 Locksley Cl,3,h,855000,S,Area,11/08/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,75 Turana St,4,h,,SN,Buxton,11/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/56 Devon Dr,3,u,,PI,Philip,11/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,23a Dryden St,4,h,1250000,S,Noel,11/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/44 Franklin Rd,3,u,820000,S,Jellis,11/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,11 Parkville Pl,4,h,1520000,PI,Jellis,11/08/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,25 Breenview Pl,4,h,,W,Flannagan,11/08/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,9 Lexington Av,4,h,500000,S,HAR,11/08/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Elsternwick,6 Baxter St,4,h,,PI,Biggin,11/08/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,14/91 Bridge St,2,t,642500,S,Buckingham,11/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1A Bryan Ct,2,h,600000,VB,Morrison,11/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,7 Flint St,3,h,835000,SP,Morrison,11/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,32 Floriston Gr,4,h,1065000,SP,Jellis,11/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,89 Kalbar Rd,4,h,1200000,SP,Buckingham,11/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,5/7 Coleridge St,2,u,520000,PI,McGrath,11/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/15 Hennessy Av,2,u,888000,S,hockingstuart,11/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,106/2 Kingsley St,1,u,,PI,Purplebricks,11/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,11 Prada Dr,5,h,660000,S,Iconek,11/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Roche Ct,3,h,595000,SP,hockingstuart,11/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,72 Roberts St,5,h,1900000,VB,Brad,11/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,28 Schofield St,2,h,,S,Nelson,11/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/3 Thomson St,2,u,660500,S,Nelson,11/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,467 Buckley St,2,h,1121000,S,Nelson,11/08/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,101 Gillies St,3,h,1300000,S,Nelson,11/08/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Ferntree Gully,22 James Rd,3,h,,VB,Barry,11/08/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Flemington,5/15 Dartford St,2,u,421000,SP,Nelson,11/08/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,45 Cowper St,4,h,1350000,S,Village,11/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,105/21 Gordon St,2,u,,PI,Sweeney,11/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/20 Stirling St,1,u,,PI,Sweeney,11/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,44 Faulkner St,3,h,870000,VB,Noel,11/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,10 Ilios Cl,3,h,980000,S,Fletchers,11/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston North,43 Hodgins Cr,3,h,,W,Community,11/08/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Glen Huntly,1/18 Etna St,2,u,,PI,Woodards,11/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,14/9 Park Av,2,u,390000,S,Thomson,11/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,1/25 Royal Av,2,u,390000,S,Buxton,11/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,1/7 Waratah Av,2,u,800000,SP,Buxton,11/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,2/1 Belmont Av,2,u,,VB,LITTLE,11/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Celia St,3,h,1710000,VB,Kay,11/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/12 Dickens St,2,u,915000,S,Jellis,11/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/14 Dickens St,2,u,,VB,Fletchers,11/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,19 Chivalry Av,4,h,1005000,PI,Harcourts,11/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Landridge St,3,h,1500000,S,Barry,11/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5b Walter St,4,t,,SN,hockingstuart,11/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Greensborough,187 Grimshaw St,4,h,818000,S,Ray,11/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,31 Plenty La,3,h,610000,SP,Darren,11/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hadfield,3/150 Middle St,2,t,450000,SP,Barry,11/08/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,4/1 Edinburgh St,2,u,835000,S,Buxton,11/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,112 Linacre Rd,3,h,1390000,S,Buxton,11/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,178 Ludstone St,2,h,1475000,VB,Buxton,11/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,23 Retreat Rd,2,h,1165000,PI,Marshall,11/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,13 Belgrave St,3,h,1625000,VB,Jellis,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12 Bell St,2,h,1850000,VB,Marshall,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,19 Bowen St,3,h,,S,Marshall,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,27 Callantina Rd,4,h,,S,RT,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/18 Connell St,2,u,655000,S,Marshall,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10 Leslie St,3,h,,PI,Jellis,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8A Paterson St,2,h,,PI,Woodards,11/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5 Currajong Rd,4,h,3105000,S,Jellis,11/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9 Harts Pde,4,h,,PN,Marshall,11/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,106/428 Tooronga Rd,2,u,670000,VB,RT,11/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,1/146 Cape St,3,h,1020000,S,Ray,11/08/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,16 Carbeena Pde,3,h,,PI,William,11/08/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1/140 Highett Rd,2,u,575000,PI,Ray,11/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,23 Jackson Rd,3,h,1275000,S,Buxton,11/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,31 Royalty Av,4,h,,SP,Jellis,11/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,105/35 Tennyson St,2,u,525200,S,Buxton,11/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2 The Willows,5,h,,S,O'Brien,11/08/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,242 Derrimut Rd,3,h,595000,S,Barry,11/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,43 Dowling Av,4,h,610000,PI,P,11/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2A Hotham St,3,h,1251000,S,Thomson,11/08/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,1/9 Berkeley St,3,u,820000,S,Ray,11/08/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,2/6 Shafton St,2,u,580000,PI,Ray,11/08/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe East,537 The Boulevard,3,h,1950000,VB,Miles,11/08/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,5 Bamburgh St,3,h,615000,S,Stockdale,11/08/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,25a Emu Pde,2,h,450000,PI,YPA,11/08/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kallista,21 Sunnyslopes Rd,4,h,1080000,SP,Fletchers,11/08/2018,3791,Eastern Victoria,622,31.6,Yarra Ranges Shire Council +Keilor,1 Kiewa Cr,3,h,740000,PI,Brad,11/08/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,61 Parramatta Rd,3,h,731000,S,Brad,11/08/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,2/21 Aquanita Cr,3,t,575000,S,Barry,11/08/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,11 Belle Vs,2,t,,PN,Harcourts,11/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,33 Lauricella Av,3,h,750000,S,Nelson,11/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,50 Noga Av,3,h,880000,PI,Nelson,11/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,17 Bendall St,4,h,1400000,VB,Nelson,11/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,9 Halford La,1,t,570900,SP,Alexkarbon,11/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,4/50 Henry St,2,u,652000,S,Nelson,11/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,62 Derby St,2,h,1000000,VB,Marshall,11/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/92 Princess St,2,u,640000,S,Philip,11/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11 Ross St,4,h,,S,Jellis,11/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/44 Tennyson St,3,t,1250000,VB,Kay,11/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,35 Wills St,3,h,,PN,Marshall,11/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,42A Belford Rd,3,h,,SP,Marshall,11/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,114 Kilby Rd,4,h,,S,Marshall,11/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsbury,42 Scott Gr,3,h,780000,S,Barry,11/08/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,19/57 Kingsville St,1,u,,PI,Sweeney,11/08/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,8 Avenel Rd,5,h,,S,Marshall,11/08/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,224 Dalton Rd,3,h,,SN,Love,11/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,16 Sydney Cr,4,h,680000,PI,hockingstuart,11/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,14 Cavill Cl,4,h,697000,SP,UFirst,11/08/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,49 Turner Rd,4,h,,PI,UFirst,11/08/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,29 Trafalgar Cr,4,h,710000,SP,McGrath,11/08/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Maidstone,3/8 Bernard St,2,t,640000,PI,Biggin,11/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,1/347 Glenferrie Rd,3,u,,PN,RT,11/08/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,60 Abbotsford Av,3,h,1180000,S,Nelson,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5 Argyll St,4,h,1330000,S,Marshall,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 Bent St,3,h,1625000,VB,hockingstuart,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4 Bruce St,3,h,,SN,Biggin,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/8 Fisher St,2,u,795000,S,Ray,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Gabriel Av,4,h,,S,Jellis,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6 Lang Ct,5,h,,S,Jellis,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1A Nirvana Av,4,h,1500000,VB,Marshall,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,32B Nott St,2,h,,PI,Thomson,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,38 Paxton St,3,h,1980000,S,Jellis,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,27 Rothesay Av,4,h,2115000,S,Marshall,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/197 Waverley Rd,2,u,651000,PI,Jellis,11/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,24 Cornwall Pl,4,h,900000,PI,hockingstuart,11/08/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,12b McKinnon Rd,4,t,,SN,Nick,11/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,38A Murray Rd,2,t,1050000,VB,Buxton,11/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,64 Murray Rd,4,h,1700000,VB,Jellis,11/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/4 Prince Edward Av,3,t,,SN,Gary,11/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,19 Ironbark Ct,4,h,,PI,YPA,11/08/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,25 Ironbark Ct,5,h,,W,HAR,11/08/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,621/118 Franklin St,3,u,605000,S,MICM,11/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,29/300 King St,2,u,,PI,Nelson,11/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,58/398 La Trobe St,3,u,1150000,S,Inner,11/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1008/480 St Kilda Rd,2,u,590000,S,Kay,11/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,2/14 Florence St,3,t,940000,S,Hodges,11/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,63 Nepean Hwy,3,h,900000,SP,Buxton,11/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,32 Teague Av,3,t,995000,S,hockingstuart,11/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,8 Blackwattle Ct,4,h,,PI,Stockdale,11/08/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Tarwin Dr,4,h,660000,PI,LJ,11/08/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,45 Heritage Wy,3,h,2090000,S,hockingstuart,11/08/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,53 Canterbury Rd,4,h,,SN,Greg,11/08/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,49a Carbon Cr,2,u,518000,SP,Love,11/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,507 Mitcham Rd,4,h,1400000,S,Noel,11/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2A Rye St,3,h,831000,S,Jellis,11/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4/2 Walker Av,2,u,475000,PI,Ray,11/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,19 View St,5,h,2495000,S,Jellis,11/08/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,1/20 Park St,2,t,860500,S,Nelson,11/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,16 Walsh Av,4,h,1155000,S,Ray,11/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,3/19 Belle Cr,2,u,,W,O'Brien,11/08/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,17 Biscayne Dr,3,h,870000,VB,Barry,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/3 Highclere Av,2,u,670000,PI,McGrath,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Montvale Mw,5,h,1432000,S,McGrath,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Ochre Pl,4,h,1140000,S,Buxton,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Viewbank Rd,3,h,1025000,S,Jellis,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Virginia St,4,h,2100000,PI,Fletchers,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/254 Waverley Rd,2,u,,PI,Win,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/44 Winbourne Rd,3,u,1253000,SP,Barry,11/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,12 Cloverdale Ct,3,h,881000,S,Ray,11/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,39 Haverbrack Dr,4,h,905000,SP,Win,11/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Sophi Ct,3,h,908000,S,Ray,11/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/21 Hobart Rd,1,u,300000,VB,hockingstuart,11/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,7/200 Murrumbeena Rd,3,u,,PI,Woodards,11/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,26A Murrumbeena Cr,3,t,965000,S,Jellis,11/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,59 Rosella St,3,h,1254000,S,Barry,11/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,56A Wallace Av,4,t,,S,Buxton,11/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,3/80 Mason St,3,u,450000,PI,Williams,11/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/71 Oxford St,3,t,890000,S,Sweeney,11/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,84 Haldane Rd,3,h,800000,VB,Nelson,11/08/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/66 Hotham Rd,2,u,652500,S,Nelson,11/08/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2 Bristol Ct,4,h,750000,S,Raine,11/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,16 Joy Pde,3,h,1120000,S,iSell,11/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Lodge St,3,h,680000,S,C,11/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,10/70 Oshanassy St,2,u,450000,PI,Woodards,11/08/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,63 Arthurton Rd,4,h,1465000,S,Nelson,11/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6B Christmas St,3,h,1330000,PI,Woodards,11/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7/10 Langwells Pde,3,t,1110000,SP,McGrath,11/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16 Victoria Rd,3,h,1095000,S,Collings,11/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,17/213 Normanby Rd,2,u,,PI,Biggin,11/08/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Notting Hill,37 Saniky St,3,h,,SN,Biggin,11/08/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Oakleigh,40 Andrew St,2,h,1165000,S,Buxton,11/08/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,6 Young St,3,h,1150000,PI,Ray,11/08/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/17 Alexander Av,3,t,855000,S,Ray,11/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,19 Dalgan St,2,h,1180000,S,O'Brien,11/08/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,7 Montrose St,3,h,800700,S,Ray,11/08/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Parkdale,26 Balmoral Dr,3,h,1000000,VB,Home,11/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4 Ivy St,3,h,1020000,VB,Maitland,11/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,4/21 Alpine Gr,2,h,,W,Nelson,11/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/5 Downs St,2,t,530000,VB,Nelson,11/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/2 Grover St,3,t,,S,Nelson,11/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/48 Pardy St,3,t,800000,PI,Rendina,11/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,33 Shaftsbury Bvd,4,h,723000,SP,Point,11/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,67 Albert St,3,h,1200000,S,Marshall,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,608/108 Bay St,2,u,725000,VB,Silver,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1/156 Bay St,3,u,1250000,SP,Buxton,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,15/181 Bay St,2,u,840000,PI,RT,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,863/1 Esplanade Pl,2,u,845000,S,hockingstuart,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,58 Poolman St,3,h,1740000,S,hockingstuart,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,330 Williamstown Rd,4,h,1200000,S,Greg,11/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,5/8 Charles St,2,u,545700,S,RT,11/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/22 Chomley St,2,u,645000,S,hockingstuart,11/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20/311 Dandenong Rd,2,u,644000,S,Besser,11/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7/43 Grandview Gr,1,u,455500,S,hockingstuart,11/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,14 Alfred St,3,h,780000,S,McGrath,11/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,23 George St,3,h,730000,SP,Philip,11/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/40 Grandview Rd,3,u,810000,S,Miles,11/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,505 Murray Rd,2,h,890000,SP,Nelson,11/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2/29 Barwon Av,4,h,,PI,Barry,11/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Daleglen St,3,h,630000,S,Barry,11/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Joan Ct,3,h,682000,S,hockingstuart,11/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,60 Powell St,4,h,1200000,VB,Nelson,11/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/64 Seston St,2,h,541000,SP,Nelson,11/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/144 St Vigeons Rd,2,u,522500,S,Ray,11/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,8/10 Elaine Ct,3,u,870000,S,Biggin,11/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/35 Jubilee Pl,2,t,1035000,SP,Jellis,11/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,95 Stawell St,2,h,,PI,Biggin,11/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24 Waltham St,2,h,1472000,S,Biggin,11/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,12 Fiona Ct,4,h,800000,PI,Jellis,11/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,17 Hillcrest Av,3,h,495000,S,McGrath,11/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,22 Kenwood Cr,3,h,790000,PI,Barry,11/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2/7 Canterbury Rd,2,u,425000,VB,Ray,11/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1b Hume St,3,h,730000,VB,Barry,11/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,19 Pine Cr,3,h,,SP,Noel,11/08/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,7 Hartley Ct,4,h,1436000,S,Fletchers/Fletchers,11/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/32 Waiora Rd,2,u,,S,Jellis,11/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,1 Perry Ct,3,h,520000,S,Raine,11/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,66 Spring St,3,h,1270000,S,hockingstuart,11/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,24 Alfred St,3,h,1015000,SP,Jas,11/08/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,52 Austin St,3,h,970000,SP,Jas,11/08/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,1/9 Bell St,3,t,1040000,SP,Jas,11/08/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,3/16 Saltley St,3,t,835000,SP,Jas,11/08/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,43 Bushmans Wy,5,h,,SP,Barry,11/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,301/1 Clara St,1,u,350000,PI,Greg,11/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1 Fawkner St,3,h,,S,RT,11/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,55 Fawkner St,2,h,1460000,PI,Jellis,11/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16 Lang St,3,h,1650000,S,Jellis,11/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,30/350 Toorak Rd,3,u,1250000,S,Jellis,11/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1109/118 Kavanagh St,2,u,,SN,MICM,11/08/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,40/106 Southbank Bvd,3,u,835000,S,hockingstuart,11/08/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,14 Kernot St,3,h,950000,PI,Greg,11/08/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale South,80 Harold Rd,3,h,720000,S,Area,11/08/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,31 Henry St,3,h,760000,S,Ray,11/08/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,103/72 Acland St,1,u,445000,S,Jellis,11/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/246 Barkly St,2,h,,PI,McGrath,11/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/5 Foster St,2,u,641600,SP,Buxton,11/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,13 Wallace Cr,4,h,1357500,S,Frank,11/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,8 Ashton St,3,h,490000,SP,Pagan,11/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,13 McLean Ct,3,h,692000,S,Brad,11/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,16 Stonemark St,3,h,,S,Barry,11/08/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,19 Blackmore St,2,h,635000,S,Douglas,11/08/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,11 Drinkwater Cr,3,h,628000,S,Bells,11/08/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sydenham,24 Albertine Cr,3,h,,PI,YPA,11/08/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,7 Joybells Cr,4,h,,W,hockingstuart,11/08/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,10 Summer Ct,4,h,680000,S,hockingstuart,11/08/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,10 Hay Av,4,h,,PI,YPA,11/08/2018,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,7 Donegal Ct,4,h,1220000,S,Barry,11/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,10 Unwin St,4,h,,S,Jellis,11/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,2/1 Eyre Ct,4,t,,PI,Fletchers,11/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,40 Hotham St,3,t,,S,Barry,11/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,42 Hotham St,2,t,750000,PI,Barry,11/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,9 Toulon Dr,5,h,1040000,PI,Jellis,11/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,6 Cranley Pl,3,h,660000,S,Love,11/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,8/131 High St,2,u,,PI,Skad,11/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,50 Flinders St,4,h,1550000,VB,Jellis,11/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/349 Rossmoyne St,2,h,700000,PI,Jellis,11/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,21 Washington St,3,t,,S,Marshall,11/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,55 Washington St,2,h,2500000,VB,Kay,11/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,294 Williams Rd,5,h,4800000,VB,Marshall,11/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,6 Birch Av,4,h,,PI,YPA,11/08/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Viewbank,377 Banyule Rd,5,h,1100000,VB,Miles,11/08/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,5 Attenborough Sq,3,h,835000,SP,Harcourts,11/08/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,30 Kingloch Pde,3,h,750000,S,Ray,11/08/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1 Glenmaggie Ct,4,h,1000000,S,Barry,11/08/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,28 Black St,3,h,910000,S,Holland,11/08/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,51 Middleton St,3,h,770000,S,Jellis,11/08/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,101 Ballan Rd,3,h,,PI,YPA,11/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8 Bower Dr,3,h,500000,S,hockingstuart,11/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,10 Busch St,3,h,770000,PI,Jas,11/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/4 Margot St,2,u,552000,SP,Jas,11/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,5 Cook Pl,4,h,,SN,YPA,11/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,7 Dooen Ct,4,h,635000,SP,Barry,11/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,16 Haven Ct,3,h,,PI,YPA,11/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,5/18 Upway Cct,2,u,,PI,YPA,11/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Williamstown,29 Clark St,2,h,1050000,PI,Raine,11/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,121 Melbourne Rd,3,h,,SN,Greg,11/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,19 Eastbourne St,4,h,,SP,Kay,11/08/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5 Newry St,3,h,1400000,PI,Jellis,11/08/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,201/27 The Avenue,2,u,,PI,Greg,11/08/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,2/36 Mombassa Dr,2,u,380000,S,hockingstuart,11/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,4 Monaco Cct,4,h,,PI,hockingstuart,11/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,16 Stradbroke Wy,4,h,,SN,Greg,11/08/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,30 Kardinia Dr,4,h,790000,SP,Morrison,11/08/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,23 Angliss St,4,h,1200000,S,Village,11/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,126 Francis St,3,h,668000,SP,Jas,11/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1 George St,2,h,1171000,SP,Village,11/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,18/146 Hyde St,2,u,487500,SP,Jas,11/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,51 Ofarrell St,2,h,1150000,VB,hockingstuart,11/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6 Powell St,3,h,,SP,Jas,11/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,142 Charles St,2,h,1300000,VB,Jellis,11/11/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,6/29 Church St,2,u,505000,S,Biggin,11/11/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,85 Nicholson St,3,u,940000,S,Biggin,11/11/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,16 Park St,2,h,,S,Dingle,11/11/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Jean St,5,h,,SP,Rendina,11/11/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,1A Vida St,3,t,1150000,S,Barry,11/11/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Albanvale,1 Fernhill Ct,4,h,560000,S,Barry,11/11/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,31A Barrett St,4,h,2200000,SP,Greg,11/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,2 Graham St,6,h,3000000,PI,Marshall,11/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,7/370 Montague St,2,t,1250000,VB,Cayzer,11/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,54 Burnewang St,3,h,635000,S,Bells,11/11/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,2/14 Ridley St,2,t,375790,SP,Jas,11/11/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,31 Naroon Rd,3,h,,SN,Miles,11/11/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,2 Lindwood Av,3,h,1050000,SP,Raine,11/11/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,37 South Av,5,h,670000,SP,Biggin,11/11/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,29 Talbot St,4,h,,VB,hockingstuart,11/11/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,46 Chambers Rd,5,h,,SN,Greg,11/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/33 Fifth Av,3,h,760000,S,RT,11/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,7 Gadsden St,3,h,840000,SP,FN,11/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,62 Hansen St,4,h,940000,SP,Hunter,11/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/4 Prentice St,3,t,755000,S,Jas,11/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,11 Prismall St,2,h,1025000,S,Greg,11/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,16 Blanche St,3,h,615000,VB,hockingstuart,11/11/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,11/26 Denbigh Rd,1,u,500000,S,Marshall,11/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,7b Rothwell St,3,h,1275000,S,Nelson,11/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,46 South St,3,h,1155000,S,Brad,11/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,133 The Parade,2,h,1365000,S,Raine,11/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,18 Waratah St,4,h,,S,Nelson,11/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,28 Highgate Gr,3,h,,SP,Jellis,11/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,11 Markham Av,4,t,,S,Jellis,11/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,6/9 Sunderland Av,3,t,1200000,S,hockingstuart,11/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,44 Cleveland Rd,4,h,1425000,S,Buxton,11/11/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,19 Bowman St,4,h,,SP,Barry,11/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,26 Bianca Dr,4,h,,SP,Ray,11/11/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,17 Pacific Dr,4,h,1232000,S,Barry,11/11/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,7 Templeman Ct,4,h,915000,SP,Barry,11/11/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,21 Chisholm Av,4,h,,PI,Barry,11/11/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,13 Cortina Pl,4,h,1030000,PI,Barry,11/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,3 Karen Ct,3,h,1100000,SP,Moonee,11/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,23 MacEy Av,3,h,880000,SP,Moonee,11/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,42 Ridge Dr,3,h,790000,VB,LITTLE,11/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,35 Rogerson St,3,h,,PI,Brad,11/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,2 Leila Ct,3,h,450000,SP,FN,11/11/2017,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balwyn,122 Belmore Rd,3,h,1725000,PI,Jellis,11/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,992 Burke Rd,4,h,,S,Jellis,11/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Kalimna St,5,h,2450000,SP,Nelson,11/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/115 Strabane Av,3,t,1340000,S,hockingstuart,11/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8/34 Weir St,2,u,530000,S,Fletchers,11/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,46 Aylmer St,4,h,3200000,VB,Jellis,11/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,407 Balwyn Rd,5,h,2075000,SP,Fletchers,11/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Ellsa St,3,h,2200000,PI,Marshall,11/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Kalka St,5,h,,VB,Fletchers,11/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,32 Severn St,3,h,2340000,S,Nelson,11/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Ventor St,4,h,1730000,SP,Fletchers,11/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,17 Koorong Av,4,h,760000,VB,Surreal,11/11/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,4 Clonmore St,4,h,1957500,SP,Hodges,11/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11 Douglas St,3,h,1720000,S,Buxton,11/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,27 Florida Av,6,h,2700000,VB,Ray,11/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,140 Reserve Rd,3,h,,SP,Marshall,11/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,28 Rossmith Av,6,h,1776000,S,Ray,11/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,44 Campbell St,4,t,1550000,VB,Jellis,11/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,70 Jasper Rd,4,t,1265159,SP,McGrath,11/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15A Miles St,3,t,1208000,S,Jellis,11/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/511 South Rd,2,u,745000,S,Jellis,11/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,8b Browns Rd,2,u,860000,SP,Gary,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Connie St,4,h,1450000,VB,Buxton,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Duckmanton Ct,4,h,,SP,Buxton,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,57A Lahona Av,4,t,1300000,PI,Buxton,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/111 Marlborough St,3,t,,SN,Gary,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,116 Marlborough St,3,t,886000,S,Ray,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 McGuinness Rd,3,h,1126500,S,Woodards,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Moylan St,3,h,1835000,S,Buxton,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,824a North Rd,4,t,1450000,VB,Buxton,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Pell St,4,h,1540000,S,Jellis,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17a Santaram St,4,h,1412000,S,Jellis,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,28 Tambet St,4,h,1960000,SP,Jellis,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Wallace St,3,h,1160000,S,Jellis,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/755 Warrigal Rd,3,t,770000,S,Jellis,11/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,1 Cory Pl,4,h,,PI,O'Brien,11/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,1 Newsom Ct,4,h,730000,S,O'Brien,11/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,29 Palmerston St,3,h,935000,SA,Barry,11/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/5 Seaview Cr,2,u,,VB,Buxton,11/11/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,12 Kerr St,5,h,,PI,Noel,11/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Patricia Rd,4,h,,SN,Woodards,11/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,40 The Avenue,4,h,2300000,VB,Jellis,11/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,16 Wellington Av,4,h,1790000,S,Philip,11/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,2/1 Grosvenor St,2,t,,W,Woodards,11/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,51 Koonung Rd,4,h,,PN,Woodards,11/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,17 Kurrajong Wy,3,h,,SP,Noel,11/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,2/21 Branksome Gr,3,u,,SP,Noel,11/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,19 Brixton St,4,h,1120000,SP,hockingstuart,11/11/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,2 Jaffa Ct,3,h,820000,S,Jellis,11/11/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,117 Kanooka Rd,4,h,878000,S,Barry,11/11/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,992 Mountain Hwy,4,h,1606000,SP,Barry,11/11/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,13 Acacia St,4,h,,PI,Buxton,11/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,20A Barkly St,5,h,1540000,S,Buxton,11/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,43 Court St,3,h,1693000,S,Noel,11/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,37 Thames St,4,h,1875000,S,RT,11/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/12 Victoria St,3,t,,VB,Fletchers,11/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,71A South Rd,3,h,800000,S,Douglas,11/11/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,67 Fernside Av,3,h,977000,S,Jellis,11/11/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,24 Pine Av,2,h,826000,S,Darren,11/11/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,26 Brickwood St,5,h,4400000,VB,Marshall,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,37 Campbell St,2,h,,PI,RT,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,17/17 Cochrane St,2,u,560000,VB,Buxton,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,28 Cochrane St,2,h,,S,Marshall,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/34 Elwood St,3,u,1200000,PI,Nick,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Gould St,3,h,,SP,Nick,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Huntley St,2,h,1350000,PI,hockingstuart,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,155c Male St,2,u,,PI,Buxton,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Meek St,4,h,,PI,Marshall,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,381 New St,5,h,,SP,Nick,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/29 Seacombe Gr,2,u,1570000,S,Marshall,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Tennyson St,5,h,,PI,Marshall,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,13 Whyte St,3,h,2230000,S,Marshall,11/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,33 Centre Rd,3,h,1750000,S,Buxton,11/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,43 Grant St,4,h,2003000,S,Marshall,11/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9A Hemming St,2,t,860000,SP,Buxton,11/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,51 Lucas St,5,h,,S,Marshall,11/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,20 Northern Av,5,h,,SP,Hodges,11/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,295 South Rd,5,h,1950000,PI,Nick,11/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,7 Berkeley Cl,4,h,850000,PI,YPA,11/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,331 Camp Rd,3,h,464000,S,Stockdale,11/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,30 Cuthbert St,4,h,605000,S,YPA,11/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3 Kerang Ct,2,h,600000,PI,RW,11/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,6 Winton Ct,4,h,605000,VB,YPA,11/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,250 Albion St,4,h,,PI,Jellis,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,204/10 Charles St,1,u,540000,SP,Jellis,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,40 Collier Cr,3,h,1100000,PI,Jellis,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/80 Dawson St,2,u,440000,VB,Nelson,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/66 De Carle St,3,u,640000,S,hockingstuart,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 George St,2,h,1340000,VB,Nelson,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10a Latrobe St,4,h,1440000,S,Nelson,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/22 Saxon St,2,u,606000,SP,Nelson,11/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,536/22 Barkly St,1,u,415000,S,McGrath,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,32 Brunswick Rd,2,h,907000,S,Nelson,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,77 Clarence St,3,h,1710000,S,Harrington,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,215 Glenlyon Rd,4,h,,PI,Ray,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,22 Leyden St,2,h,900000,S,Jellis,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,17 Miller St,2,h,1000000,SP,Jellis,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,18 Ryan St,3,h,1070000,SP,Nelson,11/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/288 Hope St,2,u,600000,VB,Nelson,11/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,11 Owen St,3,h,1400000,S,Collins,11/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,29 Wales St,3,h,1085000,S,Raine,11/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,8 Mangan St,3,h,,PI,Purplebricks,11/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/137 Manningham Rd,3,u,726000,S,Barry,11/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,6A The Crest,3,h,,PI,Barry,11/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bullengarook,138 Walsh Rd,3,h,700000,VB,Raine,11/11/2017,3437,Northern Victoria,249,45.9,Macedon Ranges Shire Council +Bullengarook,65 Webb Rd,4,h,1050000,PI,Raine,11/11/2017,3437,Northern Victoria,249,45.9,Macedon Ranges Shire Council +Bundoora,124 Greenwood Dr,5,h,800000,S,Ray,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Mangrove Cl,3,h,,SN,Ace,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1117 Plenty Rd,3,u,550000,PI,hockingstuart,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5/21 Princeton Tce,1,u,,W,Barry,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Springwood Vw,4,h,970000,S,Ray,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,45 Worcester Cr,4,h,1755000,S,Barry,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,63 Zara Cl,3,t,690000,S,Ray,11/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,19 Mockridge Av,4,h,665000,S,YPA,11/11/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside,15 Roycroft Av,3,h,620000,S,YPA,11/11/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside Heights,11 Cooma Pl,4,h,575000,SP,Barry,11/11/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burnside Heights,10 Muscat Av,3,h,,PI,YPA,11/11/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,1/21 Beddows St,4,u,825000,S,Barry,11/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,394 Blackburn Rd,3,h,1015000,S,Lindellas,11/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,71 Lorraine Dr,3,h,,S,Jellis,11/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,19 Egret Cr,4,h,,SN,Barry,11/11/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,19 Prospector Dr,3,h,610000,S,Barry,11/11/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1/39 Allambee Av,3,h,1450000,S,Woodards,11/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Cochran Av,3,h,3010000,S,Woodards,11/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1A Gavan St,3,h,,SP,Jellis,11/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/3 Kingsley St,2,h,825000,VB,Jellis,11/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/12 Nelson Rd,3,h,1665000,S,Jellis,11/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,3 Snowden Pl,4,h,,SP,Marshall,11/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,563 Canning St,3,h,1650000,SP,Nelson,11/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,728 Lygon St,2,h,860000,S,Woodards,11/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,428 Rathdowne St,4,h,,S,Nelson,11/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4/10 Emily St,2,t,655000,SP,Harcourts,11/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/9 Mimosa Rd,1,u,310000,S,Woodards,11/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2 Dyson Rd,3,h,,S,hockingstuart,11/11/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,79 McLeod Rd,3,h,,S,hockingstuart,11/11/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,37 Westley St,3,h,712500,S,RT,11/11/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,3/22 Kooyong Rd,2,u,700000,S,Gary,11/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,1/11 Brooklyn Av,2,h,985000,PI,Biggin,11/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,6/27 Eumeralla Rd,3,u,895000,S,Gary,11/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,29 Kean St,2,h,1100000,VB,Gary,11/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,360 Kooyong Rd,4,h,2850000,VB,Biggin,11/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,13 Royal Pde,4,h,,PN,Gary,11/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,19 Jacksons Rd,2,u,520000,VB,Ray,11/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,13 The Strand,2,h,1080000,SP,Ray,11/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,18 Second Av,4,h,872500,SP,Ray,11/11/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,1/24 Centre Dandenong Rd,3,t,1080000,S,Buxton,11/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/24 Centre Dandenong Rd,3,t,1020000,S,Buxton,11/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Craig Ct,4,h,900000,PI,Hodges,11/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,29 Botanica Dr,3,h,,PI,Woodards,11/11/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,28 Bushland Av,3,h,862000,S,C21,11/11/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1/13 Kionga St,3,u,,PI,Harcourts,11/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,4/27 Robinson St,4,t,,SN,Biggin,11/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,11 Laura St,4,h,,SP,C21,11/11/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,9/41 Dally St,2,u,1000000,S,Nelson,11/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,21 Groom St,2,h,1155000,S,Nelson,11/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,49 Spensley St,4,h,1910000,PI,Jellis,11/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,78 Walker St,2,h,1720000,S,Nelson,11/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,12 Glencairn Av,3,h,1270000,S,Brad,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/179 Gordon St,2,u,,SP,Nelson,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Hudson St,2,h,1025000,S,Nelson,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Industry La,2,t,698000,S,Brad,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/170 Nicholson St,4,t,,PI,Jellis,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,35 Phillips St,3,h,1215000,S,Nelson,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Walsh St,4,h,1480000,S,Barry,11/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,35 Shorts Rd,3,h,822000,S,Nelson,11/11/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,15/79 Oxford St,2,u,1287000,S,Jellis,11/11/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,8 Bowral Lp,3,h,520000,S,Barry,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,57 Evergreen Cr,4,h,,PI,Barry,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Kangaroo Rd,4,h,530000,PI,Ray,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Keysborough St,3,h,570000,S,YPA,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Olrig Gr,5,h,,PI,Ray,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Padstowe Ct,3,h,528000,S,YPA,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Redheugh St,4,h,648000,S,Ray,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Willmott Dr,3,h,460000,S,Ray,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,54 Wisteria Av,5,h,741000,S,Barry,11/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,9 Ardmore St,3,h,521000,S,Ray,11/11/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne,31 Waterbury St,4,h,663000,S,LJ,11/11/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,23 Kelso St,3,h,,S,Biggin,11/11/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,6/60 Beauford Rd,2,u,590000,SP,Philip,11/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/331 Dorset Rd,2,u,594500,S,Max,11/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Haig St,2,h,935000,S,Max,11/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Tara Cl,5,h,,PI,Ray,11/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,23 Lyons Rd,3,h,887000,SP,Ray,11/11/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,7 Merino Av,3,h,480888,SA,Barry,11/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,5A Godfrey Cr,4,t,,PI,Biggin,11/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,52 Willum Wy,4,h,760000,S,Del,11/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,2/8 Oakwood Av,3,u,602000,S,Del,11/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,10 Robyn Ct,3,h,792000,S,O'Brien,11/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,99 Somerset Dr,4,t,,PI,Biggin,11/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,11 Walsh St,5,h,,S,Marshall,11/11/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Delahey,16 Duneed Wy,3,h,600000,S,Calder,11/11/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,30 Yeats Dr,3,h,600000,S,Bells,11/11/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,98 Foleys Rd,4,h,748000,PI,Stockdale,11/11/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diggers Rest,5 Flake Ct,4,h,501000,S,Raine,11/11/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,14 Balcombe Pl,3,h,880000,S,Buxton,11/11/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Ely Ct,4,h,890000,S,Buxton,11/11/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,13/1 Johanna Ct,2,h,646000,S,C21,11/11/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,18 Burgundy Dr,4,h,,VB,hockingstuart,11/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,801/5 Elgar Ct,3,u,,PI,Vicprop,11/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Koolkuna Av,5,h,1500000,VB,Jellis,11/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Waldau Ct,4,h,1810000,S,Jellis,11/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Westfield Dr,4,h,2900000,VB,Fletchers,11/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,7 Catherine Av,7,h,,PI,Barry,11/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,58 Dehnert St,4,h,1268000,S,Jellis,11/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Ireland Av,4,h,1250000,PI,Jellis,11/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Jising Ct,4,h,1128000,S,Jellis,11/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 May St,3,h,2260000,S,Jellis,11/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,24 Woorarra Av,4,h,,PI,Parkes,11/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,47 Hunt St,4,h,,PI,Barry,11/11/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,18 Powers St,4,h,1280000,PI,Jellis,11/11/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,50 Aylesbury Bvd,3,h,578000,S,HAR,11/11/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Elsternwick,16 Hopetoun St,4,h,2201000,S,Woodards,11/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9/2 Parkside St,2,u,625250,S,Biggin,11/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,22 Villiers St,4,h,2800000,VB,Biggin,11/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,67 Arthur St,3,h,916500,SP,Buckingham,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1 Batman Rd,3,h,986000,S,Jellis,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,43 Bible St,3,h,1055000,S,Jellis,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/72 Bible St,3,u,676500,S,Jellis,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,24 Fordhams Rd,3,h,1320000,VB,Jellis,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/1 Helene St,3,u,721000,PI,Jellis,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Lyons Ri,5,h,1000000,SP,Jellis,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/8 Taylor St,3,u,1026000,S,Morrison,11/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,3/9 Foam St,1,u,515000,S,Chisholm,11/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,71 Georgette Cr,5,h,880000,SP,Del,11/11/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,32/12 Kirkland Ct,1,h,273000,S,HAR,11/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Saddlers Ct,4,h,652000,S,hockingstuart,11/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Taberer Ct,4,h,,PI,HAR,11/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 The Mears,3,h,584000,S,Barry,11/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Winterton Cl,3,h,637000,S,hockingstuart,11/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,161A Bradshaw St,5,h,1820000,PI,Nelson,11/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,214/314 Pascoe Vale Rd,2,u,540000,S,RW,11/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/6 Sturt St,2,u,590000,VB,Hodges,11/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,13A Garnet St,4,h,,VB,Brad,11/11/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,123 Gillies St,3,h,1535000,S,Thomas,11/11/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,10 Emma St,3,h,723000,S,Barry,11/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,27 Bursaria Av,4,h,792000,SP,Barry,11/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,18 Glenfern Rd,4,h,840000,SP,Stockdale,11/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,25 Brunswick St,5,h,2790000,S,Nelson,11/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,34 Cecil St,2,h,1180000,PI,Nelson,11/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,3/241 Napier St,3,h,1670000,PI,Nelson,11/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,16/140 Queens Pde,2,u,647000,S,Jellis,11/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,12/55 York St,2,u,,SP,Jellis,11/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,7/43 Farnham St,1,u,285000,VB,Nelson,11/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,303/250 Barkly St,1,u,365000,SP,Jas,11/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,14/75 Droop St,2,u,409000,SP,FN,11/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,54 Essex St,4,h,1095000,S,Douglas,11/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,10/31 Moreland St,1,u,,SP,McGrath,11/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,46a Wolverhampton St,2,t,685000,SP,Jas,11/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,12 Enfield Pl,2,u,,PI,Hodges,11/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,18 Enfield Pl,2,u,762000,S,Ray,11/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,53 Longbrae Ct,4,h,1120000,SP,Jellis,11/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,7 Hill St,3,h,515000,S,O'Brien,11/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Petrie St,3,h,,W,Eview,11/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wandella Rd,3,h,650000,VB,Ray,11/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gardenvale,4/2 Lucy St,2,u,692000,S,Jellis,11/11/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,28 Goode St,3,h,,SP,RT,11/11/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,47 Burnleigh Dr,3,h,631000,S,Frank,11/11/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,24 Aintree Rd,3,h,,S,Marshall,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/37 Carroll Cr,2,u,605000,S,hockingstuart,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,74 Gardiner Pde,3,h,,VB,Jellis,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/1421 High St,2,u,742000,S,hockingstuart,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/1435 High St,2,u,,S,Jellis,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/15 Iris Rd,2,h,805000,PI,Joseph,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1685 Malvern Rd,3,h,,S,Marshall,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/9 Park Rd,2,u,845000,S,Marshall,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,25 Welfare Pde,5,h,,S,Jellis,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/31 Yeovil Rd,2,u,759000,S,Metro,11/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,13 Avendon Bvd,5,h,1950000,S,Jellis,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,39 Avonhurst Dr,5,h,,SP,LLC,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Brynor Cr,5,h,,SP,Bekdon,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Elmwood Cr,3,h,1100000,PI,Harcourts,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Owens Av,3,h,1335000,S,Ray,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/10 Sagan Ct,3,u,900000,S,Ray,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/18 Tulloch Gr,3,t,,VB,Fletchers,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,829 Waverley Rd,4,h,1100000,SP,Harcourts,11/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,5/43 Anselm Gr,2,t,449000,S,RW,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/46 Cosmos St,3,h,680000,S,Stockdale,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,100 Daley St,3,h,640000,PI,Barry,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/32 Gladstone Pde,1,u,296000,S,Raine,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,30 Hillcrest Rd,4,h,,SP,Barry,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/85 Hubert Av,3,t,690000,S,Stockdale,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,11 Langton St,3,h,885000,SP,Stockdale,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/16 Patrick St,4,h,740000,S,Eview,11/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,12 Holly Ct,4,h,830000,S,Nelson,11/11/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,5 Palmyra Ct,3,h,845000,PI,Morrison,11/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/15 Scotland Av,3,t,652500,S,Buckingham,11/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/4 Vermont Pde,3,u,627000,S,Miles,11/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,8 Bridlington Dr,5,h,,SP,Nelson,11/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,26A David St,3,h,1725000,PI,Marshall,11/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,104 Linacre Rd,5,h,2200000,S,hockingstuart,11/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,18 Apex Av,4,h,1615000,S,Purplebricks,11/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,9 Evans Av,4,h,1467000,S,Buxton,11/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/25 Katoomba St,3,t,1055000,S,Buxton,11/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,48 Wickham Rd,3,h,1246000,S,Hodges,11/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,2/28 Burwood Rd,1,u,450000,S,Domain,11/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,19 Grove Rd,3,h,2650000,S,Jellis,11/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/22 Hill St,2,u,550000,S,Marshall,11/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,110/6 Lisson Gr,1,u,480000,VB,Marshall,11/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,403/36 Lynch St,1,u,421500,S,Biggin,11/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,305/33 Wattle Rd,3,u,,S,Marshall,11/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,408/138 Camberwell Rd,2,u,700000,VB,RT,11/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4 Campbell Gr,4,h,2250000,PI,Marshall,11/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,71 Leura Gr,3,h,,S,Jellis,11/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,76 Lilydale Gr,2,h,1090000,S,Jellis,11/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,136 Rathmines Rd,4,h,,S,Kay,11/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,9 Campbell St,2,h,,SN,Barry,11/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,5 Dickasons Rd,4,h,1126000,S,Noel,11/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,49 Halifax Av,4,h,,S,Nelson,11/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,1/601 Upper Heidelberg Rd,2,u,517000,SP,Nelson,11/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,175 Waiora Rd,2,h,1190000,SP,Miles,11/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,8 Kanimbla Ct,3,h,860000,S,William,11/11/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,24 Donald St,4,h,,SP,Hodges,11/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,9a Edsall St,3,u,980000,S,Maitland,11/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/222 Highett Rd,3,h,1045000,S,Buxton,11/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,47 Golden Wy,3,h,660000,S,Barry,11/11/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,7 Pavleka St,4,h,550000,PI,Barry,11/11/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,11 Buckhurst Wy,4,h,551500,S,Barry,11/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Euroa Pl,3,h,543000,SP,Barry,11/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Harkaway Av,3,h,535200,SP,Barry,11/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Lyndall Ct,3,h,468000,S,Barry,11/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Quarrion Ct,3,h,585000,S,YPA,11/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Weiskof Dr,3,h,525000,VB,YPA,11/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/12 Clapham Rd,2,u,,PI,Ray,11/11/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,29 Dalston Rd,3,h,1407000,SP,Barry,11/11/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,14 Malta St,2,h,,PI,Purplebricks,11/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9 Myrtle St,3,h,1465000,S,Nelson,11/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3A Rose St,4,h,1865000,S,Miles,11/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor Downs,4 Antwerp Dr,3,h,637500,S,Crane,11/11/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,31/24 Craig St,2,h,705000,S,Nelson,11/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,25 Heatherlea Cr,4,h,810000,VB,Nelson,11/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,84 Nyah St,3,h,755000,S,Nelson,11/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,7 Pumice Ct,3,h,965000,SP,Barry,11/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,1 Laguna Cl,3,h,670000,S,Nelson,11/11/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,304/84 Altona St,1,u,,PI,Edward,11/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,5/75 Alfred St,2,u,793000,S,Fletchers,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/1275 Burke Rd,2,u,690000,SP,Nelson,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,183 Cotham Rd,4,h,,SP,Jellis,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,73 Derby St,2,h,1341000,S,Noel,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/120 Harp Rd,2,u,850000,S,Jellis,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/54 Studley Park Rd,2,u,,S,Marshall,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,38 Willsmere Rd,4,h,2000000,VB,Marshall,11/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,57 Baker Av,3,h,,SP,Nelson,11/11/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,16 Clyde St,3,h,1975000,VB,Jellis,11/11/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/33 Woodlands Av,3,t,1080000,S,RT,11/11/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,44 Beddington St,4,h,920000,S,Ray,11/11/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,13 Daylily Dr,4,h,885000,S,Ray,11/11/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,24 Liverpool Dr,3,h,751000,PI,Buxton,11/11/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,3 Lugarno Ct,3,h,792000,S,Barry,11/11/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,16 Maxfield Rd,4,h,1051500,S,Barry,11/11/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,12 Moira Rd,4,h,906000,SP,McGrath,11/11/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,33 Walnut Dr,3,h,757500,SP,McGrath,11/11/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsville,3/14 Edgar St,3,u,583000,SP,Jas,11/11/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,108 Wales St,3,h,,S,Sweeney,11/11/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,32 Laura Rd,6,h,920000,SP,Prof.,11/11/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,24 Cyprus St,3,h,808000,S,Mason,11/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,31 Deakin Av,6,h,,PI,HAR,11/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Sarissa St,4,h,695000,S,HAR,11/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,47 Suncroft Dr,4,h,642000,S,Iconek,11/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,16 Byron Av,3,h,900000,VB,Morrison,11/11/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,5/29 Main Rd,2,u,460000,S,Morrison,11/11/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,5/27 Para Rd,2,u,580000,S,Morrison,11/11/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/73 Greensborough Rd,3,t,,VB,Ray,11/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/77 Greensborough Rd,2,u,630000,SP,Ray,11/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/9 Leigh Ct,3,h,653000,S,Buckingham,11/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/8 Bernard St,2,t,620000,PI,Biggin,11/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,7/2 Crefden St,2,u,400000,S,Sweeney,11/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,6 Havelock St,3,h,875000,SP,Compton,11/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,30 Inkerman St,4,h,910000,PI,Biggin,11/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/68 Madden St,3,t,790000,SP,Jas,11/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,37 Grant St,4,h,,S,Marshall,11/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6 Hilda St,4,h,2200000,S,Marshall,11/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,67 Manning Rd,4,h,2626000,S,Marshall,11/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Sutherland St,4,h,1850000,S,Marshall,11/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,35 Thurso St,3,h,1420000,S,Jellis,11/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,7 Cumberland Dr,3,h,1245000,S,hockingstuart,11/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2a Hillside Cr,2,u,495000,S,HAR,11/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,5 Elder Cl,3,h,,SP,A,11/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,1/11 Elgata Cl,3,u,355000,S,YPA,11/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,2/11 Elgata Cl,3,u,420000,S,YPA,11/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,92 Rokewood Cr,3,h,475000,SP,Barry,11/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1807/31 Abeckett St,2,u,370000,PI,MICM,11/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,15/30 Queens Rd,1,u,,S,Buxton,11/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,162/461 St Kilda Rd,3,u,2250000,S,Gary,11/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,3006/5 Sutherland St,2,u,670000,SP,MICM,11/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,2 Alexandra St,4,h,579000,S,Reliance,11/11/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,23 Carina Dr,3,h,520000,S,PRDNationwide,11/11/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,57 Rosina Dr,3,h,428000,S,hockingstuart,11/11/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,213 Station Rd,12,h,710000,S,PRDNationwide,11/11/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,19 Staughton St,3,h,580000,S,hockingstuart,11/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,58 Rathdowne Cct,4,h,356000,S,Raine,11/11/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,10 Charman Rd,5,h,,SN,Chisholm,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8 Chicquita Cct,3,t,825000,SA,Upside,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10 Logan Ct,5,h,1180000,S,Hodges,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10 Milan St,4,h,,SP,Hodges,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2 Ovens Ct,5,h,1200000,PI,hockingstuart,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/39 Plummer Rd,2,u,706000,S,Hodges,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8 Winsome St,3,h,,S,Buxton,11/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,12 Dalwhinnie Cl,3,h,485000,S,RW,11/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Eaglehawk Dr,3,h,487500,S,Ray,11/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,41 Friesian St,4,h,550000,VB,RW,11/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,20 Geranium Gr,3,h,640000,S,Stockdale,11/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,339 Richardson St,3,h,,SN,Greg,11/11/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,29 Island Pl,3,h,660000,SP,Ray,11/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Ivy Ct,3,h,667500,S,Barry,11/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Namatjira Ct,4,h,720000,SP,Barry,11/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Roycroft Av,4,h,665000,SP,Ray,11/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/3 Warnes Rd,4,h,910000,S,Noel,11/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3/4 Gilbert St,3,t,,VB,Jellis,11/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,1/17 Kingsley Cr,3,u,880888,S,Ray,11/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,101A Windsor Cr,3,h,,SP,Jellis,11/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,6 Burke St,4,h,900000,S,Darren,11/11/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/31 Hoban Av,2,u,690000,S,Buckingham,11/11/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4 Station Rd,3,h,790000,PI,Jellis,11/11/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,2/342 Ascot Vale Rd,2,u,340000,VB,McDonald,11/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,12A George St,3,h,1280000,PI,Frank,11/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/24 Park St,2,u,690000,VB,Nelson,11/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,16 Primrose St,3,h,,S,Brad,11/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,20 Barilla Rd,3,h,1261000,S,Buxton,11/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,24 Hillston Rd,4,h,1300000,PI,Maitland,11/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,8 Sheppard St,2,h,,S,Jellis,11/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,39 Croydondale Dr,3,h,715000,S,Fletchers,11/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,19 Levendale Av,3,h,760000,S,Fletchers,11/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,14/214 Beach Rd,2,u,549000,S,Buxton,11/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,8 Powlett St,5,h,,PI,Barry,11/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,12 Beverley Gr,3,h,,SP,McGrath,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Gnarwin St,3,h,,S,Jellis,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Jubilee St,4,h,,PI,Jellis,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Kellaway St,4,h,,SP,Harcourts,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Malcolm Ct,3,h,1400000,SP,Harcourts,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/24 Mummery St,4,h,1470000,PI,Barry,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Nigretta Ct,4,h,1510000,PI,Harcourts,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,468 Waverley Rd,5,h,1300000,VB,Jellis,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Woodstock Rd,3,h,,SP,Buxton,11/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,60 Bertrand Av,3,h,896000,S,Win,11/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Blanford Ct,4,h,1004000,S,Win,11/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Danube Pl,5,h,,SN,Harcourts,11/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Derby Pl,4,h,1375000,S,Ray,11/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,650 Springvale Rd,3,h,,SN,Biggin,11/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,72 Stadium Cct,4,h,,W,Barry,11/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,22 Atkinson St,3,h,1420000,S,Woodards,11/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1 Clive St,3,h,1450000,VB,Gary,11/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,102/124 Murrumbeena Rd,2,u,505000,PI,hockingstuart,11/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9 Omama Rd,3,h,1450000,PI,Woodards,11/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,205 Douglas Pde,4,h,1230000,S,RT,11/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,295 Douglas Pde,2,h,,PI,Purplebricks,11/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,53 Hobson St,3,h,950000,S,Gunn&Co,11/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,66 Margaret St,3,h,860000,SP,Greg,11/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,35 Diamond St,3,h,845000,S,Brad,11/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/35 Ryder St,2,u,775000,S,Red,11/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/1082 Heatherton Rd,2,u,466000,S,C21,11/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,19 Pamela St,4,h,,PI,Barry,11/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2/25 Racecourse Rd,3,h,,SP,LJ,11/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,10 Rex Ct,3,h,753000,S,iSell,11/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,175 Beaconsfield Pde,4,h,1600000,VB,Nelson,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,176 Darebin Rd,3,h,892500,PI,Woodards,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21B Ellesmere St,3,h,1200000,VB,Nelson,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/52 Gadd St,2,u,600000,PI,LITTLE,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21/54 James St,2,u,610000,S,Jellis,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Osborne St,3,h,,SN,Ray,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Traill St,4,h,1850000,VB,Nelson,11/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3 Morden Ct,5,h,1950000,S,Noel,11/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,13/84 Mount Pleasant Rd,2,u,521500,S,McGrath,11/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,8 Curie Av,2,h,1050000,VB,Nelson,11/11/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,13 New Rd,3,h,930000,S,Raine,11/11/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,51 Rhodes Pde,4,h,1050000,VB,Nelson,11/11/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,15 Watt Av,5,h,1390000,S,Jellis,11/11/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,15 Daly St,3,h,997000,SP,Jellis,11/11/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/34 Cleek Av,2,h,840000,S,Woodards,11/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,14 Silvan St,3,h,915000,SP,Buxton,11/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,17 Vernal Rd,4,h,1175000,S,Buxton,11/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,14 Voumard St,2,h,1070000,PI,Nick,11/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1/33 Leila Rd,2,u,630000,S,Buxton,11/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/9 Davey St,3,u,720000,S,Chisholm,11/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/34 MacGregor St,2,h,,VB,Thomson,11/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/3 Rennison St,1,u,460000,S,Purplebricks,11/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/23 Robert St,2,u,737000,S,hockingstuart,11/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,503 Royal Pde,3,h,,S,Collins,11/11/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,30 Walker St,3,h,1350000,S,Jellis,11/11/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/123 Derby St,4,t,900000,S,Barry,11/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,78 Derby St,2,h,,PI,Brad,11/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,298 Gaffney St,3,h,905000,S,Nelson,11/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/22 Irvine St,3,t,790000,VB,Nelson,11/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,77 Landells Rd,3,h,960000,S,Nelson,11/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/10 Oak St,3,t,810000,PI,Nelson,11/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,7 Aynes Ct,3,h,640000,S,LJ,11/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,17 Copeland Cr,3,h,647000,S,Reliance,11/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,15 Eldridge Ct,3,h,552000,S,Reliance,11/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,72 Solitude Cr,4,h,615000,S,hockingstuart,11/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,4 Ventura Pl,3,h,673000,S,Reliance,11/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,514/99 Dow St,2,u,650000,VB,Buxton,11/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,80 Esplanade Pl,3,h,1642000,S,Greg,11/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,178 Farrell St,4,h,1670000,PI,Marshall,11/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,502/216 Rouse St,3,u,1300000,VB,hockingstuart,11/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,5 Bayview St,2,h,1000000,PI,hockingstuart,11/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,13 Craven St,2,h,,S,hockingstuart,11/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,14 Ellesmere La,2,h,1250000,VB,Jellis,11/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,13/300 High St,3,u,,SP,Hodges,11/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,509/85 High St,2,u,,SP,LITTLE,11/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,28A Goldsmith Av,3,h,1180000,S,RW,11/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10/115 High St,1,u,,SP,Nelson,11/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,9 Hurlstone Av,4,h,,PI,Barry,11/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,85 Murray Rd,3,h,950000,S,Barry,11/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,128c Raglan St,2,t,710000,S,Jellis,11/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 William St,4,h,1050000,S,RW,11/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,9 Allenby Av,3,h,980000,SP,Ray,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Arundel Av,3,h,570000,VB,Nelson,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/123 Boldrewood Pde,3,t,590000,S,Ray,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,44 Clingin St,3,h,,PI,Barry,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42B Drysdale St,3,t,695000,S,Barry,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Dumbarton St,3,h,1055000,S,RW,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/42 Harbury St,2,u,395000,S,Ray,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Kenilworth St,3,h,950000,S,Barry,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2A Locher Av,3,h,690000,S,Love,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 McFadzean Av,3,h,821000,S,Nelson,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/46 Orrong Av,3,u,825000,S,Nelson,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/78 Orrong Av,3,t,,SP,Love,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Tracey St,3,h,,SN,Ray,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Wattle Gr,3,h,1076000,S,Nelson,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 York St,3,h,850000,S,RW,11/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,17 Campbell St,3,h,1215000,S,Jellis,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/34 Davison St,1,u,283000,S,Biggin,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15 Hosie St,3,h,1320000,S,hockingstuart,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/7 Manton St,3,t,1300000,VB,Jellis,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 North St,3,h,,S,Jellis,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,59 Palmer St,2,h,,PI,Biggin,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10/9 Somerset St,1,u,341000,S,Fletchers,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,93 Wellington St,2,h,,S,Biggin,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/33 York St,3,t,1265000,S,Chambers,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16 Yorkshire St,3,h,1400000,VB,Jellis,11/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,38 Holyrood Cr,4,h,965800,SP,Barry,11/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/67 Maidstone St,3,u,792000,S,hockingstuart,11/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,33 William St,2,h,,SN,Woodards,11/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,20A Knaith Rd,3,t,890000,SP,Purplebricks,11/11/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,16 Shasta Av,3,h,,SP,Barry,11/11/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,18 Shasta Av,3,h,900000,SP,Barry,11/11/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,14 Stanley Av,4,h,,PI,Barry,11/11/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,36 Crawley Gr,4,h,,SP,Fletchers,11/11/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,13 Terrigal Cl,4,h,,PI,Barry,11/11/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,2/199 Hotham St,2,u,440000,SP,Buxton,11/11/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rowville,11 Baringa Ct,4,h,,VB,Jellis,11/11/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,17 Harvey Ct,3,h,570000,S,Stockdale,11/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,19 Hunter Av,4,h,610000,S,Raine,11/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,36 Lincolne Cr,4,h,577500,S,RW,11/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,19 Malabar St,4,h,,PI,Barry,11/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,20 Balmoral Av,4,h,1650000,VB,Buxton,11/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,8/91 Beach Rd,2,u,696000,S,Barry,11/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,10 Victory St,4,h,1750000,S,Buxton,11/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,6 Spinningdale Cl,4,h,759000,S,MICM,11/11/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,64 Park St,4,h,,S,hockingstuart,11/11/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,3 Wunalla Rd,4,h,912000,S,O'Brien,11/11/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,75 Waters Dr,3,h,835000,S,Barlow,11/11/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,76 Austin St,2,h,768000,S,Edward,11/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,8/333 Coventry St,2,u,845000,S,hockingstuart,11/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,463 Coventry St,2,h,1220000,PI,Marshall,11/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,77 Eastern Rd,3,t,,S,Marshall,11/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,502/97 Palmerston St,1,u,530000,S,Greg,11/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,96 Pickles St,4,h,,SN,Cayzer,11/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,611/148 Wells St,2,u,610000,S,Greg,11/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,7 Bussell Ct,3,h,520000,SP,Ray,11/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2 Highview Dr,4,h,652000,S,Barry,11/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Mavora Pl,2,t,451000,S,Ray,11/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 McGlynn Av,2,h,550000,S,LJ,11/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,7/49 Adams St,1,u,539000,S,Williams,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,703/700 Chapel St,2,u,,S,hockingstuart,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6 Fitzgerald St,3,h,1640000,S,RT,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16 Osborne St,2,h,770000,VB,Jellis,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/15 Rockley Rd,2,u,550000,VB,Buxton,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4C Surrey Rd,3,t,1560000,S,Jellis,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,249 Williams Rd,3,h,,S,Marshall,11/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1108/9 Power St,2,u,550000,SP,Pagan,11/11/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,14 Andrews St,4,h,1200000,SP,RT,11/11/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,14a Andrews St,4,h,1200000,SP,RT,11/11/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,15 Furnew St,3,h,815000,S,Le,11/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,56 Stephenson St,2,h,740000,VB,iSell,11/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,2/8 Shaw St,4,u,630000,S,Le,11/11/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,15 Curtin St,3,h,695000,S,Barry,11/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Elissa Wy,3,h,680000,S,Purplebricks,11/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/12 Glendenning St,3,u,598000,S,Barry,11/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/21 Leslie St,2,t,473000,S,Barry,11/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,13 Mark St,3,h,870000,SP,YPA,11/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,138 Oleander Dr,3,h,590000,S,Barry,11/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,13/45 Alma Rd,1,u,,SP,Hodges,11/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20/93 Argyle St,2,u,515000,SP,Marshall,11/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,80/151 Fitzroy St,2,u,915000,S,Jellis,11/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7 Irymple Av,3,h,2102000,S,Wilson,11/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,10 Cranwell Av,3,h,1640000,SP,McDonald,11/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,50 Dunrossil Dr,3,h,480000,S,Raine,11/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,112 Harker St,4,h,840000,SP,Ray,11/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,8 Muirfield Dr,3,h,436000,S,Barry,11/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Owl Pl,3,h,780000,S,Leeburn,11/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,3 Mill Ct,5,h,,PI,Bells,11/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,6 Beech Ct,6,h,720000,S,Douglas,11/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,18 Dalton St,3,h,748000,S,Jas,11/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,10 Fontana Cl,4,h,910500,S,Sweeney,11/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,207 Glengala Rd,3,h,740000,S,Barry,11/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,27 Mayne St,3,h,800000,S,Barry,11/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2 Russell St,5,h,3075000,PI,Jellis,11/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,92 Warrigal Rd,3,h,,SP,Jellis,11/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,125 Isabella Wy,3,h,461000,S,Greg,11/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,7 Laurel Av,4,h,620000,S,hockingstuart,11/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,42 Moorookyle Av,3,h,,SN,LJ,11/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,10 Redcliffe Pde,4,h,652000,S,Sweeney,11/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,5/27 Turva Av,2,u,351500,S,Barry,11/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,5 Addicott Wy,4,h,675000,S,O'Brien,11/11/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,10 Condor Pl,3,h,682000,S,Barry,11/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,27 Grimes Av,4,h,652000,S,Prof.,11/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Wellesley Dr,5,h,691000,PI,Prof.,11/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,2/102 Wood St,3,t,985000,SP,Purplebricks,11/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,4 Caroline Dr,3,h,1500000,PI,Barry,11/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,7/28 Foote St,4,t,940000,SP,Whiting,11/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,11 Oak Cr,5,h,1506000,S,McGrath,11/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,8 Brookland Gr,5,h,,PI,HAR,11/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Stephen Ct,3,h,665000,S,HAR,11/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/9 Waratah St,3,u,,SP,Love,11/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,74 Clarendon St,3,h,1720000,SP,Nelson,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,63B Clyde St,3,h,1180000,PI,Jellis,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,47 Comas Gr,2,h,1260000,S,Barry,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,113A Harold St,5,h,,SP,Jellis,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,25 Hobson St,2,h,830000,S,Jellis,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7/33 Pender St,1,u,290000,S,Woodards,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/25 Wilmoth St,2,t,820000,PI,Ray,11/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,22 Lansell Rd,3,h,6400000,S,RT,11/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,673 Orrong Rd,3,h,,SN,Abercromby's,11/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/33 Selborne Rd,3,u,,S,Kay,11/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,9 Lucas Pl,3,h,700000,S,Nelson,11/11/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,2 Frances Av,3,h,,SN,MJ,11/11/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,98 Purches St,3,h,,VB,Fletchers,11/11/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,440 Burwood Hwy,4,h,1600000,S,Buxton,11/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,442 Burwood Hwy,3,h,1600000,SP,Buxton,11/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,9 Elonara Rd,4,h,,PI,MJ,11/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,4 Katupna Ct,4,h,,PI,Woodards,11/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,18 Pelham Dr,4,h,,PI,MJ,11/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,3 Ryrie Pl,4,h,1320000,S,Barry,11/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,22 Kambea Cr,3,h,,VB,Ray,11/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Lena St,4,h,1150000,VB,Miles,11/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 The Mews,4,h,,SN,Miles,11/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,5 Fewster Dr,5,h,1250000,S,OBrien,11/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,26 Fonteyn Dr,3,h,1005000,S,Barry,11/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Matilda Av,3,h,1050000,S,OBrien,11/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,13 Mockridge St,3,h,940000,S,Barry,11/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,11 Clematis Ct,4,h,,VB,Fletchers,11/11/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,5 Ashberg Dr,3,h,651000,S,Ray,11/11/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,2 Rushworth St,4,h,1063000,S,Morrison,11/11/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/8 Tennyson St,3,t,847000,S,Morrison,11/11/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,42 Sharpes Rd,3,h,765000,PI,Ray,11/11/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,8 Charinga Dr,3,h,457000,S,hockingstuart,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,31 Egan Cl,4,h,490500,S,Barry,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,54 Margaret St,3,h,630000,S,FN,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,57 Market Rd,3,h,545000,SP,YPA,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,98 Shaws Rd,3,h,,PI,Ray,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/27 Stawell St,2,h,280000,S,PRDNationwide,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Wyndham St,2,h,547000,S,FN,11/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,5/632 Barkly St,3,t,770000,S,Edward,11/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,25 Beaumont Pde,3,h,735000,S,Jas,11/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,37 Clive St,3,h,988000,S,hockingstuart,11/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6/21 Hampton Pde,1,u,250000,SP,Jas,11/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,41A Roberts St,3,h,,VB,McGrath,11/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,4/58 Abbotsford St,3,t,950000,S,Nelson,11/11/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,7 Forman St,4,h,760000,SP,YPA,11/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,8 Hesse Ct,3,h,547500,S,Jason,11/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,12 Thornleigh Pl,4,h,755000,S,YPA,11/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,6 Cootamundra Dr,3,h,1078500,S,C21,11/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,61 Darnley Gr,4,h,,PI,Buxton,11/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,23 Hibiscus Dr,4,h,1014000,S,Barry,11/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Locum Ct,4,h,975000,PI,Harcourts,11/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,982 Waverley Rd,4,h,1150000,VB,Noel,11/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,28 Australis Dr,4,h,850000,SP,Reliance,11/11/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,9 Gellibrand St,3,h,1800000,SP,Barlow,11/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,113 Melbourne Rd,3,h,1050000,S,Jas,11/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,54 Power St,3,h,1350000,SP,Williams,11/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,3/52 Thompson St,3,h,,PI,Raine,11/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,38/174 Peel St,1,u,,SN,Ray,11/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5/9 The Avenue,1,u,,SP,Whiting,11/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,11 Celtic St,3,h,580000,SP,Iconek,11/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,14 Clavell Cr,4,h,642000,S,Iconek,11/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,10 Kopi Wy,3,h,490000,S,LJH,11/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,52 Northside Dr,4,h,880000,S,Love,11/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,50 Eureka Dr,4,h,625500,S,LJ,11/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,21 Lowan Av,5,h,990000,S,Buckingham,11/11/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,9 Marigolds Rd,3,h,781000,S,Barry,11/11/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,27 Drew St,3,h,910000,VB,Jas,11/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/14 Gordon Pde,2,h,802000,S,RT,11/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,11 Ovens St,3,h,1040000,S,Jas,11/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6/37 Somerville Rd,1,u,312000,S,Sweeney,11/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,32 Stooke St,4,h,850000,VB,Village,11/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/357 Williamstown Rd,3,t,691000,SP,Village,11/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,10A Caroline St,4,h,,SP,Rendina,12/05/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,47A Bedford St,3,h,,S,Nelson,12/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,9 Barrett St,3,h,,S,Greg,12/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,58 Draper St,3,h,2030000,S,Greg,12/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,48 Withers St,2,h,,SN,Cayzer,12/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,14A Harker St,3,t,1110000,SP,Jellis,12/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,27 Yarana Rd,3,h,,SN,Coad,12/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,42 Edwards Dr,3,h,,S,Nelson,12/05/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,16 Scherman Dr,4,h,640000,SA,hockingstuart,12/05/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Ardeer,4/24 North St,3,t,620000,PI,Barry,12/05/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,17 West St,3,h,668000,SP,Barry,12/05/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,46A Armadale St,3,h,1800000,PI,Jellis,12/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/769 High St,3,t,1385000,SP,Jellis,12/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/770 Malvern Rd,2,u,,S,RT,12/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/2 Mercer Rd,3,t,1530000,S,Jellis,12/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,21 Railway Av,2,h,,S,Marshall,12/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,19A Valentine Gr,3,h,,S,Marshall,12/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,51 Hockey La,3,t,,S,Jellis,12/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,36 Baird St,4,h,,S,Buxton,12/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,19 Chamberlain St,5,h,2100000,VB,Marshall,12/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,57 Fakenham Rd,3,h,1920000,S,LITTLE,12/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,54 Munro Av,4,h,,VB,Buxton,12/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,26 Oliver St,3,h,1500000,VB,Marshall,12/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,3/46 Edmonds Av,3,t,,PI,Buxton,12/05/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,1 Bega Ct,4,h,930000,SP,Buxton,12/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,13 Larnook Cr,4,h,1025000,VB,Buxton,12/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,101 Station St,3,h,1265000,SP,Ray,12/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,29 Doyle St,3,h,700000,VB,Barry,12/05/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,29 Kalimna St,2,h,1163000,S,Jellis,12/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Maleela Av,4,h,3100000,PI,Kay,12/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/31 Northcote Av,3,u,,S,Jellis,12/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,67 Aylmer St,3,h,1800000,PI,hockingstuart,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,448 Balwyn Rd,3,h,,S,Jellis,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,6 Hatfield St,3,h,1630000,S,Marshall,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Leicester St,3,h,,S,Jellis,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Singleton Rd,3,h,1600000,PI,Fletchers,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,101 Tannock St,4,h,,S,Jellis,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,310/3 Tannock St,2,u,,VB,hockingstuart,12/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,1B Burgess St,3,t,,SP,Marshall,12/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,51A Fourth St,2,h,,S,Marshall,12/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6/73 Fourth St,2,u,,PI,Chisholm,12/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,18 Hutchison Av,3,h,1550000,PI,Hodges,12/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Stawell St,4,h,,VB,Buxton,12/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,10 Sullivan St,3,h,800000,S,Jellis,12/05/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,1 Hutchinson St,4,h,,PI,Buxton,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,18A Lawson St,4,t,1350000,VB,Jellis,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,56 Marquis Rd,4,h,1425000,PI,Jellis,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 McLean Av,4,h,1590000,PI,Jellis,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/27 Nicholson St,2,t,,S,Buxton,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,553 South Rd,3,h,1000500,S,Marshall,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,24 Wright St,4,h,2287000,S,Jellis,12/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,11 Brady Rd,3,h,980000,PI,Jellis,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Filbert St,4,h,1800000,S,Jellis,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11a Julis St,4,t,1230000,S,Buxton,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11b Julis St,4,t,1250000,S,Buxton,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6b Lesden St,4,t,1100000,PI,Buxton,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Noora Av,3,h,1000000,PI,Buxton,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,58 Paloma St,3,h,1200000,VB,Buxton,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,751 South Rd,4,h,,SP,Gary,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 York St,3,h,1280000,VB,Woodards,12/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,17 Middleton St,5,h,,SP,Branon,12/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/6 Sylvia Cr,3,t,1200000,S,Buxton,12/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1 Dixon Gr,3,h,1140000,S,Woodards,12/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,44 Gardenia St,5,h,2200000,VB,Fletchers,12/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,12 Stanley Gr,4,h,,SP,Jellis,12/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,12 Lupin St,3,h,990000,VB,Noel,12/05/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,4a Aberdeen Rd,4,h,,SP,Noel,12/05/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,19 Sandgate Rd,3,h,1000000,VB,Fletchers,12/05/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,3/3 Narcissus Av,2,u,,W,McGrath,12/05/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,6A Normleith Gr,3,h,870000,S,Ray,12/05/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,3/16 Graham Pl,3,t,,S,Philip,12/05/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/3 Morgan St,4,h,800000,VB,GL,12/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,73 Gladstone Rd,3,h,861000,SP,Miles,12/05/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,7 Asling St,4,h,3700000,PI,Nick,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Bagley St,4,h,4220000,S,Buxton,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Berwick St,4,h,1850000,VB,Hodges,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,118 Cochrane St,4,h,2530000,S,Nick,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,122 Cochrane St,3,h,1870000,PI,Jellis,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,98A Dendy St,3,h,,SN,Kay,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Enfield Rd,4,h,,VB,Kay,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2A Leslie Gr,5,h,3021000,S,Marshall,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7/147 Male St,2,u,,PI,Marvelli,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,96 Male St,3,h,,SN,J,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,38 Montclair Av,4,h,,S,Buxton,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,384 New St,4,h,2400000,VB,Marshall,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12/568 New St,2,u,695000,S,Nick,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/26 Pearson St,2,u,,SP,Jellis,12/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,33 Bourneville Av,3,h,,VB,Buxton,12/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8A Ratho Av,3,t,,VB,Buxton,12/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brookfield,34 Pittos Av,4,h,445000,S,Barry,12/05/2018,3338,Western Victoria,3122,29.8,Melton City Council +Brunswick,3A Florence St,3,t,,PI,Jellis,12/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,66 Lyle St,3,h,1170000,S,Nelson,12/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,26 Trafford St,2,h,915000,VB,Jellis,12/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,31 Barkly St,3,h,1400000,PI,Woodards,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,408/1 Brunswick Rd,1,u,,PI,Ray,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2306/170 Edward St,1,u,415000,S,hockingstuart,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/214 Glenlyon Rd,2,u,683000,S,Nelson,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,18 Methven St,3,h,1055000,PI,Nelson,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,9 Nunan St,4,t,,PI,Nelson,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2 Primrose St,4,h,,S,Jellis,12/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,43 Peacock St,3,h,770000,SP,Nelson,12/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9 Turnbull Ct,3,h,,SP,Nelson,12/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,5 Alison Av,4,t,1020000,VB,Jellis,12/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,26 Calderwood St,4,h,1250000,VB,Parkes,12/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2 Coromandel Ct,4,h,1671000,S,Jellis,12/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2 Helene St,3,h,1005000,SP,Barry,12/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4 Millicent Av,6,h,1295000,VB,Noel,12/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,20 Athol Av,3,h,752000,S,Barry,12/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,25 Botanic Ct,3,h,710000,S,Ray,12/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Champion Cr,3,h,754500,S,Barry,12/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24 Gleeson Dr,3,h,735000,S,Darren,12/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,187 Greenwood Dr,3,h,,PI,Ray,12/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,26 Giverny Cl,3,h,605000,S,Prof.,12/05/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,20 Cypress Av,4,h,1252000,S,Buxton,12/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,32 Loudon Rd,3,h,,S,Marshall,12/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,44 Somers St,4,h,1500000,PI,Noel,12/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7/10 Webb St,2,u,653000,S,Harcourts,12/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,9 Jasmine Rd,5,h,920000,PI,Barry,12/05/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1 Berwick St,3,h,,SN,Marshall,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,603 Burke Rd,5,h,,SP,Marshall,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20A Carramar Av,3,h,1600000,VB,RT,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/12 Cooloongatta Rd,3,u,1300000,PI,Jellis,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/5 Fermanagh Rd,2,u,1035000,PI,Jellis,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 George St,4,h,2100000,VB,Kay,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,35 Glyndon Rd,4,h,1850000,VB,Jellis,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6/3 High Rd,2,u,,S,Marshall,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,234 Highfield Rd,5,h,3110000,PI,Kay,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/11 Jervis St,3,t,1200000,VB,Marshall,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Kasouka Rd,4,h,,SP,Bekdon,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Kerr Cr,4,h,,S,Fletchers,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Morey St,4,h,,SP,Jellis,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,833 Riversdale Rd,3,h,1750000,VB,Woodards,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/140 Through Rd,3,h,1305000,S,Nelson,12/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,4/162 Somerset Rd,2,t,330000,PI,Barry,12/05/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Carlton,3/289 Nicholson St,2,u,505000,SA,hockingstuart,12/05/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,55 Nicholson St,3,h,1210000,PI,Woodards,12/05/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,4/690 Lygon St,2,u,585000,PI,Nelson,12/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,201/73 Blackwood St,2,u,750000,S,Jellis,12/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10/144 Oakleigh Rd,1,u,,PI,Woodards,12/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/46 Rosanna St,1,u,320000,PI,Buxton,12/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,124 Truganini Rd,3,t,1050000,VB,Jellis,12/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,12/6 Walnut St,1,u,275500,S,Thomson,12/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,17 Etheridge Ri,3,h,735000,SP,Prof.,12/05/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,1/54 Church Rd,2,u,601000,S,Ray,12/05/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,13 Tonbridge St,3,h,,SN,Property,12/05/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield,25 Heatherbrae Av,3,h,1400000,SP,Jellis,12/05/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield,4/105 Murray St,3,u,,SN,Gary,12/05/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,8/472 Dandenong Rd,1,u,360000,S,Biggin,12/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,304/144 Hawthorn Rd,2,u,570000,VB,Marshall,12/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,28 Malvern Gr,4,h,2900000,VB,Gary,12/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,35 Aikman Cr,5,h,,VB,Harcourts,12/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,120 Ella Gr,4,h,950000,PI,O'Brien,12/05/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,4/20 Embankment Gr,2,t,670000,S,Buxton,12/05/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,3/29 Garfield St,2,t,771000,S,hockingstuart,12/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17/31 Garfield St,2,u,470000,PI,Ray,12/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7/11 Hannah St,2,u,650000,PI,O'Brien,12/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1282 Nepean Hwy,3,h,,S,Hodges,12/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9/287 Warrigal Rd,2,u,510000,S,Ray,12/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,19 Kingswood Dr,3,h,,SP,Judith,12/05/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,57 Dalbeattie Dr,3,h,,PI,Buxton,12/05/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,63 Margaret St,3,h,1070000,S,C21,12/05/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,25a Grant St,1,u,,S,Jellis,12/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,8a Peckville St,2,h,990000,VB,Nelson,12/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,86 Roseneath St,3,h,2090000,S,Jellis,12/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,21 Bishop St,2,h,965000,S,Barry,12/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6/27 The Grove,2,u,706000,S,Nelson,12/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,41 The Grove,3,h,1970000,S,Woodards,12/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Walker St,3,h,1015000,S,Nelson,12/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,2 Adler Gr,4,h,940000,VB,Jellis,12/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,90 Newlands Rd,3,h,881000,S,Brad,12/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,131 Campbell St,3,h,1100000,S,Biggin,12/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,146/158 Smith St,2,u,590000,PI,Whiting,12/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,17 Brayford Nk,3,h,460000,SP,RE,12/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Fenland St,3,h,480000,S,YPA,12/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Lion Ch,3,h,640000,S,Ray,12/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Meadowbank Ct,3,h,608000,S,Barry,12/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Viewside Cr,4,h,552000,S,Raine,12/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Viewside Cr,3,h,645000,S,LJ,12/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,13 Gerda Gr,4,h,995000,SP,O'Brien,12/05/2018,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,39 Dorset Rd,3,h,,VB,Max,12/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6/11 Toorak Av,2,u,,PI,Max,12/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,2/202 Eastfield Rd,3,u,,PI,Philip,12/05/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,75 McCrae St,6,h,1400000,S,McLennan,12/05/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Diamond Creek,26 Fraser St,3,h,741000,S,Barry,12/05/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,32 Ness St,3,h,845000,S,Buckingham,12/05/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,6 Raven Ct,4,h,,S,Ray,12/05/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,3 Kingswood Dr,3,h,839500,S,Ray,12/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Lumeah Ct,3,h,765000,PI,Ray,12/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2 Willy Ct,5,h,1010000,PI,Ray,12/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,14 Botanic Dr,4,h,1280000,VB,RT,12/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,15 Carnarvon St,3,t,,SN,McGrath,12/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Turana St,5,h,1450000,VB,Barry,12/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,20 Avocet St,3,h,1290000,S,Jellis,12/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,16 Daly St,3,h,1362000,S,Barry,12/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,21A Leura St,3,h,1015000,SP,Parkes,12/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,29 Maxia Rd,3,h,1451000,S,Barry,12/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2B Maxia Rd,3,t,999000,S,The,12/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8 Florence Av,3,h,751000,S,Ham,12/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2 Pine Rdg,5,h,,S,Jellis,12/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,12 Getaway Dr,3,h,,PI,hockingstuart,12/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,6 Lakeland Dr,4,h,952000,S,Barry,12/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,24 Maltravers Rd,5,h,2990000,VB,Miles,12/05/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,47 Ormond Rd,4,h,2020000,S,Miles,12/05/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Elsternwick,1/49 Clarence St,1,u,335000,SP,Matthew,12/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,206/242 Glenhuntly Rd,2,u,490000,VB,Gary,12/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,6/12 Parkside St,3,t,1280000,S,Gary,12/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,53 Arthur St,4,h,940000,VB,Jellis,12/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,5 Christine Av,4,h,1201500,S,Buckingham,12/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,37 Glenister Dr,3,h,820000,SP,Morrison,12/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,19 Sheffield St,2,h,,VB,Jellis,12/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,81 Silver St,4,h,1280000,VB,Morrison,12/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,3/29 Avoca Av,3,u,891000,S,Wilson,12/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/47 Spray St,2,u,550000,PI,Dingle,12/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Emerald,3 Alexander St,4,h,,W,Stockdale,12/05/2018,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Endeavour Hills,6 Cormorant Cl,3,h,,PI,Hall,12/05/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,75 Calendula Cct,3,h,511000,S,HAR,12/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Feldgrau Ri,3,h,,PI,LJH,12/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,35 Kyabram St,3,h,615000,S,Ray,12/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,41 Plush Cct,4,h,630000,PI,hockingstuart,12/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11/83 Rufus St,3,t,400000,SP,HAR,12/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,39 Price St,4,h,1425000,S,McDonald,12/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,103 Primrose St,4,h,2220000,S,Nelson,12/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/149 Roberts St,3,t,,PI,Pagan,12/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/1 Violet St,3,h,945000,VB,Nelson,12/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,99 Arthur St,2,h,,SP,Jellis,12/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,2/145 Grange Rd,2,t,706000,S,Nelson,12/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,14 Separation St,2,h,,SP,Jellis,12/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3/26 Tucker St,2,u,518000,S,McGrath,12/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,41 Mayfair Dr,5,h,890000,S,Noel,12/05/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,60 Alexandra Pde,4,h,,SP,Chambers,12/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,27/98 Nicholson St,1,u,430000,VB,Nelson,12/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,2/1 St David St,2,u,730000,S,Jellis,12/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,73 Best St,3,h,1755000,S,Nelson,12/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,220 Clauscen St,4,h,2450000,S,Nelson,12/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,31 McKean St,2,h,1400000,VB,Walsh,12/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,6/48 Miller St,2,u,587000,SP,Jellis,12/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,303/58 Queens Pde,2,u,800000,SP,Nelson,12/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,67 Rowe St,3,h,,S,Nelson,12/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,3/21 Empire St,2,u,,W,FN,12/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2a Everard St,3,t,810000,PI,Sweeney,12/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,7/18 Lernes St,2,u,646000,S,Barry,12/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,64 Raleigh St,5,h,,SN,Biggin,12/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,3/5 Valma Ct,3,t,940000,S,Woodards,12/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,90 Gould St,3,h,1330000,S,Eview,12/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,15 Kenmore Ct,3,h,,PI,Ray,12/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,50 Lindrum Rd,3,h,510000,PI,hockingstuart,12/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,25 Roberts St,2,h,567500,S,Ray,12/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Stuart Cl,4,h,820000,S,hockingstuart,12/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wave St,3,h,650000,PI,Barry,12/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne,48 Brantome St,1,h,850000,VB,RT,12/05/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,75 Howey St,3,h,710000,S,Kennedy,12/05/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,28 Clarke Dr,5,h,735000,S,Ray,12/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,50 Woodstock Dr,4,h,690000,S,Ray,12/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,22 Turner Av,4,h,1420000,PI,Gary,12/05/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,21 Aintree Rd,4,h,,S,Jellis,12/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,36 Howard St,5,h,3300000,VB,Marshall,12/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/29 Osborne Av,2,u,680000,VB,Castran,12/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,52 Vincent St,5,h,,VB,RT,12/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,4 Callaghan Av,3,h,855000,S,Fletchers,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,33 Chivers Av,3,h,900000,PI,Biggin,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Lori Pl,5,h,1500000,PI,Ray,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/8 Madeline St,2,u,,PI,Fletchers,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,66 Medina Rd,3,t,1295000,S,Harcourts,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Shepherd Rd,4,h,,SN,Harcourts,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/16 Shirley Av,2,u,832000,S,Harcourts,12/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/54 Maude Av,3,t,,S,Stockdale,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,112 Melbourne Av,3,h,760000,SP,RW,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,128 Melbourne Av,3,h,785000,S,Raine,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/26 Morell St,3,t,580000,S,Eview,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,159 West St,3,h,790000,S,YPA,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,122 Widford St,3,h,740000,PI,Del,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,125 Widford St,3,h,850000,PI,Barry,12/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,15 Alder Ct,4,h,871000,S,Raine,12/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,6 Duranta Dr,1,h,270000,VB,Nelson,12/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,1 Primrose Ct,3,h,,SP,Maddison,12/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,3/187 Elder St,2,u,620000,SP,Miles,12/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,94 Greenhill Rd,3,h,760000,VB,Darren,12/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/12 Hume St,2,h,590000,VB,Jellis,12/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,48 Wahroonga Cr,3,h,780000,PI,Darren,12/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,16 Warralong Av,3,h,700000,VB,Darren,12/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,24 Destination Dr,4,h,821000,S,Ray,12/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,26 Destination Dr,5,h,1000000,S,Ray,12/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,13b Kanowna St,4,t,2220000,S,Buxton,12/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6 Retreat Rd,6,h,2550000,VB,Hodges,12/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3 Ridge Av,3,h,1300000,PI,Buxton,12/05/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,7 Burlington Ch,3,h,,PI,Hall,12/05/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hampton Park,17 Oakman Wy,3,h,514000,S,Ray,12/05/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hampton Park,1 Topaz Wy,3,h,,SN,McLennan,12/05/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,16/70 Church St,2,u,,S,hockingstuart,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/6 Elm St,2,u,550000,VB,Nelson,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,29/563 Glenferrie Rd,1,u,437000,S,hockingstuart,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,22 Linda Cr,4,h,,S,Marshall,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,308/6 Lisson Gr,2,u,690000,S,Marshall,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,20/19 Park St,2,u,590000,S,Harcourts,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,26 Smart St,3,h,2100000,S,Marshall,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,49 The Boulevard,2,h,,S,Kay,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/54 Wattle Rd,3,u,,S,Marshall,12/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/28 Auburn Gr,2,u,702500,S,Nelson,12/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Beaconsfield Rd,3,h,,SN,Thomson,12/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,48 Roseberry St,3,h,1885000,S,Marshall,12/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4 Stanley Av,3,h,,S,Kay,12/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Bangor Ct,4,h,955000,S,Barry,12/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,2/51 Campbell St,2,u,702000,S,Jellis,12/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,38 Viviani Cr,3,h,820000,VB,Jellis,12/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,77 Altona St,3,h,900000,PI,Jellis,12/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,270 Liberty Pde,3,h,,SN,Jellis,12/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,12 Malahang Pde,1,h,,SN,Jellis,12/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2/19 Malahang Pde,2,t,635000,SP,Fletchers,12/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,37 Donald St,5,h,1955000,SP,Marshall,12/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 Hibberd St,3,h,,PI,Jellis,12/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,36 Allenby Rd,3,h,,PI,Bells,12/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1/6 Balmoral Cl,3,t,,S,Barry,12/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,35 Branton Rd,3,h,551000,S,Reliance,12/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Conifer Cl,4,h,,VB,Greg,12/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,24 Elder Rd,4,h,840000,S,hockingstuart,12/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,785 Sayers Rd,4,h,1750000,S,Greg,12/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Wiltonvale Av,4,h,577000,S,YPA,12/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,6/27 Ross St,2,u,401000,S,Buxton,12/05/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,3 Sparkford St,2,h,698000,S,Jellis,12/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,36 Valentine St,4,h,,SP,Miles,12/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,18 King St,4,h,2350000,VB,Jellis,12/05/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,4 Bliburg St,3,h,567000,S,YPA,12/05/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,16 Campaspe Cr,3,h,820000,SP,Brad,12/05/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,18 Loddon Av,4,h,765000,SP,Brad,12/05/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,6 Stuart Ct,5,h,733000,S,O'Brien,12/05/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,18 Hyperno Ct,4,h,821000,S,Barry,12/05/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,19 Lincoln Dr,4,h,1020000,PI,Nelson,12/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,31 Parkside Av,3,h,775000,S,Biggin,12/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,406/18 Bent St,2,u,,PI,Jellis,12/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,51A Eastwood St,2,h,800000,PI,Nelson,12/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,16 Hardwick La,1,t,601000,S,Rendina,12/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,5/465 MacAulay Rd,1,u,446000,S,Nelson,12/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,10 Argyle Rd,3,h,3000000,VB,Jellis,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25 Argyle Rd,3,h,2100000,VB,Marshall,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,45 Atkins St,2,h,,S,hockingstuart,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/178 Brougham St,2,u,652500,S,Jellis,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/1217 Burke Rd,3,t,1105000,PI,Kay,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Childers St,3,h,2000000,VB,Jellis,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9A College Pde,3,h,2280000,SA,Abercromby's,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Finhaven Ct,5,h,,PI,MIG,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Hillcrest Av,3,h,,VB,Jellis,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1 River Rt,4,h,,S,Jellis,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,31 Wrixon St,5,h,,VB,Jellis,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,36 Yarravale Rd,4,h,,PI,Kay,12/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1 Cascade Dr,4,h,2000000,VB,Caine,12/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,35 Irymple Av,2,h,1760000,S,hockingstuart/ASL,12/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,48 Ramsay Av,5,h,,S,Marshall,12/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/35 Strathalbyn St,2,u,670000,VB,Jellis,12/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsville,122 Queensville St,3,h,1000000,PI,Village,12/05/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,29 Wales St,3,h,1055000,S,Jas,12/05/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,23 Avenel Rd,4,h,2630000,S,Marshall,12/05/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,357 Edgars Rd,3,h,645000,S,HAR,12/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,9 Mindoro Cr,3,h,655000,SP,Love,12/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,12 Melrose Av,3,h,919000,S,Ray,12/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Malvern,1 Willow St,4,h,,SN,Marshall,12/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,6 Bowlers Wy,4,h,1950000,PI,hockingstuart,12/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1 Ramona Av,3,h,1950000,VB,Buxton,12/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/3 Steele St,2,u,,SP,Jellis,12/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7/798 Warrigal Rd,1,u,,SP,Jellis,12/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,100 Edgewater Bvd,3,h,1032000,S,hockingstuart,12/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,205/77 Village Wy,2,u,400000,S,Raine,12/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,3B Abergeldie Av,4,t,1650000,PI,hockingstuart,12/05/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,64 Taggerty Cr,5,h,,PI,Raine,12/05/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,702/325 Collins St,2,u,1000000,VB,Galldon,12/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,34/78 Queens Rd,2,u,,SN,Gary,12/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,64/461 St Kilda Rd,3,u,,S,Kay,12/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,604/582 St Kilda Rd,2,u,810000,S,McGrath,12/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,4001/8 Sutherland St,3,u,2400000,PI,hockingstuart,12/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,10 Haynes Ct,3,h,,PI,Barry,12/05/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,4 Andrew St,3,h,,PI,Raine,12/05/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,1/11 Phillip St,2,u,330000,SP,Raine,12/05/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,16 Chelmsford Wy,3,h,,PI,Ryder,12/05/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/45 Albenca St,3,t,825000,S,O'Brien,12/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,21 Muir Wy,3,h,592500,S,HAR,12/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,42 Pearson Rd,4,h,701000,S,Love,12/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,11 Rowanval Tce,3,h,672000,S,Stockdale,12/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,390 Richardson St,4,h,4580000,S,Kay,12/05/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,13 Benz Cl,2,u,527000,S,HAR,12/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,11 Hargrave Ct,3,h,680000,S,Ray,12/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,65 Konrads Cr,4,h,640000,SP,Nicholson,12/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Norwood Rd,3,h,685000,PI,hockingstuart,12/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Redfield Ct,4,h,760000,SP,Ristic,12/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Scullin Ct,4,h,720000,S,Collings,12/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,58A Creek Rd,3,u,1072500,S,Noel,12/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,34A Deakin St,2,h,640000,PI,Ray,12/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/16 Harrison St,3,u,860000,S,Noel,12/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9 Ian Cr,6,h,1380000,S,Jellis,12/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/21 Helwig Av,2,h,,SP,Fletchers,12/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,24 Reichelt Av,3,h,910000,S,Morrison,12/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,14 Starling St,4,h,1150000,VB,Jellis,12/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/6 Wattle Av,3,t,1326000,S,Jellis,12/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,5/24 Ardmillan Rd,2,u,705000,S,McDonald,12/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,906/341 Ascot Vale Rd,2,u,450000,SP,Pagan,12/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,42 Bent St,3,h,1410000,S,Barry,12/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8A Norfolk St,3,h,1327000,S,Nelson,12/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,11 York St,3,h,1250000,VB,Nelson,12/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,505/11 Central Av,2,u,527500,S,Ray,12/05/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,1/5 Albert St,2,u,650000,S,Barry,12/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,6 Hyland St,4,h,1150000,PI,Buxton,12/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,36 Essex Rd,5,h,,SP,McGrath,12/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,64 Lechte Rd,5,h,,PI,Biggin,12/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Randall Ct,3,h,,PN,HAR,12/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Simpson Dr,4,h,,VB,Fletchers,12/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/291 Waverley Rd,2,u,,PI,Biggin,12/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,1 Blanford Ct,5,h,,SN,Win,12/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Glencairn St,3,h,891000,S,Win,12/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Mangana Dr,3,h,885000,S,Win,12/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Portland St,3,h,765000,S,Harcourts,12/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3/36 Rosella St,2,u,501500,SP,Woodards,12/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,5/38 Blenheim Rd,4,h,860000,SP,Williams,12/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,295 Douglas Pde,2,h,,VB,Purplebricks,12/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/63 Elizabeth St,2,u,,SP,Raine,12/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,36 Franklin St,2,h,900000,SP,Greg,12/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,10/3 Johnston St,3,t,885000,S,hockingstuart,12/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,1/28 Alfred St,3,h,595000,S,Area,12/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,21 French St,3,h,,SN,iSell,12/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/28 Jellicoe St,3,u,540000,S,Area,12/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,8 Mons Pde,3,h,851000,S,LJ,12/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,56 Byron St,3,h,1205000,S,Beller,12/05/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,14 Lothian St,3,t,1270000,S,W.B.,12/05/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,8 Osborne Rd,4,h,910000,S,Gardiner,12/05/2018,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,137 Beavers Rd,2,h,1315000,S,Woodards,12/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,110 Clarke St,3,h,,VB,Jellis,12/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,307/332 High St,3,u,425000,SP,McGrath,12/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6/101 Victoria Rd,2,t,770000,S,McGrath,12/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,26 Tamala Av,3,h,,PI,Biggin,12/05/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Oakleigh East,1/16 Keith St,3,u,,SN,FN,12/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,13 Abercrombie St,3,h,985000,PI,Buxton,12/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/16 Peter St,3,h,870000,S,One,12/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2/6 Reid St,2,u,595000,VB,Ray,12/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,9/4 Holloway St,1,u,272500,VB,Thomson,12/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,29 Stewart St,4,h,,S,Buxton,12/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,126 Wheatley Rd,2,h,1102000,S,Buxton,12/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,3 Cato Wy,4,h,,PI,Barry,12/05/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,35 Edenbrook Cct,4,h,,W,Ray,12/05/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,2 Cherrington Ct,4,h,1162500,S,Hodges,12/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,21A Elm Gr,2,h,925000,S,Buxton,12/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/31 Herbert St,3,t,835000,S,Hodges,12/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,54 Herbert St,5,h,2350000,S,Buxton,12/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,26 Bunjil Wy,5,h,1515000,S,Collings,12/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,107/88 Cade Wy,2,u,468000,SP,Pagan,12/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,3/193 Royal Pde,2,u,800000,S,LITTLE,12/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,8 Birch Ct,2,h,510000,S,Nelson,12/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/297 Cumberland Rd,2,t,515000,SP,Barry,12/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/50 Danin St,2,h,,PI,Nelson,12/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/2 Douglas St,3,t,650000,SP,Stockdale,12/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,58 Northumberland Rd,3,h,,S,Nelson,12/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/23 Snell Gr,2,u,650000,S,Barry,12/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,1 Armstrong Wk,3,h,547000,S,YPA,12/05/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,32 Landing Pl,3,h,672000,SP,hockingstuart,12/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,137 Albert St,2,h,,PN,RT,12/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,606/101 Bay St,2,u,,SP,LITTLE,12/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,36 Liardet St,2,h,1288000,S,The,12/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,20 Nottingham St,3,h,1845000,SP,hockingstuart,12/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,69 Princes St,3,h,1100000,VB,Jellis,12/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,3/110 Albert St,2,t,570000,VB,Nelson,12/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Alfred St,3,h,940000,VB,Nelson,12/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Benambra St,5,h,,PI,RW,12/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,53 George St,4,h,,SP,RW,12/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Tiernan St,3,h,970000,S,Nelson,12/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,156 McIlwraith St,3,h,1550000,VB,Nelson,12/05/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,22 Ayr St,5,h,1305000,SP,RW,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Chenies St,2,t,645000,S,Barry,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Compton St,4,h,840000,VB,Ray,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Corben St,2,h,,SP,Nelson,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,37 Cuthbert Rd,3,h,865000,S,Ray,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,80 Darebin Bvd,3,h,965000,SP,RW,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/96 Darebin Bvd,2,h,500000,VB,Fletchers,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/54 Dumbarton St,2,t,501000,S,Ray,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Locher Av,3,h,740000,VB,Flannagan,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,131 Mahoneys Rd,3,h,585000,S,Ray,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,63 Pallant Av,3,h,880000,VB,Nelson,12/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,3/94 Buckingham St,2,h,890000,SP,Biggin,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/323 Church St,3,t,1155000,SP,Biggin,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/8 Egan St,2,t,760000,S,Jellis,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,74 Gardner St,3,h,1310000,S,Nelson,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,109/8 Howard St,1,u,490000,VB,Kay,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7 North St,2,h,745000,S,hockingstuart,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/1 Princess St,4,t,2500000,S,Biggin,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Wall St,2,h,1710000,S,Biggin,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5 Wertheim St,3,h,2050000,S,Jellis,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,23/59 Westbank Tce,2,t,,S,Biggin,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,48 York St,3,h,1270000,S,Biggin,12/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,346 Canterbury Rd,3,h,1550000,SP,Jellis,12/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,7/5 Churchill St,2,u,450500,S,Woodards,12/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Hillcrest Av,3,h,610500,S,Ray,12/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Linda Dr,4,h,973000,S,Fletchers,12/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Upton Ct,3,h,1310000,S,hockingstuart,12/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Wyndarra Ct,4,h,1100000,VB,Noel,12/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,129A Bedford Rd,4,h,,W,Jellis,12/05/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,10 Velma Gr,2,h,,PI,Noel,12/05/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,26 Melview Dr,4,h,,PI,Fletchers,12/05/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,1/18 Coorie Cr,3,h,940000,VB,Miles,12/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,33 Coorie Cr,3,h,1220000,VB,Miles,12/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,86 Grandview Gr,3,h,1192500,S,Miles,12/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,28 Stanton Cr,3,h,1220000,SP,Miles,12/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,12 Braeburn Pde,4,h,,PI,Ray,12/05/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,1 Almands Av,4,h,640000,PI,Raine,12/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,7 Bentley Av,4,h,610000,SP,HAR,12/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,32 Cambridge Cr,3,h,575000,S,Ray,12/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,16 Manley Av,3,h,570000,SP,HAR,12/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,15 Ninnis Ct,5,h,700000,PI,Ray,12/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,18 Sheridan Wy,4,h,480000,S,Raine,12/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,3/140 Bay Rd,3,t,,S,Hodges,12/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/91 Beach Rd,2,u,665000,PI,hockingstuart,12/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,63 Fernhill Rd,4,h,3000000,VB,Marshall,12/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,19A Rose St,4,t,2050000,VB,Buxton,12/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,47 Vincent St,4,h,1750000,VB,Buxton,12/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,12 Roma St,4,h,756000,S,Harcourts,12/05/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seabrook,64 Shane Av,3,h,,PI,hockingstuart,12/05/2018,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,88 Coolibar Av,4,h,,PI,Wilson,12/05/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,9 Sussex St,3,h,1320000,S,Greg,12/05/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,4 Acton St,2,h,950000,PI,Village,12/05/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,16 Margaret St,3,h,1110000,S,Jas,12/05/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,360 Albert Rd,3,h,2500000,PI,Marshall,12/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,37 Lyell St,2,h,1330000,S,Marshall,12/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,5/343 Moray St,2,u,,SP,Abercromby's,12/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,27 Elysee Av,3,h,,PI,HAR,12/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Grattan St,4,h,627000,S,The,12/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,24 Lanata St,3,h,,S,Barry,12/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,502/3 Chapel Mw,1,u,,S,hockingstuart,12/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/56 Darling St,1,u,,S,Jellis,12/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/49 Davis Av,2,u,485000,PI,Williams,12/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2 Fawkner St,3,h,,SN,Marshall,12/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/324 Walsh St,2,u,859000,S,Rodney,12/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1502/63 Whiteman St,2,u,,PI,Lucas,12/05/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +St Albans,23 Biggs St,3,h,505000,S,Nguyen,12/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Browne Av,4,h,,PI,YPA,12/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,31 Erica Av,3,h,,VB,Sweeney,12/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,25/4 Alfred Sq,2,u,570000,PI,Ray,12/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11A Baker St,4,h,,PI,Pride,12/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/60 Carlisle St,1,u,450000,S,Gary,12/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,13/15 Charnwood Rd,1,u,400000,VB,McGrath,12/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,22/14 Crimea St,1,u,380000,PI,RT,12/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,4/45 Balmoral Av,2,u,550000,VB,Nelson,12/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,11 Hayes Rd,2,h,1505000,SP,Nelson,12/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,37 Lind St,4,h,1101000,S,Considine,12/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,28 Collier Pl,3,h,,PI,Jellis,12/05/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Strathmore Heights,3/29 Collier Ct,3,h,600000,S,Considine,12/05/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,58 Aldridge Dr,3,h,703000,S,YPA,12/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,55 Balmoral Cct,3,h,600000,SP,Raine,12/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Lister Cr,3,h,470000,VB,Kontek,12/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,47 Melba Av,3,h,,VB,Barry,12/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,27 Alice St,4,h,,SP,Bells,12/05/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,4 Dundalk St,3,h,855000,S,Barry,12/05/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,13 Hendry St,7,h,1160000,S,Douglas,12/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,6 Ross St,3,h,1900000,VB,Jellis,12/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Union Rd,5,h,,S,Marshall,12/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,424A Whitehorse Rd,3,h,1400000,VB,Woodards,12/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1C Wilson St,3,h,,S,hockingstuart,12/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,1/41 Pecks Rd,3,u,,S,Barry,12/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,40 Silverdene Av,3,h,566000,S,Barry,12/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,9 Toombak Wk,4,h,640000,S,Prof.,12/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Templestowe,1/55 Atkinson St,4,h,,S,Jellis,12/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,15 Dellas Av,4,h,,S,Jellis,12/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,9 Millwood Ct,5,h,1500000,VB,Ray,12/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,13 Serpells Rd,4,h,1130000,S,Jellis,12/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,20 Esther St,4,h,,S,Jellis,12/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,275 Manningham Rd,3,h,1250000,SP,Jellis,12/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,42 Alexander Av,3,h,,PI,HAR,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,54 Barry Rd,4,h,730000,S,HAR,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,76 Cedar St,3,h,735500,S,HAR,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,101 Edgars Rd,3,h,625000,S,Love,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,26 Kemp Av,3,h,650000,PI,Harcourts,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Main St,2,h,1061000,SP,Barry,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,14 Rochester Dr,3,h,641500,S,HAR,12/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,250 Clarendon St,3,h,1000000,VB,Nelson,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,97 Clyde St,3,h,1502000,S,Nelson,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/334 Gillies St,3,t,922000,S,Jellis,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,58e Leinster Gr,2,u,700000,VB,Alexkarbon,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,277b Rathmines St,2,t,730000,VB,Nelson,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,25 Rossmoyne St,2,h,850000,S,Woodards,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,326 Rossmoyne St,3,t,915000,SP,McGrath,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/84 St David St,2,u,720000,PI,Woodards,12/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,3 Glyndebourne Av,4,h,,PI,RT,12/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/1085 Malvern Rd,3,u,2000000,VB,Kay,12/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,38 Barmera Wy,4,h,,S,hockingstuart,12/05/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,36 Birchmore Cct,3,h,480000,S,Sweeney,12/05/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,20 Fortune St,4,h,578000,S,hockingstuart,12/05/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,95 Dawson St,4,h,707000,S,Stockdale,12/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,26/200 Melrose Dr,2,u,290000,S,YPA,12/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,1 Adrian Av,4,h,,VB,Harcourts,12/05/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,19 Overland Dr,3,h,1050000,PI,Woodards,12/05/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna South,91 Artesian Av,3,h,970000,SP,Barry,12/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2 Clerehan Ct,4,h,,PI,Barry,12/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,107 Jenola Pde,5,h,977500,S,Philip,12/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,52 Frensham Rd,3,h,795000,S,Darren,12/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,29 Gabonia Av,3,h,730000,SP,Darren,12/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,273 Grimshaw St,3,h,650000,S,Darren,12/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,15 Illoura St,3,h,831000,S,Darren,12/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,54 Kenmare St,3,h,705000,S,Morrison,12/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,51 Cambridge Cr,3,h,,PI,C21,12/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Wyndham St,3,h,,SP,Ray,12/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,1 Barton St,3,h,1030000,SP,Jas,12/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/8 Hampton Pde,3,t,855000,S,Village,12/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,11 Hansen St,4,h,,W,McGrath,12/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4/13 Ormond Rd,1,h,225000,S,hockingstuart,12/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,32 Palmerston St,4,h,1058000,SP,Jas,12/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,68 Roden St,4,h,2400000,S,Alexkarbon,12/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,6 Parkhill Ct,3,h,595000,S,Barry,12/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,49 Calderwood Av,4,h,980000,VB,Barry,12/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Clarke Ct,4,h,1290000,SP,Roger,12/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,38 Victoria St,4,h,2690000,S,Sweeney,12/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,9/19 Ellesmere Rd,1,u,385000,S,Gary,12/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,22 Gertrude St,4,h,,SP,Kay,12/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,47a Henry St,2,h,,SP,Biggin,12/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,96 Henry St,2,h,1235000,S,hockingstuart,12/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,7/5 The Avenue,2,u,650000,SP,Whiting,12/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,3/4 Victoria St,2,u,,SP,hockingstuart,12/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,67 Empress Av,4,h,695000,SP,HAR,12/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,2 Cyprus Ct,4,h,,PI,Barry,12/05/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,5 Penole Wy,3,h,,SP,Barry,12/05/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,107 Anderson St,3,h,1200000,SP,Village,12/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,70 Bishop St,5,h,1705000,S,Greg,12/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/185 Francis St,3,u,,W,Sweeney,12/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5 Gordon Pde,3,h,980000,PI,Jas,12/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Albert Park,4a Gatehouse La,3,h,1370000,S,Greg,12/06/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,83 Fulham Rd,5,h,2840000,S,Nelson,12/06/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona North,21 Allan St,4,h,650000,SP,Williams,12/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ashburton,1/24 Crete Av,3,t,1340000,S,Jellis,12/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,50 Cassinia Av,3,h,1232800,S,Fletchers,12/06/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,46 Kubis Av,3,h,781588,SP,Ray,12/06/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,137 Nepean Hwy,3,t,900000,PI,hockingstuart,12/06/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,2/7 Tindale Ct,3,t,330000,PI,Harcourts,12/06/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Balwyn North,141 Greythorn Rd,5,h,1500000,S,hockingstuart,12/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23a The Boulevard,5,h,2200000,VB,Noel,12/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Black Rock,22 Love St,4,h,1855000,S,Buxton,12/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,12 Tulip St,3,h,1250000,S,Thomson,12/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Box Hill,1/7 Glenmore St,1,u,288000,SP,hockingstuart,12/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brunswick West,18/180 Union St,2,u,435000,S,Nelson,12/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,13 Marjorie Cl,5,h,,SP,Fletchers,12/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,239 Greenhills Rd,3,h,537500,S,Ray,12/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,1/34 Cumming St,5,h,1060000,S,Ray,12/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,14 Wridgway Av,4,h,1765000,S,Ray,12/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,28 Bellevue Av,3,h,,SN,Barry,12/06/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,42 Tainton Rd,4,h,,SN,Biggin,12/06/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,4 Range St,3,h,2000000,S,Jellis,12/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,163 Through Rd,3,h,1302000,S,Fletchers,12/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carnegie,19/225 Koornang Rd,2,u,460000,VB,Ray,12/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,14 Daly Cct,3,h,,PI,YPA,12/06/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Cheltenham,2/4 Blagdon St,2,t,560000,VB,Buxton,12/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19 Heather Gr,4,h,1030000,VB,Buxton,12/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Jacaranda Av,4,h,,SN,O'Brien,12/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/28 Tulip Gr,2,u,510000,S,O'Brien,12/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clifton Hill,28 Myrtle St,3,h,,SP,Jellis,12/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,133 Roseneath St,2,h,,SP,Nelson,12/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Craigieburn,20 Pymble Gdns,3,h,,SN,Barry,12/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Silverton Ct,3,h,381000,S,Ray,12/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,11 Carlyle St,3,h,590000,S,hockingstuart,12/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Elizabeth St,3,h,,PI,Philip,12/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,1/24 De Villiers Dr,2,u,,SN,Barry,12/06/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,11 Ascot Ct,3,h,530000,S,Ray,12/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1567 Heatherton Rd,2,h,,PN,Hall,12/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,19 Walsh St,3,h,,S,Marshall,12/06/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,25 Kynoch St,3,h,425000,SP,YPA,12/06/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,28 Welwyn Pde,3,h,,W,YPA,12/06/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Docklands,2007/2 Newquay Prm,3,u,,PI,Barry,12/06/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,4 Judith Ct,5,h,,PI,Barry,12/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,35 Bowen Rd,3,h,910000,PI,Barry,12/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,29 Maggs St,5,h,,S,Barry,12/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,10 Sunray Ct,3,h,861000,S,Barry,12/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,70 Crimson Dr,3,h,,SN,Barry,12/06/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,199 George St,3,h,,SP,Caine,12/06/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elwood,4/5 Southey Ct,2,u,717000,S,Marshall,12/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,7 Findon Rd,4,h,,SN,Barry,12/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,141 Cooper St,3,h,1990000,S,Barry,12/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,62 Mary St,3,h,855000,S,Nelson,12/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1 McCarron Pde,4,h,1775000,S,Nelson,12/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,6 Beryl St,3,h,,VB,Barry,12/06/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,1/410 Buckley St,3,t,800000,VB,Barry,12/06/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fitzroy,15/300 Young St,2,u,,S,hockingstuart,12/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,28 Percy St,2,h,990000,S,Nelson,12/06/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,11 Dawson Av,3,h,840000,SP,Biggin,12/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,120 MacPherson St,3,h,760000,S,Biggin,12/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3/53 Whitehall St,2,u,420000,VB,Village,12/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,1/66 Mahoneys Rd,2,u,630000,S,Allens,12/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,8 Sandon Cct,3,h,,VB,Woodards,12/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston South,41 Gowrie Av,3,h,,SN,Barry,12/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,13 Vaucluse Av,3,h,525000,S,YPA,12/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Waverley,742 Highbury Rd,3,h,950800,SP,Buxton,12/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Ingleside Cr,6,h,,PI,Ray,12/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,64 Mannering Dr,4,h,,PI,Ray,12/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/27 McKenna Rd,3,u,,SN,Biggin,12/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/13 Rolls Ct,4,t,,PI,Ray,12/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,41 Isla Av,2,h,438000,S,Ray,12/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,19 Thoona Gr,3,h,645000,S,Ray,12/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,7 Kinross Ct,4,h,680200,S,Barry,12/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,24 South St,3,t,750000,S,Stockdale,12/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,310 Hampton St,4,h,2600000,S,Hodges,12/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,27/78 Holyrood St,2,u,685000,PI,RT,12/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,3 Randolph St,3,h,2065000,S,Jellis,12/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,207/17 Riversdale Rd,1,u,390000,VB,LITTLE,12/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/50 Victoria Rd,3,h,1460000,PI,Marshall,12/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg Heights,18 Shelley St,2,h,584000,S,Ray,12/06/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Hillside,2 Favaro Pl,4,h,460001,SP,Ray,12/06/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,14 Ozzimo Dr,3,h,492000,S,Barry,12/06/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,45 Baggott Dr,4,h,425500,S,YPA,12/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Eleanor Dr,4,h,530000,SP,Sweeney,12/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Patterson Av,3,h,410000,SA,YPA,12/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,15 Mortimer St,6,h,886500,S,Woodards,12/06/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,1 Bond St,3,h,,S,Jellis,12/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,49 Hales Cr,3,h,495000,S,Stockdale,12/06/2016,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Lodge,32 Messina Cr,4,h,660000,S,Barry,12/06/2016,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,119/71 Henry St,1,u,370000,VB,Edward,12/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Keysborough,5 Mayfair Ct,3,h,595000,S,Ray,12/06/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,135 Kurung Dr,3,h,396000,S,YPA,12/06/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Lalor,8 Currawong Av,3,h,485000,S,Harcourts,12/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Malvern East,50 The Boulevard,3,h,1555000,S,Fletchers,12/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,43 Tooronga Rd,4,h,,SP,Marshall,12/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,8/7 Grandview Av,2,t,370000,PI,Nelson,12/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Mentone,2/122 Collins St,2,t,660000,S,hockingstuart,12/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mill Park,2a Lavender Ct,3,h,,SN,Barry,12/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,3/10 Hopetoun St,3,t,740000,PI,Noel,12/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mordialloc,12b Collocott St,4,t,720000,VB,Buxton,12/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,4 Antoinette Ct,5,h,,SN,Barry,12/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Avondale Gr,5,h,2065000,S,Ray,12/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,628 Huntingdale Rd,3,h,810000,PI,Barry,12/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24b Virginia St,4,t,1380000,PI,hockingstuart,12/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2/40 Wilma Av,4,t,715000,S,Ray,12/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1 Churchill Cl,4,h,,PI,Buxton,12/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,15 Barunah Ct,4,h,450000,VB,Harcourts,12/06/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Noble Park,16/42 Liege Av,3,t,440000,PI,Ray,12/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,68b Derby St,4,h,1310000,PI,Nelson,12/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Henry St,2,h,1112000,S,Nelson,12/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,121 Mitchell St,5,h,,SN,Nelson,12/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,32 Morden Ct,3,h,,SN,Woodards,12/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1 Zander Av,4,h,1155000,S,Noel,12/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,5/1 Parer St,2,h,600000,SP,Barry,12/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,10a Farm Rd,2,h,580000,PI,Buxton,12/06/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,7/4 Holloway St,1,u,260000,PI,Ray,12/06/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,57a Warren Rd,3,t,690000,S,Buxton,12/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Prahran,26 Florence St,2,h,,SN,hockingstuart,12/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,126 Albert St,3,h,600000,VB,hockingstuart,12/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/111 Regent St,2,t,,SP,Nelson,12/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,24 MacLagan Cr,3,h,,S,Nelson,12/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,146 North Rd,3,h,812000,S,Ray,12/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Powell St,3,h,,SN,Barry,12/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Rathcown Rd,3,h,682000,SP,Barry,12/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/128 St Vigeons Rd,5,t,575000,S,Ray,12/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Tambo Av,3,h,720000,SP,Ray,12/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Ringwood,11 Avis Ct,3,h,,SN,Barry,12/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,10 Ireland St,2,h,1280000,S,Carter,12/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,64 Wonga Rd,4,h,,SP,Carter,12/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Rowville,4 Santed Ct,3,h,620000,S,Ray,12/06/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,23 Centaurus Av,3,h,339600,S,Raine,12/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,22 Emanuel Dr,3,h,500000,S,Harcourts,12/06/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,93 Kirkwood Av,3,h,672000,S,Harcourts/Harcourts,12/06/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Kingsville,69 Watt St,3,h,985000,S,Williams,12/06/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,28 Harmony Dr,4,h,890000,S,Harcourts,12/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,33a Clara St,2,h,1500000,S,Castran,12/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,91/390 Toorak Rd,2,u,1030000,VB,Sotheby's,12/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,24 Forrest St,3,h,927000,S,Williams,12/06/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,6 Fairview St,3,h,725000,S,Leyton,12/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,18 Eisner St,3,h,450000,PI,Sweeney,12/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,12b Dalgety St,3,h,,S,Marshall,12/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,37/151 Fitzroy St,2,u,571000,S,Whiting,12/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/171 Fitzroy St,2,u,690000,VB,hockingstuart,12/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,25 Hayes Rd,5,h,1440000,S,Barry,12/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Surrey Hills,14 Verdun St,5,h,1650000,VB,hockingstuart,12/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Lakes,13c Wentworth Dr,3,h,435000,S,Ray,12/06/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,15 Caroline Dr,4,h,,PI,Barry,12/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,5 Ardoch Av,3,h,452000,S,Ray,12/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,9 Lilydale Ct,3,h,,PI,Harcourts,12/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,327 Gillies St,3,h,1210000,PI,Nelson,12/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4 Kelvin Gr,2,h,944000,SP,Barry,12/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,92 Speight St,2,h,970000,S,Barry,12/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,11 Church St,3,t,2700000,VB,Kay,12/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont South,4/604 Burwood Hwy,3,t,640000,VB,Noel,12/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,837 Highbury Rd,5,h,,PI,Biggin,12/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,15 Diane Cr,3,h,828500,SA,Nelson,12/06/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,54 Ireland Av,4,h,,PI,Ray,12/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,48 Ballan Rd,3,h,307000,S,YPA,12/06/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Wollert,21 Vanin St,4,h,,SP,Stockdale,12/06/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Abbotsford,143 Charles St,3,h,1635000,S,Nelson,12/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,10 James St,2,h,940000,S,Biggin,12/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,17 Valiant St,3,h,1375000,S,hockingstuart,12/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,1/50 Valiant St,4,t,1525000,S,Jellis,12/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,241 Buckley St,4,h,1380000,VB,Nelson,12/08/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,130A The Boulevard,4,h,2300000,VB,Alexkarbon,12/08/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,53a Vida St,3,t,1370000,S,Barry,12/08/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,18a Creswell Av,3,u,700000,VB,Barry,12/08/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,44 Moorna Dr,4,t,950000,S,Barry,12/08/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,51a President Rd,2,u,415000,SP,Biggin,12/08/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Alphington,30 Kelvin Rd,3,h,1625000,VB,Jellis,12/08/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,22 Bayview St,4,t,,PN,hockingstuart,12/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,232 Blyth St,3,h,1225000,S,Barlow,12/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/22 Harrington St,3,u,660000,S,Barlow,12/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,9 Lark St,3,h,1020000,PI,hockingstuart,12/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,41 Maidstone St,3,u,767000,SP,Barlow,12/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,1 Sheppard Ct,4,h,810000,SP,Purplebricks,12/08/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,1/17 Marigold Av,3,u,725000,S,hockingstuart,12/08/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,9 Baldwin St,2,h,1480000,SP,Jellis,12/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,27 Wattletree Rd,4,h,,S,Marshall,12/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,21/62 Wattletree Rd,2,u,821000,S,hockingstuart,12/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,32 Langs Rd,3,h,,S,Alexkarbon,12/08/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,29 Myrnong Cr,3,h,1250000,VB,Jellis,12/08/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,105/315 High St,2,u,,PI,Buxton,12/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2/6 Ramu Gr,4,t,1520000,S,Jellis,12/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,19 Ward St,3,h,2299500,S,Jellis,12/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Aspendale Gardens,1 Wildoer Dr,3,h,951000,S,Ray,12/08/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,23 Duke St,3,h,,S,Brad,12/08/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,16 Laura Gr,4,h,900000,VB,Nelson,12/08/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,9/36 The Avenue,2,u,700000,SP,Marshall,12/08/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,5/78 Westbury St,1,u,,SA,hockingstuart,12/08/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,4/8 Bevan St,2,u,614000,S,Noel,12/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,54 Northcote Av,4,h,2360000,S,Fletchers,12/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,260 Union Rd,3,h,1750000,SP,Marshall,12/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7/132 Yarrbat Av,4,t,1785000,S,Jellis,12/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,45A Helston St,4,h,1460000,VB,hockingstuart,12/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1A Kawarren St,3,h,1360000,S,Fletchers,12/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Landen Av,3,h,1485000,S,Ross,12/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,26 Maylands Av,3,h,1739000,S,Nelson,12/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Riverside Av,5,h,,S,Marshall,12/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,4/22 Grandview Gr,3,h,720000,S,RW,12/08/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,14 Cavell Ct,5,h,1780000,S,hockingstuart,12/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,95 Pellatt St,4,h,1611000,S,Buxton,12/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,4 Erica Ct,3,h,1006000,S,Barry,12/08/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,22 Atkinson St,4,h,1700000,S,Jellis,12/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,60A Fromer St,4,t,1280000,S,Buxton,12/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/7 Harding St,3,t,1250000,VB,Buxton,12/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15A Windsor Av,4,t,1750000,S,Buxton,12/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,4 Carmel Ct,3,h,1175000,SP,Gary,12/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Edith Ct,3,h,1290000,S,Buxton,12/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75a Parkmore Rd,4,t,1200000,VB,Buxton,12/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Waratah St,3,h,,SA,Buxton,12/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Ellaswood Cl,4,h,683000,S,O'Brien,12/08/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,10 Potter St,3,h,,PI,Hodges,12/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,3 Whitton Ct,4,h,1730000,S,hockingstuart,12/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,45 Salisbury Av,3,h,,SN,Woodards,12/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,140 Surrey Rd,3,h,1100000,S,Noel,12/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Tyrrell Av,4,h,,SN,Woodards,12/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,5 Hibiscus Rd,4,h,1250000,PI,Jellis,12/08/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,17 Drummond St,3,h,1246000,SA,Fletchers,12/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,123 Fulton Rd,3,t,,PN,Woodards,12/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,29 Shawlands Av,4,h,,S,Noel,12/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,1/347 Boronia Rd,4,t,740000,PI,Barry,12/08/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,4/40 Barkly St,2,u,,SP,Jellis,12/08/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,13 Patricia St,3,h,1525000,PI,VICProp,12/08/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/1129 Whitehorse Rd,2,t,730000,PI,McGrath,12/08/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,31 Boyce Av,3,h,830000,S,Buckingham,12/08/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,23 Arthur Av,5,h,3000000,VB,Buxton,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,76 Champion St,3,h,1900000,VB,RT,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/170 Church St,3,u,1296000,S,Biggin,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2A Collins St,4,h,4050000,PI,Buxton,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4 Glendora Av,4,h,2210000,SP,Marshall,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Lawrence St,4,h,2500000,S,Nick,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,385 New St,4,h,,PI,Kay,12/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,4/1 Barr St,3,t,892000,S,Hodges,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Bruce St,4,h,1655000,PI,Hodges,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/13 Carrington Gr,3,t,,S,Marshall,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,62 Glencairn Av,3,t,,SP,Buxton,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,638 Hawthorn Rd,4,h,2000000,S,Nick,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,18 Marriage Rd,3,h,2150000,S,Buxton,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Moore St,3,h,,S,Hodges,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,174 South Rd,3,h,1680000,SP,Buxton,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/87 Thomas St,2,u,890000,S,Hodges,12/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,45 Cuthbert St,3,h,616000,S,YPA,12/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,38 Stanhope St,3,h,632000,S,Ray,12/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,26 MacFarland St,3,h,1310000,S,Nelson,12/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,22 Lowan St,3,h,1615000,S,Nelson,12/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,11/374 Lygon St,2,u,560000,VB,Nelson,12/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,11 Henderson St,4,h,1500000,VB,Jellis,12/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,275C Union St,2,t,870000,S,Jellis,12/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2/42 Carrathool St,3,u,717000,S,Barry,12/08/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,3 Coromandel Ct,4,h,1751000,S,Jellis,12/08/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,29 Flinders St,3,h,1200000,S,Jellis,12/08/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,18 Penderel Wy,4,h,1580000,S,Barry,12/08/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bullengarook,31 Carrolls La,3,h,535000,S,Keatings,12/08/2017,3437,Northern Victoria,249,45.9,Macedon Ranges Shire Council +Bundoora,13 Cher Av,4,t,685000,S,Morrison,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Dorothea Ct,3,h,685000,S,Ray,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,22 Ebony Dr,4,h,725000,S,Barry,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6/70 Grange Bvd,2,t,505000,S,Barry,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,84 Linacre Dr,4,h,1300000,S,Barry,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Nathan Ct,5,h,,PI,Barry,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Shiraz Ct,4,h,,PI,Ray,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,23 Wisteria Dr,4,h,1253000,S,Ray,12/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,15/7 Adam St,1,u,,PI,Biggin,12/08/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,2/4 Edwards St,3,t,,SP,Buxton,12/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,50 Finch St,3,h,1170000,S,McGrath,12/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2a Gilmour St,4,h,1400000,VB,Marshall,12/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,61 McCubbin St,4,h,1390000,SA,Fletchers,12/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2A Talbett St,4,t,,PI,Buxton,12/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,19 Worrall St,4,h,1471000,S,JRW,12/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,2/7 Bellevue Av,2,u,746000,SP,Jellis,12/08/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,10 Japonica Ct,3,h,560000,PI,Bells,12/08/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,15 Gilbert Pde,3,h,1650000,SP,Marshall,12/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/1 Halley Av,2,u,881000,S,Marshall,12/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22 Kingsley St,5,h,3190000,S,Marshall,12/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Laxdale Rd,4,h,2610000,PI,Jellis,12/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Warburton Rd,4,h,1985000,S,Jellis,12/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,202A Warrigal Rd,3,h,,SP,Jellis,12/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,13 Golding St,4,h,2100000,S,Noel,12/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3 Leeds St,4,h,2725000,SA,Kay,12/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,11 Parlington St,4,h,3250000,VB,Jellis,12/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carnegie,29 Holywood Gr,3,h,1370000,S,Gary,12/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,25 Coppin La,4,h,870000,S,Barry,12/08/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2/10 Millicent Av,3,u,687500,S,Buxton,12/08/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,9 Talba Ct,3,h,552500,S,O'Brien,12/08/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,22 Masters St,2,h,1070000,S,Gary,12/08/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,75 Normanby Rd,4,h,1925000,PI,Marshall,12/08/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,1/1 Dundee Av,4,h,995000,S,Woodards,12/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,16 Jacana Ct,5,h,1310000,S,McGrath,12/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,4 Brownfield St,3,h,1275000,S,O'Brien,12/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Jack Rd,4,h,1200000,PI,Barry,12/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,67 Oak Av,3,h,1095000,S,Barry,12/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,54 Meadowgate Dr,3,h,640000,SP,Barry,12/08/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,10 Boree Av,4,h,1241000,S,Woodards,12/08/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,56 Eva St,4,h,1250000,SP,Ray,12/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/46 Jaguar Dr,3,h,729500,S,Nelson,12/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,56A Bevan Av,3,t,,VB,Buxton,12/08/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,20 Hilton St,2,h,973000,S,Collins,12/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,37 Ohea St,6,h,1100000,SP,Brad,12/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,3/8 Forest St,2,u,560000,S,Jellis,12/08/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,212/132 Smith St,2,u,615000,S,Beller,12/08/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,16 Bottlebrush Rd,4,h,565000,S,Ray,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Consort Pl,4,h,615000,S,YPA,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Fairhaven Bvd,3,h,,SN,Barry,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,40 Grove Rd,4,h,548000,SP,Stockdale,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Mountleigh Cct,3,h,555000,S,LJ,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Surrey Ct,3,h,716000,SP,Stockdale,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,42 Valiant Cr,4,h,667500,S,LJ,12/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,2A Hotham St,3,h,490000,S,Asset,12/08/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne,25 Springhill Dr,3,h,555000,S,Ray,12/08/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne North,21 Franks Wy,3,h,,W,O'Brien,12/08/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,57A Binbrook Dr,3,h,730000,SP,Fletchers,12/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1 Monteith St,2,h,1080000,S,McGrath,12/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,76 Plymouth Rd,3,h,702500,SA,Carter,12/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3 Pytchley Rd,3,h,,PI,Barry,12/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,8/25 Karingal St,2,u,505000,S,Max,12/08/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,45 Lyons Rd,3,h,766000,S,Jellis,12/08/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,3/111 Clow St,2,u,370000,S,Stockdale,12/08/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,8 Orgill St,2,h,488000,SP,O'Brien,12/08/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deepdene,1/5 Leonard St,4,t,1680000,S,Fletchers,12/08/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,4 Vincent St,3,h,665000,SP,hockingstuart,12/08/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,7 Alexander Cl,3,h,475000,S,YPA,12/08/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,14 Fuller St,4,h,898000,SP,Mason,12/08/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,11 Wayland Ct,3,h,815000,S,Morrison,12/08/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diggers Rest,6 Tame St,6,h,615000,S,Leading,12/08/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,28 Higgins Cl,4,h,915000,S,Buxton,12/08/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,56 Jacks Av,3,h,736000,S,Buxton,12/08/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,15 Blossom Ct,3,h,1400000,PI,Barry,12/08/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/5 Kirton Ct,3,u,780000,VB,Fletchers,12/08/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11 Rose St,3,h,,PN,RT,12/08/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,86 Leeds St,5,h,,SN,Ray,12/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,30 Leslie St,5,h,1328000,S,Jellis,12/08/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +East Melbourne,502/1 Powlett St,2,u,1300000,SP,Caine,12/08/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,21 Langrigg Av,4,h,1200000,SP,hockingstuart,12/08/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,132 Franklin St,3,h,830000,VB,Morrison,12/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,17/1336 Main Rd,4,h,762000,S,Jellis,12/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,44 Silver St,3,h,925000,SA,Peter,12/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,4 Colric Pl,3,h,900000,S,Fletchers,12/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,9 Pennell St,3,h,,PN,Morrison,12/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,25/5 Dickens St,1,u,559000,S,Chisholm,12/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/27 Foam St,3,t,1225000,SP,Marshall,12/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Kendall St,4,h,3175000,S,Marshall,12/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/37 Tennyson St,2,u,520000,S,Biggin,12/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,17 Brigantia St,4,h,550000,SP,Barry,12/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Brownlow Cr,3,h,561000,S,hockingstuart,12/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Combe Ct,3,h,556000,S,hockingstuart,12/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Garth Pl,3,h,441000,S,HAR,12/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,99 Peppercorn Pde,3,h,552000,S,Love,12/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,11 Banchory St,4,h,2165000,S,Nelson,12/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,127 Deakin St,2,h,1280000,S,Nelson,12/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,75 Deakin St,3,h,1165000,S,Barry,12/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,25 Hesleden St,5,h,2050000,PI,Bullen,12/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,32 Roberts St,4,h,1500000,S,Nelson,12/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/22 Duffy St,3,u,,PI,Nelson,12/08/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,10 Baird St,5,h,900000,VB,hockingstuart,12/08/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,6 Brooks St,3,h,700000,VB,hockingstuart,12/08/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,50 Major Rd,1,h,515000,S,hockingstuart,12/08/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,11 Aitken Ct,3,h,904000,SP,LJ,12/08/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,8 Lancia Ct,4,h,805000,S,Stockdale,12/08/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,352 Fitzroy St,3,h,,S,Jellis,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,389 Gore St,3,h,2700000,VB,Kay,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,411/416 Gore St,3,u,1060000,PI,Jellis,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,302/424 Gore St,1,u,545000,S,Jellis,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,2/107 Kerr St,4,h,,S,Kay,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,230 Kerr St,3,t,,SP,Nelson,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,122 Nicholson St,4,h,3200000,VB,Nelson,12/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,40 Newry St,3,h,1705000,S,Nelson,12/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,75/682 Nicholson St,3,u,850250,S,Woodards,12/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,25 Elm St,3,h,1220000,SP,Nelson,12/08/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,101/26 Beaurepaire Pde,2,u,455000,SP,Jas,12/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12/26 Park St,2,t,575000,SA,Nelson,12/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,4/13 Glen Valley Rd,1,h,360000,SP,Ray,12/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,77 Vanbrook St,3,h,,S,Noel,12/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,50 Brooklyn Av,3,h,610000,S,O'Brien,12/08/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/41 Leonard St,3,u,550000,VB,hockingstuart,12/08/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,5 Palmerston Cr,3,h,850000,VB,hockingstuart,12/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,42 Kilmore Rd,3,h,775000,S,Raine,12/08/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,245 Carrick Dr,3,h,629000,SP,Barry,12/08/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1/96 Carrick Dr,3,h,452500,S,Barry,12/08/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,8 Ashburton Rd,4,h,,PI,Buxton,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Audrey Cr,5,h,3400000,S,Marshall,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11/1419 High St,1,u,320000,VB,Jellis,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,13/4 Hillside Pde,2,u,839000,S,Marshall,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Madeline St,3,h,1690000,S,Jellis,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Renwick St,4,h,2165000,S,Marshall,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/19 Richards Av,2,u,,S,Jellis,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Ventich St,5,h,2215000,S,Marshall,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/31 Yeovil Rd,2,u,851000,S,Marshall,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Young St,3,h,1910000,S,Marshall,12/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,42 Caithness Cr,3,h,1311000,S,Harcourts,12/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,56 Hampshire Rd,4,h,,SP,Biggin,12/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Petter St,3,h,,PI,McGrath,12/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4/10 Gladstone Pde,2,u,565000,SP,Nelson,12/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,111 Loongana Av,3,h,770000,PI,Barry,12/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,45 Stanley St,2,h,1220000,S,Stockdale,12/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,55 Booyan Cr,3,h,714000,S,Barry,12/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,142 Elder St,3,h,815000,S,Nelson,12/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Gibcoe St,4,h,,SP,Barry,12/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/36 Nell St,2,u,,SP,Morrison,12/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Omaru Ri,3,h,821000,S,Darren,12/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hadfield,6 Eileen St,3,h,,PN,Stockdale,12/08/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton East,68 Spring Rd,3,h,1345000,SA,Buxton,12/08/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,38/44 Burwood Rd,2,u,630000,SP,Caine,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/454 Burwood Rd,1,u,420000,S,hockingstuart,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Connell St,2,h,1857000,S,Jellis,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/25 Illawarra Rd,2,u,,SN,LITTLE,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/165 Power St,1,u,370000,VB,Jellis,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/31 Robinson Rd,3,h,1500000,PI,Jellis,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10 Through St,3,h,1425000,VB,Jellis,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13 Violet Gr,3,h,1910000,S,Jellis,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/20 Yarra Gr,3,h,1485000,S,Marshall,12/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,2/23 Harold St,1,u,505000,SP,Noel,12/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/50 Leura Gr,2,u,595000,S,Jellis,12/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/61 Mayston St,1,u,560000,VB,Jellis,12/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,211 Rathmines Rd,3,h,2825000,VB,Jellis,12/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Atunga Ct,4,h,1031000,S,Fletchers,12/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,38 Daisy St,3,h,1040000,S,Philip,12/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,23 Viviani Cr,3,h,912000,S,Ray,12/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,8/75 Hawdon St,2,u,450000,VB,Mason,12/08/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,32 Powlett St,3,h,1250000,S,Miles,12/08/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,21 Eden St,2,h,650000,PI,Barry,12/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,23 Eden St,3,h,680000,S,Barry,12/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,97 Edwin St,4,h,1645000,PI,Fletchers,12/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4/32 Montgomery St,3,u,720000,VB,Miles,12/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,396 Waterdale Rd,3,h,697500,PI,Nelson,12/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,564 Waterdale Rd,3,h,810000,S,Ray,12/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,7/455 Waterdale Rd,3,t,,S,Ray,12/08/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,7/459 Waterdale Rd,2,u,463000,S,hockingstuart,12/08/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,72b Beaumaris Pde,3,t,1395000,PI,Purplebricks,12/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 Port St,3,h,1242000,S,Greg,12/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4/27 Wilson St,2,u,677500,S,Hodges,12/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,96 Glenbruar Dr,4,h,580000,SP,YPA,12/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Kalista Av,4,h,,PI,RW,12/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,24 Baden Dr,3,h,,SN,Barry,12/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Berberis Pl,4,h,540000,S,Barry,12/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 McKellar Av,3,h,,SN,Barry,12/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,182 Morris Rd,3,h,516000,S,hockingstuart,12/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,10 Bowen St,4,h,1570000,VB,Barry,12/08/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hurstbridge,40 Anzac Av,5,h,790000,S,Mason,12/08/2017,3099,Northern Victoria,1345,26.1,Nillumbik Shire Council +Ivanhoe,19 Belmont Rd,2,h,2400000,S,Fletchers,12/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6 Edwin St,3,h,950000,VB,Nelson,12/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,65 Wilfred Rd,4,h,,S,Barry,12/08/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,47 Lorraine Cr,3,h,550000,SP,Morrison,12/08/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,1/14 Hislop St,3,u,650000,SP,Brad,12/08/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,20A Etka Av,4,t,1022000,S,Nelson,12/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,50 Milleara Rd,3,h,850000,S,Barry,12/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/74 Parkside Av,3,t,518500,SP,Nelson,12/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,33 Kensington Rd,3,h,1225000,SP,Nelson,12/08/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,64 Adeney Av,5,h,2660000,S,Marshall,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,56 Hartington St,3,h,1510000,PI,Marshall,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,31/380 High St,2,u,802000,S,Marshall,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Kent St,4,h,,S,Marshall,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/33 Parkhill Rd,3,t,1007000,S,Nelson,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,43 Rowland St,7,h,4050000,S,Marshall,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Tregarron Av,4,h,2550000,S,Marshall,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/32 Wimba Av,2,u,860000,VB,Jellis,12/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,6 Hamilton St,2,h,1840000,S,Jellis,12/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,37 Irymple Av,3,h,,S,Marshall,12/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,4 Meldrum St,4,h,1750000,VB,Jellis,12/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,3 Scotch Av,2,t,688000,S,iSell,12/08/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,3/14 Edgar St,3,u,570000,VB,Jas,12/08/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,182 Williamstown Rd,3,h,900000,SP,Jas,12/08/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,17 Narebar Ct,4,h,345000,S,Reliance,12/08/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,312 Edgars Rd,3,h,570000,S,HAR,12/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2/115 Messmate St,2,t,454500,S,HAR,12/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,83 Rotino Cr,3,t,463000,S,HAR,12/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,5 Athol Ct,3,h,650000,VB,O'Brien,12/08/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,24 Lang Rd,2,h,482000,S,Community,12/08/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,4 Allen St,1,h,,SN,Reliance,12/08/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lilydale,24 Maroondah Hwy,3,h,,SN,McGrath,12/08/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,1/29 Main Rd,2,u,420000,VB,Fletchers,12/08/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,275 Greensborough Rd,3,h,682000,S,Barry,12/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/25 Cathcart St,2,t,642500,S,Biggin,12/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,16A Madden St,3,h,798000,PI,Biggin,12/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,47A Madden St,3,h,755000,S,Jas,12/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/13 Winston St,3,t,710000,PI,Jas,12/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,20 Coonil Cr,4,h,4050000,S,Hodges,12/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7A Isabella St,3,h,,S,Marshall,12/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1219 Malvern Rd,3,h,1650000,S,Marshall,12/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,30 Warner St,3,h,2020000,PI,Marshall,12/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,34 Kerferd St,4,h,3000000,VB,Marshall,12/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,431 Wattletree Rd,3,h,2500000,PI,Jellis,12/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,641 Waverley Rd,3,h,2500000,VB,RT,12/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,4/34 Bloomfield Av,2,t,760000,S,Jellis,12/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,13 Cedar Dr,3,h,1200000,SP,Biggin,12/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/10 Pridham St,3,t,940000,S,Biggin,12/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,504/44 Skyline Dr,2,u,,PI,Biggin,12/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1/13 Warrs Rd,4,h,,VB,hockingstuart,12/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,41 McKinnon Rd,2,h,1200000,SP,Buxton,12/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,239B Tucker Rd,4,t,1800800,SP,Jellis,12/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,21/58 Queens Rd,1,u,605000,SA,hockingstuart,12/08/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,62 Oneills Rd,4,h,375000,SP,FN,12/08/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton West,7 Haywood Gr,4,h,600000,S,hockingstuart,12/08/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,6 Dallas St,3,h,900000,VB,Buxton,12/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/24 Milan St,3,t,1500000,S,Buxton,12/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4/24 Milan St,3,t,1500000,S,Buxton,12/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5 Napier St,4,h,2025000,S,Greg,12/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,4 Vasari Gdns,4,h,630000,S,Love,12/08/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,17B Buick Cr,3,h,522000,S,Ray,12/08/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,9 Davison St,3,h,1071000,S,Noel,12/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9/21 Doncaster East Rd,3,t,973000,S,Noel,12/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1e Victoria Av,3,t,880000,S,Fletchers,12/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,31 Airlie Rd,2,h,,S,Barry,12/08/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,8 Grand Bvd,3,h,881100,SP,Buckingham,12/08/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,38 Bent St,2,h,1060000,S,Nelson,12/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,39 Taylor St,3,h,1225000,VB,Jellis,12/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,39 Diane Cr,3,h,930000,S,Fletchers,12/08/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,8 Ashmore Av,4,h,1800000,SP,Buxton,12/08/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,6 Winterset Cl,4,h,1440000,S,Hodges,12/08/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/37 Bennett Av,3,t,900000,SA,Fletchers,12/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/21 Herbert St,2,u,730000,S,Buxton,12/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Toirram Rd,4,h,,SP,Jellis,12/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 William St,5,h,2558000,S,McGrath,12/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,95 Wanda St,4,h,1001000,SP,Noel,12/08/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,6 Forsyth Ct,4,h,655000,S,O'Brien,12/08/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,77 Farm St,2,h,1050000,PI,Burnham,12/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,5/13 Liley St,3,t,730000,S,Williams,12/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,50 Peel St,3,h,1195000,SP,Williams,12/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,46A Schutt St,4,h,923000,S,Williams,12/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,36 Severn St,4,h,,SN,Ray,12/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/22 Thorpe St,2,u,600000,S,RT,12/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,45 Muriel St,3,h,1230000,S,Barry,12/08/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,19 Vaynor St,3,h,,S,Nelson,12/08/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1/6 Kirk St,3,t,622000,S,iSell,12/08/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,60 Arden St,4,h,1475000,S,Jellis,12/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,50/171 Flemington Rd,2,u,450000,VB,Jellis,12/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,19/49 Haines St,2,u,525000,PI,Woodards,12/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,16/19 Wood St,2,u,,S,Alexkarbon,12/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,41 Barry St,3,h,1225000,S,Woodards,12/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,170 Beaconsfield Pde,3,h,,SP,Nelson,12/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,105/2 Beavers Rd,2,u,520000,PI,McGrath,12/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,40 Gadd St,4,h,1955000,SP,McGrath,12/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21 Simpson St,3,h,2775000,S,McGrath,12/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,303/231 St Georges Rd,2,u,673000,S,McGrath,12/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,23 High St,3,h,1310000,S,Fletchers,12/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Tasman Av,3,h,,SA,Fletchers,12/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,6 Gillon Ct,4,h,1415000,S,Woodards,12/08/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,3/6 Reid St,2,u,601000,SP,Ray,12/08/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,13 Dalmor Av,4,h,,S,Gary,12/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,12/26 Lillimur Rd,2,u,440000,VB,Gary,12/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,22/30 Lillimur Rd,1,u,370000,S,Woodards,12/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,8 Hicks St,3,h,1051000,S,Ray,12/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/41 Seventh St,3,t,1206000,S,Buxton,12/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/31 Victoria St,3,t,915000,S,Purplebricks,12/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,1/22 Archibald St,3,t,900000,S,Nelson,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/20 Bristol Rd,3,t,550000,PI,Ray,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/46 Kent Rd,2,t,500000,SP,Eview,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14 Oakbank Gr,3,h,940000,S,Brad,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,114/15 Pascoe St,2,u,412500,S,Barry,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/566 Pascoe Vale Rd,1,u,257500,S,Brad,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/566 Pascoe Vale Rd,1,u,257500,S,Brad,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,17 Valerie St,3,h,1114000,S,Brad,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/3 Virginia St,2,h,635000,S,Nelson,12/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,4 Hewett Dr,3,h,520000,SP,LJ,12/08/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,133 Lennon Bvd,4,h,715000,S,S&L,12/08/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,25 Barak Rd,3,h,1900000,VB,Marshall,12/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,202/90 Beach St,2,u,1480000,S,Cayzer,12/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,4 Beacon Vs,4,h,2200000,VB,Marshall,12/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,305/38 Nott St,2,u,760000,S,Chisholm,12/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,19 Airlie Av,4,h,2635000,S,Jellis,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,95 Chomley St,2,h,1250000,S,Biggin,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/24 Grandview Gr,1,u,400000,VB,hockingstuart,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/43 Grandview Gr,2,u,,PI,hockingstuart,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,14/21 Izett St,1,u,,SP,Buxton,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,9 Larnook St,3,h,1705000,SA,hockingstuart,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8 Linden Ct,4,h,4200000,S,Marshall,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,11A Percy St,2,h,1310000,S,hockingstuart,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20/20 St Edmonds Rd,2,u,626000,S,hockingstuart,12/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,19 Bruce St,3,h,1270000,S,Nelson,12/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,210 Gower St,3,h,980000,S,Nelson,12/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/20 Laurel St,2,u,460700,SP,Harcourts,12/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,66 McNamara St,4,h,1148000,S,Nelson,12/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5a Mihil St,4,t,,SP,Jellis,12/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,24 Arnold St,3,h,,S,Fletchers,12/08/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Princes Hill,78 Arnold St,3,h,1540000,S,Collins,12/08/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,32A Broadhurst Av,4,h,1210000,S,Barry,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Clinnick St,3,h,935000,S,Nelson,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Dyson St,3,h,510000,S,Stockdale,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Gertz Av,5,h,861000,S,HAR,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1053 High St,3,h,732000,S,Stockdale,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Miranda Rd,2,h,,SA,Nelson,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Nisbett St,2,t,360000,VB,RW,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Nutwood St,4,h,755000,SP,Ray,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Odowd St,2,h,640000,PI,Barry,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/72 Pine St,1,u,325000,S,Barry,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,738 Plenty Rd,3,h,,PI,Ray,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,52 Powell St,4,h,1200000,S,Nelson,12/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,15/10 Elaine Ct,2,u,,PI,Biggin,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/1 Ellis St,2,u,595000,S,Biggin,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,344 Highett St,3,h,,PI,Biggin,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,42 Hofert La,2,h,,SP,Biggin,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Rogers St,3,h,,PI,Biggin,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/21 Somerset St,2,u,590000,SP,Jellis,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,209/28 Tanner St,1,t,,SN,Greg,12/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,12 Gordon Ct,3,h,1450000,VB,McGrath,12/08/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,6A Heather Gr,3,h,800000,S,RW,12/08/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/14 Paxton St,2,u,655000,S,Carter,12/08/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,41 Felix Cr,4,h,812000,SP,Appleby,12/08/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,157 Bellevue Av,3,h,1400000,PI,Fletchers,12/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/187 Lower Plenty Rd,3,u,,SN,Miles,12/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,7 Pilgrim Ct,5,h,1170000,S,Miles,12/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,53 Stanton Cr,4,h,,S,Barry,12/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,38 Armstrong Dr,5,h,970000,S,Harcourts,12/08/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Sandringham,26 Kirkwood Av,5,h,3350000,VB,Buxton,12/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,76 Vincent St,5,h,2255000,S,Buxton,12/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,5 Drysdale Ct,3,h,870000,SP,hockingstuart,12/08/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,124 Albert St,4,h,1870000,S,Jas,12/08/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,84 Kernot St,4,h,,W,Gunn&Co,12/08/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,13/297 Dorcas St,3,t,1750000,VB,Greg,12/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,426 Dorcas St,4,h,1800000,VB,Greg,12/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,173 Nelson Rd,4,h,3825000,S,Greg,12/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,46 Palmerston Cr,2,h,,VB,Greg,12/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,390 Park St,4,h,,PI,Marshall,12/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,60 Tuross Cr,4,h,,PI,Millership,12/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,15 Vincent Dr,4,h,485000,S,Love,12/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2/1 Alexandra Av,2,u,1350000,S,Kay,12/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/27 Avoca St,2,u,621000,S,Jellis,12/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,44/100 Commercial Rd,3,u,940000,S,hockingstuart,12/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/20 Cromwell Rd,1,u,410000,PI,Jellis,12/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/12 Kensington Rd,2,u,980000,SP,Jellis,12/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,104/5 Wilson St,1,u,380000,PI,hockingstuart,12/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,17/30 Miles St,2,u,625000,S,hockingstuart,12/08/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,906/102 Wells St,2,u,,VB,hockingstuart,12/08/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,67 Glendale Rd,6,h,917000,S,Barry,12/08/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,97 Alfrieda St,3,h,,SN,Barry,12/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,38 Charlbury Gr,4,h,632500,S,YPA,12/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,47 Errington Rd,3,h,,SN,Barry,12/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,20 Manfred Av,3,h,,SN,Barry,12/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,148 Power St,3,h,702000,SP,Sweeney,12/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,14 Stevens Rd,3,h,,SN,Barry,12/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,12/14 Chapel St,2,u,701000,SP,McGrath,12/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,48 Greeves St,4,h,1600000,VB,Gary,12/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,62 Octavia St,3,h,,S,Gary,12/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,78 Bulla Rd,7,h,2000000,SP,Nelson,12/08/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,5 Kilburn St,4,h,1610000,S,Considine,12/08/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,38 Upland Rd,3,h,1742000,S,Barry,12/08/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,47 York St,3,h,1016000,S,Considine,12/08/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,2/74 Pasley St,2,u,,SP,One,12/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,75 Duke St,3,h,700000,SP,S&L,12/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/49 Hampshire Rd,2,u,532500,S,Jas,12/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3/7 Station Pl,2,t,615000,S,Jas,12/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,80 Wright St,2,h,615000,SP,Barry,12/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,60 Murray St,3,h,650000,VB,hockingstuart,12/08/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,37 Newton St,5,h,2400000,VB,Fletchers,12/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/51 Park Rd,3,t,938000,S,Jellis,12/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,34 Suffolk Rd,5,h,,SP,Jellis,12/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,66 Union Rd,4,h,2290000,SA,Fletchers,12/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,424 Whitehorse Rd,3,h,1775000,PI,Jellis,12/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,8 Stockyard Cl,3,h,659500,S,Purplebricks,12/08/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,37 Tyler Cr,4,h,505000,SP,Purplebricks,12/08/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,4 Welford St,4,h,560000,SP,Reliance,12/08/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,21 Fastnet Dr,4,h,701000,S,Prof.,12/08/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,7 Atkinson St,4,h,2600000,S,Jellis,12/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,67 Hawtin St,4,h,1205000,S,Barry,12/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,270 Serpells Rd,5,h,1750000,PI,Ray,12/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,25 Templemore Dr,4,h,1350000,VB,Jellis,12/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Timothy Ct,5,h,2300000,PI,Ray,12/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Wynnewood Ct,5,h,2330000,S,Barry,12/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,9a Balmoral Aveue,3,h,1035000,SA,Ray,12/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,38 Caroline Dr,3,h,1350000,S,Jellis,12/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,53 Fyfe Dr,5,h,1410000,PI,Barry,12/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/17 Howitt Dr,4,t,1120000,PI,Barry,12/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,24 Marcus Rd,3,h,1204000,S,Ray,12/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,14 Bayview Cr,3,h,610000,S,iTRAK,12/08/2017,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,8 Barbara Ct,4,h,760000,PI,hockingstuart,12/08/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5 Natalie Ct,3,h,670000,S,HAR,12/08/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,189A Miller St,2,t,675000,S,Nelson,12/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,3/716 Orrong Rd,3,u,1860000,S,Scott,12/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9/758 Orrong Rd,3,u,1400000,VB,Marshall,12/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/14 Woorigoleen Rd,3,u,1350000,PI,Castran,12/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,112 Baroda St,4,h,2070000,PI,Nelson,12/08/2017,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Vermont,25 Caldwell Rd,3,h,865000,SA,Philip,12/08/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2/3 Kingsclere St,2,u,,VB,Noel,12/08/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,11 Manhattan Sq,4,h,980000,S,hockingstuart,12/08/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,9 Coltain St,4,h,950000,VB,Fletchers,12/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,32 Sherlowe Cr,4,h,1295000,S,Miles,12/08/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,61 Stanley St,3,h,,SN,Barry,12/08/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna South,5 Avoca Wy,3,h,,SP,Barry,12/08/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,11 Eclipse Cr,4,h,788800,S,Barry,12/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1B High St,3,h,900000,S,Barry,12/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,16A Morwell Av,2,h,,S,Barry,12/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,61 Princes St,3,h,700000,S,Morrison,12/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,3 Argyle Cr,4,h,455000,S,Ray,12/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Gossamer St,3,h,483000,S,Ray,12/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/7 Melita Av,4,h,,PI,Ray,12/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Swallow St,3,h,455000,S,YPA,12/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,43 Tracey St,4,h,,SP,Reliance,12/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,18 Molesworth Ct,4,h,1276000,S,Jas,12/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,63 Kenny St,3,h,700000,S,Barry,12/08/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,12 Tylden Pl,3,h,729000,S,Nelson,12/08/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,4 Bowden Ct,4,h,,SN,Biggin,12/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,18 Garnett Rd,4,h,1184000,S,Buxton,12/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Jensen Ct,4,h,1157000,PI,Barry,12/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,19 Kooringa Cr,5,h,1100000,S,Barry,12/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,119 Hannan St,4,h,2200000,S,Sweeney,12/08/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,27 Andrew St,2,h,865000,SP,Biggin,12/08/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wonga Park,2 Rindlebrook Pl,3,h,900000,VB,Morrison,12/08/2017,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,40 Edwin Cl,4,h,742000,SP,hockingstuart,12/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,3 Lancewood Rd,4,h,590500,S,Ray,12/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,6 Melliodora Ct,4,h,500000,SP,YPA,12/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,1/23 Bena St,4,h,1142000,PI,Nelson,12/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,39 Benbow St,3,h,1100000,PI,Sweeney,12/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10 Norfolk St,3,h,,SP,Jas,12/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,33A Severn St,2,h,780000,S,Sweeney,12/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,19/37 Stephen St,3,h,920000,PI,Village,12/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8/232 Williamstown Rd,2,u,500000,VB,Greg,12/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,411/8 Grosvenor St,2,u,700000,VB,Jellis,12/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,40 Nicholson St,3,h,1350000,VB,Nelson,12/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,123/56 Nicholson St,2,u,750000,S,Biggin,12/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,22 Park St,4,h,1985000,S,Biggin,12/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,13/84 Trenerry Cr,1,u,500000,S,Biggin,12/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,1/69 Bowes Av,3,u,580000,VB,Nelson,12/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/9 El Reno Cr,3,h,725000,PI,Ray,12/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,60 Brooke St,2,h,1000000,S,Cayzer,12/11/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,29 Alphington St,5,h,,S,Collins,12/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,3/19 Harker St,2,u,525500,S,Miles,12/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,4/2 Miller St,2,t,805000,S,Miles,12/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,2/5 Yarana Rd,2,u,465000,S,McGrath,12/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,1/152 Blyth St,3,t,743000,SP,Gunn&Co,12/11/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/6 Galvin St,3,t,650000,SP,Williams,12/11/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,56a First Av,3,h,925000,SP,RT,12/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,38 Esmond St,3,h,711000,S,Barry,12/11/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,6A Munro St,3,h,,S,Jellis,12/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,40 New St,2,h,1210000,S,Marshall,12/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,35 Northcote Rd,4,h,2801000,S,Marshall,12/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,24/54 Epsom Rd,2,u,450000,VB,Nelson,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2 Farncomb St,3,h,801000,S,Jellis,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,13 Fisher Pde,4,h,,S,Rendina,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6 Leonard Cr,3,h,770000,SP,Rendina,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,26 Newsom St,3,h,1000000,PI,Brad,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,8 Pentland St,3,h,1435000,S,Nelson,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,8/129 The Parade,1,u,390000,S,Alexkarbon,12/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,18 Alamein Av,3,h,1445000,S,Jellis,12/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3 Lae Ct,3,h,1500000,S,Jellis,12/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,8 Ryland St,4,h,,SN,Tim,12/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,47 Yuile St,4,h,1550000,VB,Marshall,12/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,12 Delta Av,3,h,1170000,PI,Marshall,12/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,10 Parkhill Dr,3,h,,SN,Biggin,12/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,1/177 Nepean Hwy,2,u,584190,SP,Charlton,12/11/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,18 Lance Cl,4,h,793000,S,Ray,12/11/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,17 Mangrove Ct,4,h,,SN,Ray,12/11/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,20 Cobblestone Dr,4,h,,SN,Barry,12/11/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,13 Lamplight Wy,5,h,,SN,Barry,12/11/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,5 Glencara St,3,h,,S,Nelson,12/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,2/8 Evelina St,4,t,1400000,PI,Noel,12/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,23 Hertford Cr,5,h,,SP,Jellis,12/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7/7 Kireep Rd,3,u,662500,S,Jellis,12/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,5 Millah Rd,4,h,3270000,S,Fletchers,12/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,53 Monash Av,5,h,,SP,RW,12/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/4 Pretoria St,3,u,1280000,S,Noel,12/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,16b Alpha St,3,u,1150000,S,Lindellas,12/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,62 Clifton St,4,h,1350000,VB,Jellis,12/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,47 Ellsa St,4,h,,SN,RT,12/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Lemon Rd,5,h,2070000,SP,Jellis,12/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,21 Maud St,3,h,1300000,S,Marshall,12/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,53 Trentwood Av,5,h,2190000,S,Marshall,12/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,5/5 Alfred St,2,u,535000,PI,Hodges,12/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,8 Bonanza La,2,h,,S,Chisholm,12/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,3a Kerr St,3,h,1058000,S,Hodges,12/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,61 Morey Rd,3,h,1610000,S,Buxton,12/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,40 Plunkett St,3,h,885000,S,Nelson,12/11/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,10/21 Bent St,2,u,420000,PI,Buxton,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12 Delhi St,4,t,,SN,hockingstuart,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/7 Gordon St,2,u,855000,S,hockingstuart,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/32 Mavho St,2,u,770000,PI,Buxton,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,201/39 Mavho St,2,u,615000,S,Hodges,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Somers St,4,h,1450000,S,hockingstuart,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,103 Tucker Rd,3,h,1200000,PI,hockingstuart,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Wheatley Rd,4,h,1860000,PI,McGrath,12/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,3a Bellevue Rd,4,t,1250000,S,hockingstuart,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,41 Bradford St,3,h,845000,S,Ray,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/932 Centre Rd,4,t,,SS,Ray,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Denver St,4,h,,S,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/41 Elizabeth St,3,t,860000,VB,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,40 Kennedy St,3,h,1208000,S,Woodards,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Larman St,4,t,950000,PI,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5b MacKie Rd,3,t,921000,S,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Millard St,3,h,,SN,Smart,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Norville St,3,h,1165000,S,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,37 Orange St,3,h,1270000,S,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,36 Pasadena Cr,4,h,1235000,S,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/112 Tambet St,2,h,742500,S,Woodards,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Thornton St,3,h,920000,PI,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Trinity Ct,3,h,,VB,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75a Waratah St,4,t,1100000,PI,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Wolai Av,4,t,1160000,PI,Buxton,12/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,54 Brisbane St,3,h,,PI,Barry,12/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,69 Brisbane St,4,h,,PI,Barry,12/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,4 Dalkey Ct,3,u,,PI,Barry,12/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,20a Howitt Ct,3,h,395000,SP,Grant's,12/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,88 Marisa Cr,4,h,,PI,Barry,12/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3 Stanhope St,3,h,1555000,S,Hodges,12/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/35 Tulip St,3,t,1255000,S,Buxton,12/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn North,24 Devon Dr,4,h,1470000,S,Fletchers,12/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,7 Hibiscus Rd,4,h,1069000,S,Noel,12/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,30 Junction Rd,3,h,970000,S,Noel,12/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Bonbeach,33 Troy St,3,h,720000,S,Buxton,12/11/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,4 Tarakan St,3,h,650000,S,Schroeder,12/11/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,15 Davey St,3,h,948000,S,Ray,12/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,89 Thames St,4,h,2770000,S,Lindellas,12/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,19 Wavell St,3,h,1412000,S,Noel,12/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,2/119 Karingal Dr,3,h,600000,S,Barry,12/11/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,5 Avonbury Ct,4,h,,SP,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,16 Berwick St,5,h,,SP,Marshall,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/16 Black St,2,u,1100000,S,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Bridge St,3,h,1650000,S,Hodges,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11a Elm Gr,2,h,1102000,S,hockingstuart,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8/42 Grosvenor St,2,u,575000,S,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,833 Hampton St,4,h,,S,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,28 Loller St,2,h,1570000,S,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/5 Loller St,3,t,1411000,S,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,46 Meek St,3,t,,SN,Kay,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/17 Oakwood Av,3,u,1500000,S,hockingstuart,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Selwyn St,5,h,,PN,Branon,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Sussex St,5,h,4700000,VB,Hodges,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40 Whyte St,3,h,1785000,SP,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,44 William St,2,h,1550000,VB,Buxton,12/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1 Alexander St,3,h,1301000,SP,Buxton,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,27 Arnold Rd,4,h,,SP,Marshall,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,51 Binnie St,4,h,,SN,Buxton,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Camperdown St,4,t,2570000,S,Gary,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9a Churchill Ct,4,h,1800000,PI,Nick,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Eise Ct,5,h,,SP,Hodges,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Gillard St,4,h,,S,hockingstuart,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,49 Landcox St,3,t,1450000,S,J,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,50 Lucas St,5,h,2550000,S,Buxton,12/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,332 Albion St,2,h,792000,S,Nelson,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/76 Brunswick Rd,1,u,,SN,Barry,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Collier Cr,2,h,906500,SP,Woodards,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/32 Donald St,2,u,587000,SP,Jellis,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,98 Evans St,3,h,1060000,S,Nelson,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,144A Glenlyon Rd,2,h,840000,S,Jellis,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,302/10 Pottery Ct,2,u,450000,PI,Hodges,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,246 Victoria St,2,h,890000,S,Jellis,12/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,46 Barkly St,3,h,,S,Nelson,12/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1 Marion Av,2,h,989000,S,Ray,12/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,468 Moreland Rd,3,h,920000,S,Jellis,12/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,106/2 Murray St,2,u,450000,S,Ray,12/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,915 Park St,3,h,1172000,S,Stockdale,12/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,121 Pearson St,3,h,1300000,PI,Jellis,12/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,81 Whitby St,3,h,1330000,S,Nelson,12/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,4 Chateau Ri,5,h,1900000,PI,Barry,12/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,14 Kandanga Gr,3,h,1075000,S,Jellis,12/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,8a Ronald Av,3,h,1100000,PI,Fletchers,12/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,153 Thompsons Rd,2,h,890000,S,Fletchers,12/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,8 Champion Cr,3,h,660000,S,Barry,12/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Dryden Ct,3,h,,PI,Barry,12/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,84 Settlement Rd,4,h,,PI,Barry,12/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Tamara Ct,3,h,720000,S,Barry,12/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,35 Windsor Cr,3,h,605000,S,Barry,12/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,33 Brockhoff Dr,4,h,1255000,S,Buxton,12/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,9 Ian Gr,4,h,,S,Jellis,12/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,23 Barry Rd,3,h,1300000,S,Buxton,12/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,4 Cooinda Ct,3,h,992000,S,Ray,12/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,9 Cooinda Ct,5,h,,SP,Ray,12/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,9 Keats St,4,h,1100000,S,Allens,12/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,14 Oakham Av,2,h,,SP,Ray,12/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,36 Chesterfield Rd,4,h,582000,S,Melbourne,12/11/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,45 Waterview La,5,h,,PI,HAR,12/11/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,34 Woodburn Av,4,h,650000,PI,Melbourne,12/11/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1/32 Allambee Av,2,u,753000,S,Garvey,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/37 Donna Buang St,3,h,1430000,S,J,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/1 Gavan St,2,t,,S,Jellis,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,13 Grace St,3,h,1622000,SP,Noel,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,7/5 Holly St,2,u,502000,PI,O'Donoghues,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,7 Love St,3,h,,S,Fletchers,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,13 Tyrone St,5,h,,S,Jellis,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/220 Warrigal Rd,2,u,435000,SP,LITTLE,12/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,4/34 Rochester Rd,2,u,722000,S,Jellis,12/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,8/220 Elgin St,2,u,705000,S,Harrington,12/11/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,392 Station St,2,h,2400000,S,Kelly,12/11/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,7/179 Neerim Rd,2,u,620000,S,Buxton,12/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/10 Newman Av,3,u,1105000,SP,Woodards,12/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,90 Truganini Rd,4,h,1550000,VB,hockingstuart,12/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,12 Deepdene St,4,h,510000,PI,Melbourne,12/11/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,3/27 Stanley St,3,u,607000,S,hockingstuart/hockingstuart,12/11/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,12 Landstead Ct,3,h,420000,S,Donovan,12/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,12A Landstead Ct,3,h,440000,S,Donovan,12/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,9/370 Orrong Rd,2,u,570000,S,hockingstuart,12/11/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,7A Alfada St,2,h,1225000,S,Biggin,12/11/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea Heights,20 Immerset Dr,5,h,,S,hockingstuart/hockingstuart,12/11/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,30 Devon St,3,h,1130000,PI,Buxton,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Dewrang St,3,h,1084000,S,Ray,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,26b Follett Rd,3,t,1011000,S,Greg,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/1 Jean St,2,u,450000,VB,Woodards,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,39 Oak Av,4,h,1316000,S,Hodges,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,38a Olympic Av,4,t,1100000,VB,Greg,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Tiffany Av,3,h,888000,S,Ray,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Weatherall Rd,5,h,1380000,S,hockingstuart,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5/5 Weymar St,2,u,,PI,Ray,12/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,38 Clarinda Rd,4,h,906000,SP,RT,12/11/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1 Cambro Rd,3,h,1305000,S,Ray,12/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1 Yalta Ct,3,h,715000,S,iSell,12/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,195 Gold St,3,h,1226000,S,Nelson,12/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,34 Alice St,4,h,,SN,Barry,12/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5 Donne St,3,h,1090000,S,ASL,12/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Hawthorn St,4,h,,PN,Changing,12/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,41 Service St,3,h,1130000,SP,Re,12/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Sutherland St,4,h,1145000,S,Nelson,12/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,17 Convent Ct,2,h,935000,S,First,12/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,9 Marama St,4,h,1009000,S,Ray,12/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1 McDonnell Rd,2,h,820000,SP,Nelson,12/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,5 Rollo St,3,h,780000,S,Nelson,12/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,382 Wellington St,2,h,855000,S,Jellis,12/11/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,15 Cascade Tce,4,h,545000,S,YPA,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Deauville Grn,4,h,640000,S,Ray,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Holbeck Pl,4,h,450000,S,Ray,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Huntingfield St,2,t,320000,S,Ray,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,38 Serenity Wy,4,h,561000,S,YPA,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Valonia Ct,3,h,400000,SP,Jason,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Wattleglen St,4,h,390100,SP,Professionals,12/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,74 Croydon Rd,4,h,510000,S,Ray,12/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,3/40 Bruce St,2,h,310000,S,McLennan,12/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,62 King St,5,h,,SN,Barry,12/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,27 Wilson St,3,h,770000,PI,McLennan,12/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,167 Bakers Rd,3,h,,SN,Barry,12/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1/2 McKeon Cct,3,u,535000,S,Ray,12/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,9 Crest Av,4,h,2250000,PI,Kay,12/11/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,107 Station Rd,3,h,486000,S,Jas,12/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,30 Mankina Cct,3,h,530000,S,Barry,12/11/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,18 Tennyson Dr,4,h,470000,PI,Barry,12/11/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,67 Carew Wy,3,h,482000,S,Bells,12/11/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,21 Ickworth Cr,4,h,615000,S,FN,12/11/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,10 Greenwoods Cl,4,h,,SN,Barry,12/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,28 Dunoon St,4,h,1468000,S,Ray,12/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9 Gilmore Rd,3,h,1275000,PI,Barry,12/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Ibis St,4,h,1200000,S,ASL,12/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,45 Koolkuna Av,4,h,,PI,Philip,12/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Sentinel Wy,3,t,1011500,S,Barry,12/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/36 Westfield Dr,3,u,655000,SP,Jellis,12/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,32 Barton St,5,t,1280000,PI,Jellis,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,31 Bowen Rd,6,h,1397000,S,Philip,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5/4 Bowen Rd,3,u,794000,S,Barry,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Dalkeith Ct,4,h,1905000,S,Ray,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/19 Elizabeth St,4,t,950000,VB,iHomes,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3a Glenview Rd,4,t,1470000,SP,Jellis,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,30 Larnoo Dr,4,h,1150000,PI,Barry,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Peppermint Ct,6,h,1602000,S,Parkes,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Thomas Wk,4,h,1505000,S,Parkes,12/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,13 Bullock Ct,4,h,1190000,PI,Barry,12/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/201 Mitcham Rd,3,u,785500,S,Ray,12/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,444 Serpells Tce,4,h,1277000,S,Philip,12/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,59 Banksia St,3,h,,SN,Miles,12/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,27 Glen Dr,3,h,1816000,S,Nelson,12/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,296 Nepean Hwy,4,h,1225000,S,Hodges,12/11/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,75 Northcliffe Rd,3,h,920000,PI,Hodges,12/11/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,42 Bertram St,4,h,,SN,Biggin,12/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2/21 Gisborne St,2,h,1160000,SP,Chisholm,12/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,11/39 Horne St,3,t,820000,VB,McGrath,12/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,10 Seymour Rd,3,h,,SN,Biggin,12/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1 Barriedale Ct,3,h,790000,SA,Barry,12/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,10 Baxter St,3,h,840000,S,Barry,12/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,37 Malabar Cr,5,h,,S,hockingstuart,12/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,7 Calendonia Dr,3,h,752000,S,Fletchers,12/11/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,21 Austin Av,4,h,2780000,S,McGrath,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,32 Burns St,4,h,1875000,S,Pride,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,21 Clarke St,2,h,1180000,S,Cayzer,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,22/29 Dickens St,3,u,780000,S,Chisholm,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/139 Glen Huntly Rd,1,u,,SP,Buxton,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6a Lawson St,3,h,1600000,S,Whiting,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,8/8 Pine Av,1,u,488000,S,hockingstuart,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/509 St Kilda St,3,h,878500,S,hockingstuart,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,134 Tennyson St,2,h,,SP,Marshall,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5 Tiuna Gr,3,h,3572000,S,Marshall,12/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,8 Rhonda Cl,3,h,530000,S,Just,12/11/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,11 Hammond Dr,3,h,585000,S,Harcourts,12/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Lanark St,3,h,435000,S,hockingstuart,12/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,27 Lowalde Dr,3,h,412500,PI,Barry,12/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Orlit Ct,4,u,472000,S,Harcourts,12/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,40 Braemar St,3,h,,SP,Frank,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/23 Daisy St,2,u,411000,S,Nelson,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,74 Forrester St,4,h,1275000,S,Brad,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,40 Hoddle St,5,h,1800000,PI,Jellis,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,125a Ogilvie St,4,h,1590000,S,Nelson,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/6 Riverview Rd,2,u,606000,S,McDonald,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Vanberg Rd,3,h,1385000,S,McDonald,12/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,3a Bourke St,3,h,,SP,Nelson,12/11/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,461 Buckley St,3,h,787500,S,Nelson,12/11/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fawkner,110 Jukes Rd,3,h,,SN,Barry,12/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,4/14 Preston St,3,t,550000,VB,hockingstuart,12/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/26 Shirley St,3,t,553500,S,Ray,12/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,8 Bracken Ct,3,h,,SN,Barry,12/11/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,291 George St,2,h,1460000,PI,Nelson,12/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/59 Leicester St,3,t,1520000,S,Jellis,12/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,16/81 Alfred Cr,2,u,650000,S,Nelson,12/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,1/146 Ascot Vale Rd,2,t,650000,SP,hockingstuart,12/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,4 Illawarra Rd,2,h,860000,S,Nelson,12/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,43 Illawarra Rd,2,t,,S,Brad,12/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,58/2 Newmarket Wy,1,u,350000,PI,Nelson,12/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,2/58 Everard St,2,t,560000,S,Sweeney,12/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/15 Geelong Rd,2,h,575000,S,Burnham,12/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,79 Bindy St,4,h,1099000,S,Noel,12/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,5 Finlayson St,2,h,1006000,S,Barry,12/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/1 Jilmax Ct,2,u,436000,S,Noel,12/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,21 Mock St,2,h,695000,S,Fletchers,12/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,2 Beach St,5,h,2430000,SP,Harcourts,12/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/4 Corlett St,3,u,,PI,Professionals,12/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Harrow St,4,h,721000,S,hockingstuart,12/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,129 Heatherhill Rd,3,h,450000,SA,hockingstuart,12/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Lorikeet Ct,3,h,472500,S,Ray,12/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Witternberg Av,4,h,530000,S,hockingstuart,12/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,4 Norman Av,4,h,860000,PI,U,12/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,82 Yuille St,3,h,,SN,Barry,12/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,1 Sansom St,3,h,,W,Raine,12/11/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1a Sansom St,3,h,,W,Raine,12/11/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Redwood Cl,3,h,,SN,Barry,12/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,11 Reeves Cl,4,h,760000,S,Stockdale,12/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,1/31 MacGowan Av,3,u,,SN,Woodards,12/11/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,22 Aintree Rd,4,h,1800000,SP,Marshall,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,56 Brandon St,3,h,1820000,S,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,13/249 Burke Rd,2,u,,S,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/6 Edgar St,1,u,291000,PI,hockingstuart,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/146 Glen Iris Rd,2,u,710000,VB,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Golden Qd,4,h,3000000,VB,Marshall,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6/3 Hope St,2,u,,S,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Howitt St,4,h,2376000,S,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Kialla Av,5,h,2505000,SP,Marshall,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2C Osborne Av,3,h,1230000,PI,hockingstuart,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/43 Osborne Av,3,u,1080000,S,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Rix St,2,h,,S,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,115 Tooronga Rd,2,h,1020000,SP,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Wills St,3,h,1456000,SP,Jellis,12/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2 Henderson Ct,5,h,1880000,PI,Barry,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Kalonga Ct,3,h,1103000,S,Jellis,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,36 Madigan Dr,4,h,1560000,S,Barry,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Martin Pl,4,h,1801000,S,Harcourts,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/56 Myrtle St,4,t,1120000,PI,Fletchers,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,895 Waverley Rd,4,h,1175000,S,Barry,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Winter Wy,4,h,,PI,McGrath,12/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,8/77 Chapman Av,2,u,,VB,Stockdale,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9/11 Currajong St,2,u,250000,SP,Barry,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/1 Danae St,3,t,460000,S,Eview,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Justin Av,4,h,835000,S,Stockdale,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/67 Morell St,3,t,550000,SP,Brad,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Sadie St,3,h,793000,S,Eview,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,7/89 Station Rd,2,u,340000,S,Nelson,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,57 View St,3,h,596000,S,Hodges,12/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,2 Mirrim Pl,4,h,802500,S,Nelson,12/11/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,10 Eastgate Dr,3,h,591000,S,Ray,12/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5/90 Nell St,2,t,595000,SP,Darren,12/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Nokuna Ct,3,h,707000,S,Darren,12/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hadfield,40 Angus St,3,h,740000,S,Barry,12/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,3 Edgar St,3,h,,SP,Barry,12/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,72 Middle St,3,h,721000,S,Brad,12/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,9 South St,3,h,646000,S,YPA,12/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,1/32 Sutherland St,3,h,545000,S,Raine,12/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,4 Thames St,3,h,770000,S,Stockdale,12/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,9 Foam St,4,h,,S,Hodges,12/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,18 Kingston St,4,h,2400000,PI,Nick,12/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,65 Linacre Rd,5,h,3470000,SP,Marshall,12/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,118 Ludstone St,2,h,1615000,SA,Chisholm,12/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,29 Olive St,4,h,1450000,S,Buxton,12/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,17 Wishart St,3,h,952000,S,Hodges,12/11/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,5/67 Auburn Rd,1,u,350000,VB,Noel,12/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,63/1 Domville Av,2,u,450000,PI,Marshall,12/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/27 Glen St,2,u,645000,S,Jellis,12/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/2 Kooyongkoot Rd,3,t,1400000,S,Jellis,12/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16 Pine St,3,h,1712000,S,Marshall,12/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Riversdale Rd,4,h,,SP,Jellis,12/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,13/84 Campbell Rd,1,u,365000,SP,Jellis,12/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10/11 Grandview Gr,2,u,550000,PI,Noel,12/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,16 Leura Gr,4,h,2800000,S,Jellis,12/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/282 Riversdale Rd,1,u,320000,VB,Fletchers,12/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/476 Tooronga Rd,3,t,,S,Jellis,12/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Healesville,48 Don Rd,3,h,,PI,Eview,12/11/2016,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,1 Craig Ct,4,h,618000,S,Philip,12/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,89 Heathmont Rd,2,h,,SN,Barry,12/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,4 Karen Ct,4,h,,VB,Fletchers,12/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,4 Simla Ct,3,h,860000,S,Fletchers,12/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,22 The Greenway,5,h,,SN,Barry,12/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,77 Viviani Cr,3,h,770000,S,Ray,12/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,12 Berkeley Av,3,h,,SN,Miles,12/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,13 Hodgson St,3,h,1110000,S,Nelson,12/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,3/43 Rosanna Rd,2,u,540000,PI,William,12/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,5 Burns Ct,3,h,909000,S,William,12/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,15 Outhwaite Rd,4,h,1086000,S,Miles,12/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,50 Outhwaite Rd,2,h,,S,Purplebricks,12/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,33 Shakespeare Gr,2,h,680000,S,Fletchers,12/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/71 Southern Rd,2,u,440000,VB,Miles,12/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,35 Carbeena Pde,2,h,515500,S,Barry,12/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,186 Oriel Rd,3,h,800000,S,Haughton,12/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,18 Tobruk Av,3,h,675000,S,Haughton,12/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,31 Haynes St,3,h,1378000,S,Buxton,12/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,30 Tennyson St,2,h,890000,S,Charlton,12/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,20 Banchory Av,3,h,550000,SP,Daniel,12/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,47 Bellevue Bvd,3,h,648500,SP,hockingstuart,12/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,308 Heaths Rd,4,h,663000,S,LJ,12/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Parkview Cl,3,h,416000,S,Burnham,12/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,34 Storrington Av,3,h,422000,S,hockingstuart,12/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,14 Bowmore St,4,h,1700000,S,Ray,12/11/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,105/175 Kangaroo Rd,2,u,420000,VB,Woodards,12/11/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,6/2 Paddington Rd,2,u,375500,S,Gary,12/11/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,8 Skipton Rd,3,h,1350000,S,Buxton,12/11/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,10 Abbotsford Gr,3,h,1605000,S,Nelson,12/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/14 Athelstane Gr,2,u,587000,S,Miles,12/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9 Central Av,5,h,2550000,S,Miles,12/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/80 Marshall St,2,u,475000,SP,Miles,12/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,31 Keam St,4,h,2200000,S,Miles,12/11/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor East,117 Brees Rd,3,h,976000,S,Nelson,12/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2 Hilltop Ct,2,t,520000,S,Barry,12/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,61 Rachelle Rd,4,h,1420000,S,Barry,12/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,6 Warren Ct,3,h,,S,Nelson,12/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,21 Woorite Pl,3,h,900000,S,Nelson,12/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,2/90 Victory St,3,u,501000,S,Barry,12/11/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,21 Bayswater Rd,2,h,1005000,S,Brad,12/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,233 Stockmans Wy,4,h,985000,SP,Rendina,12/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1/204 Brougham St,3,t,800000,S,LITTLE,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/1227 Burke Rd,2,u,,PN,Kay,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,51 Davis St,4,h,,SN,RT,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15 Edgevale Rd,2,h,1950000,S,Marshall,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Grange Rd,5,h,4850000,S,Caine,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13 Linnaker Pl,4,h,,PI,Philip,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Owen St,4,h,,S,Jellis,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/60 Peel St,2,t,,PN,Bekdon,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1A Segtoune St,2,t,850000,PI,Noel,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,40 Studley Av,4,h,,SN,Kay,12/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,14 Belford Av,3,u,1292000,S,Noel,12/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,18 Cole Av,4,h,1900000,SP,Marshall,12/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1 Meldrum St,4,h,1610000,S,Jellis,12/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,30 Willow Gr,5,h,1850000,PI,Nelson,12/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,42 Timms Av,3,h,610000,S,Carter,12/11/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,9 Baron Ct,3,h,,W,YPA,12/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,101 The Fairway,4,h,610000,S,Ray,12/11/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,52a Williamstown Rd,2,h,730000,S,Village,12/11/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,87 Talbot Cr,4,h,1815000,S,Marshall,12/11/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,1/35 Benaroon Dr,2,u,,PI,Harcourts,12/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,35 Fitzroy St,3,h,,PN,HAR,12/11/2016,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +MacLeod,2/90 Erskine Rd,2,u,,S,Fletchers,12/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,17 Fairlie Av,3,h,925000,S,Darren,12/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,54 May St,3,h,1010000,S,Darren,12/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,6/66 Somers Av,1,u,,PI,Ray,12/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,7 Churchill Av,3,h,630000,SP,Biggin,12/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,16 Lindenow St,3,h,893000,S,Sweeney,12/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,10 Thomson St,3,h,832000,SP,Sweeney,12/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,51 Dixon St,2,h,1611000,S,Marshall,12/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,41 Milton Pde,3,h,,S,RT,12/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,4 Batesford Rd,3,h,,S,Fletchers,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,69 Beaver St,4,h,2123000,S,Jellis,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,19 Belson St,4,h,2800000,S,Marshall,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/3 Brunel St,3,h,,S,hockingstuart,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/16 Carrum St,2,u,500000,VB,hockingstuart,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,24/997 Dandenong Rd,1,u,350000,VB,Ray,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7/1 Wilton Vale Cr,2,u,840000,S,Marshall,12/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,2/7 Bloomfield Av,3,t,1151000,S,Barry,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/1 Grandview Av,2,t,370000,PI,Hodges,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,23/14 Horizon Dr,2,t,580000,VB,Brad,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,204/32 La Scala,2,u,,PN,Owen,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,12 Marin La,3,h,847000,S,Nelson,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,104/5 Ordnance Res,2,u,400000,SP,Biggin,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,205/7 Ordnance Res,2,u,,SP,Nelson,12/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,56A Bent St,3,h,1115000,S,Marshall,12/11/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,4 Swindon Gr,3,h,,S,Hodges,12/11/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,15 Jasmine Ct,3,h,350000,PI,hockingstuart,12/11/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2111/620 Collins St,2,u,545000,SP,Greg,12/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2206/60 Market St,1,u,450000,VB,Dingle,12/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,404/539 St Kilda Rd,2,u,570000,S,Dingle,12/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,3/15 Avenza St,2,u,660000,S,hockingstuart,12/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/5 Phillip St,2,u,500000,PI,Hodges,12/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/8 Stawell St,1,u,426000,S,hockingstuart,12/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,107 Galloway Dr,4,h,525000,S,Harcourts,12/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,12 Macqueen St,4,h,426000,S,Harcourts,12/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Sunridge Dr,4,h,415000,S,Love,12/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,60 The Panorama,4,h,1700000,SP,Iconek,12/11/2016,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,5 Aster Ct,4,h,670000,S,Harcourts,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Brentfield Ct,3,h,515000,S,Ray,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Cedarwood Ct,3,h,416500,S,Harcourts,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,101 Freeman Cr,3,h,511888,S,Love,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,56 Grenda Dr,4,h,,PI,Harcourts,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,56 Jasmine Dr,3,h,618000,S,Ray,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/138 Mill Park Dr,3,t,,PI,Harcourts,12/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,3 Delhi St,4,h,1160500,S,Ray,12/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4/45 Doncaster East Rd,3,u,570000,PI,Ray,12/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,24/12 Irvine St,3,u,757500,S,Noel,12/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,309 Mitcham Rd,3,h,836233,SP,Noel,12/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,11 Rostrevor Pde,5,h,2714000,S,Fletchers,12/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,40 Zetland Rd,6,h,2350000,PI,Kay,12/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2a McFarlane St,3,h,710000,S,Buckingham,12/11/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,35 Addison St,4,h,1637000,S,Nelson,12/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Ngarveno St,2,h,,S,Nelson,12/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,30 Tennyson St,3,h,1505000,S,Jellis,12/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10/40 Young St,2,t,515000,VB,Edward,12/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2b Rice St,3,t,910000,S,hockingstuart,12/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,17/7 Percy St,2,u,521000,S,Hodges,12/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,23 French St,3,t,900000,PI,McGrath,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5/547 High Street Rd,3,t,980000,SP,Buxton,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/92 Huntingdale Rd,3,t,782000,S,Fletchers,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Jennifer Ct,4,h,1210000,S,Barry,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,48 Kay St,5,h,,PI,Ray,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,38 Price Av,3,h,,PI,Ray,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/67 Price Av,2,u,,PN,Harcourts,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Seaton Ct,5,h,,PI,Fletchers,12/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,11 Burley Ct,3,h,,PN,Harcourts,12/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,11 Chelsea Av,3,h,766100,S,Win,12/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Clendon Rd,4,h,835000,S,Ray,12/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Molesworth Dr,3,t,681000,S,Ray,12/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,235 Police Rd,3,h,,PI,Ray,12/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Stradbroke Cr,3,h,897000,S,Barry,12/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,6/21 Adelaide St,2,h,435000,S,Barry,12/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,17 Howe St,3,h,1370000,S,Woodards,12/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22/41 Murrumbeena Rd,2,u,605000,SP,Fletchers,12/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,18 Spark St,3,h,1355000,S,Ray,12/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,21 Croker St,3,h,810000,S,Williams,12/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Rosshire Rd,3,h,776000,S,RT,12/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,47 Carrington Rd,3,u,970000,S,Nelson,12/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,87 Hotham Rd,2,h,657000,S,Barry,12/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1j Newman St,2,t,590000,PI,Barry,12/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,45 Vaynor St,3,h,710000,S,Nelson,12/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1 Alliance St,4,h,,PI,Barry,12/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,28 Baldwin Av,3,h,761000,S,Leyton,12/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,17 Broadoak St,3,h,572500,SP,C21,12/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,32 Marna Ct,3,h,,SN,Barry,12/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,26 Stuart St,4,h,900000,PI,C21,12/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,5 Woronora Ct,3,h,,SN,Barry,12/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,23/43 Haines St,2,u,450000,VB,W.B.,12/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,56 Andrew St,3,h,,SN,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,141 Arthurton Rd,2,h,910000,S,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8b Bower St,4,h,,SN,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,808/8 Breavington Wy,2,u,520000,VB,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,31 Claude St,3,h,,SN,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/75 Gadd St,3,t,830000,S,Jellis,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,35 McCracken Av,4,h,,SN,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7 Prospect Gr,4,h,2100000,PI,Woodards,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/79 Thomson St,3,t,1102000,S,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,238 Victoria Rd,3,h,1190000,S,Nelson,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1A Walker St,4,h,,SN,McGrath,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/221 Westgarth St,3,t,865000,S,Love,12/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3/1 West St,3,t,750000,S,Noel,12/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,10 Grevillia Rd,5,h,1100000,PI,Nelson,12/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,18 Plumpton Av,5,h,,PI,Barry,12/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,105 Atkinson St,3,h,1225000,S,Ray,12/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1173 North Rd,3,h,1035000,S,Buxton,12/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/34 Queens Av,3,u,969000,S,Buxton,12/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,1 Abercrombie St,4,h,,S,Woodards,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,72A Axford Cr,2,u,665000,S,Buxton,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/5 Cleek Av,2,u,,SN,Buxton,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,13 Farm Rd,3,h,937500,S,Ray,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,25 Luntar Rd,3,h,1080000,S,Woodards,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,8 Riley St,3,h,1000000,S,Ray,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,10 Ward Av,2,h,800000,S,Woodards,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/650 Warrigal Rd,3,u,615000,SP,RT,12/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Officer,88 Arena Pde,3,h,,PI,O'Brien,12/11/2016,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Ormond,6 Dunlop Av,3,h,1580000,S,Buxton,12/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,3/25 Holloway St,3,u,822500,S,hockingstuart,12/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/43 Ulupna Rd,2,h,810000,S,hockingstuart,12/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,16 Wallen Rd,3,h,1322000,S,hockingstuart,12/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,5/160 Beach Rd,1,u,390000,VB,Buxton,12/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1A Birdwood St,4,h,1565000,S,Hodges,12/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,12 MacGregor St,5,h,1640000,S,Buxton,12/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,10 Marriott St,4,h,1590000,S,Buxton,12/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,42c Melrose St,3,t,,PI,Buxton,12/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,3/210 Cumberland Rd,2,t,590000,S,Ray,12/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,22 Derby St,3,h,835000,PI,Nelson,12/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/5 Farringdon St,3,t,790000,S,Brad,12/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,229 Sussex St,4,h,810000,VB,Nelson,12/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/56 View St,3,t,667500,SP,Brad,12/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,20 Hugo Dr,4,h,478000,S,hockingstuart,12/11/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,8 Regal Rd,3,h,531500,S,LJ,12/11/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,205/50 Dow St,2,u,730000,VB,MICM,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,17 Dunstan Pde,3,h,,PN,Scott,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,27/39 Esplanade Pl,3,u,1190000,S,Wilson,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,8 Garton St,2,h,1080000,S,Scott,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,205 Heath St,2,h,1115000,S,Chisholm,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,413/54 Nott St,2,u,516000,SP,Cayzer,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,75 Swallow St,3,h,1753000,S,Frank,12/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,30 Airlie Av,2,h,1800000,S,Biggin,12/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/329 Dandenong Rd,2,u,,S,hockingstuart,12/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,503/120 Greville St,3,u,1350000,VB,MICM,12/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8/67 High St,2,u,700000,S,hockingstuart,12/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/2 Karbarook Av,2,u,735000,PI,hockingstuart,12/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,11 Adams St,2,h,,SP,Love,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/19 Albert St,2,h,625000,S,Nelson,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Dean St,4,h,910000,PI,hockingstuart,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/61 Eton St,3,h,485000,PI,Barry,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,174 Gilbert Rd,2,h,,SN,Nelson,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,414/388 Murray Rd,2,u,380000,PI,RW,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,99 Murray Rd,3,h,900000,SP,hockingstuart,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Tynan St,4,h,1000000,SP,Barry,12/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2/33 Ashley St,2,t,380000,PI,Barry,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/18 Bedford St,1,u,350000,SP,Harcourts,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Bedwell St,4,h,750000,PI,Ray,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Falk Av,3,h,571000,S,Nelson,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/41 Fordham Rd,2,t,495000,S,Nelson,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Frankston St,2,h,644000,S,Barry,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Glasgow Av,2,h,590000,PI,Love,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Godley St,4,h,895500,S,Barry,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/65 Keon Pde,3,u,500000,S,Ray,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Livingstone St,3,h,940000,S,Nelson,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Marchant Av,3,h,860000,S,Ray,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/61 Marchant Av,3,u,495000,S,Barry,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,97 North Rd,2,h,755000,S,Nelson,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/68 Northernhay St,2,t,568000,S,Ray,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/62 St Vigeons Rd,2,u,350000,PI,Barry,12/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,73 Brighton St,2,h,1340000,S,Kay,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36 Charlotte St,2,h,1421000,S,Biggin,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,25 Egan St,3,h,1074000,S,Marshall,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Hodgson Tce,3,h,1205000,S,Biggin,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35A Hunter St,2,t,1430000,S,Jellis,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/35 Jubilee Pl,3,t,1220000,S,hockingstuart,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Kent St,3,h,,PI,Biggin,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,41 Shelley St,3,h,1465000,S,Biggin,12/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,10 Lilian Pde,4,h,830000,S,Ray,12/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,16 Morcom Av,3,h,,SN,Barry,12/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,4/16 Hotham Gr,2,u,660000,S,RT,12/11/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,139 Ellesmere Pde,4,h,,SP,Nelson,12/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,11 Thomson Dr,4,h,1051000,SP,Nelson,12/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,25 Lakeside Bvd,4,h,1100000,S,Barry,12/11/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,9 Brentwood Pl,3,t,324000,S,RE,12/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,4 Dendy Ct,4,h,485000,PI,Raine,12/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,26 Lombard St,3,h,365000,S,Raine,12/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,27 Shortridge Cct,4,h,410000,S,Raine,12/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/172 Bay Rd,2,u,653000,S,Buxton,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,13/170 Beach Rd,3,t,890000,SP,Chisholm,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,95 Beach Rd,4,h,,SN,hockingstuart,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/28 Holloway Rd,2,u,791000,S,Buxton,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,8 Holzer St,3,h,,SN,hockingstuart,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,40 Park Av,4,t,1337000,S,Buxton,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,64 Sandringham Rd,5,h,2310000,S,hockingstuart,12/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,1/44 East Rd,3,u,515000,S,O'Brien,12/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,62 Nepean Hwy,2,h,950000,S,Asset,12/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,24 Scott St,2,h,650000,SP,Asset,12/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,61 Station Rd,3,h,990000,S,Jas,12/11/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,36 Saltley St,2,h,,SP,Biggin,12/11/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,55 Vernon St,3,t,,PN,Jas,12/11/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,119 Park St,2,u,600000,S,Greg,12/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,1/4 Capri Cl,3,u,425000,S,Ray,12/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,25 Nighthawk Bvd,3,h,495000,S,Harcourts,12/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,75 Trinity Wy,3,h,562000,S,Stockdale,12/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,8/57 Adams St,1,u,555000,S,Williams,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18 Avoca St,4,h,5700000,S,Castran,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/120 Caroline St,1,u,,S,Sotheby's,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,40 Fawkner St,3,h,2300000,PI,Williams,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/2 Kensington Rd,3,u,,S,Sotheby's,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/33 Kensington Rd,1,u,515000,SP,hockingstuart,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,76 Leopold St,3,h,2695000,PI,Marshall,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10 Luxton Rd,3,h,2870000,S,Marshall,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2501/35 Malcolm St,2,u,,PI,Allens,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/63 Millswyn St,2,u,805000,S,Williams,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1 Norman La,2,t,,S,Jellis,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/432 Punt Rd,2,u,370000,PI,Hodges,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19/877 Punt Rd,1,u,360000,VB,Owen,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/219 Williams Rd,1,u,310000,PI,Buxton,12/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,80 Coventry St,3,h,1220000,S,Greg,12/11/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,6/85 Dodds St,4,u,1250000,S,Kay,12/11/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,909/118 Kavanagh St,2,u,430000,PI,Dingle,12/11/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,15a Andrews St,3,t,845000,PI,Village,12/11/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,59 Hope St,4,h,850000,VB,RT,12/11/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,7 Dodds St,3,h,696000,S,LJ,12/11/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,40 Gray St,1,h,802000,S,iSell,12/11/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,72 Arthur St,3,h,560000,S,Bells,12/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,145 Power St,3,h,,SN,Barry,12/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Ralph Av,3,h,581000,SP,Ray,12/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,7 Washington St,3,h,,SN,Barry,12/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,201/63 Acland St,1,u,430000,SP,Buxton,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/11 Burnett St,1,u,420000,SP,Wilson,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,25/52 Fitzroy St,1,u,392000,S,hockingstuart,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12 Gurner St,4,h,1900000,PI,Wilson,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/7 Lambeth Pl,2,u,590000,S,Buxton/Advantage,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/15 Mitchell St,2,u,570000,S,Pride,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/10 Mitford St,2,u,510000,PI,hockingstuart,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/57 Robe St,2,u,,PI,McGrath,12/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,27 Dublin Av,4,h,1300000,PI,McDonald,12/11/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,355 Napier St,4,h,1300000,PI,Nelson,12/11/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,122 Woodland St,2,h,1620000,S,McDonald,12/11/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,12 Boeing Rd,4,h,931999,S,Nelson,12/11/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,51 Station St,4,h,530000,S,Leeburn,12/11/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,34 Ernest St,4,h,890000,S,Sweeney,12/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/11 Kinnane Cr,3,t,570000,SP,Barry,12/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,43 Cary St,3,h,600000,VB,Stockdale,12/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,8 Hassett St,3,h,650000,SP,GL,12/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Prince St,4,h,640000,S,Barry,12/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,46a Furlong Road,4,t,,PN,Barry,12/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,18 Simpson St,4,h,736000,S,Barry,12/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,121 Warwick Rd,3,h,605000,SP,Barry,12/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,27 Davey St,3,h,687000,S,Sweeney,12/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,104 Hall St,3,h,668000,S,Barry,12/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,14 Myers St,3,h,485000,S,hockingstuart,12/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,39 Bentley St,3,h,1755000,S,Fletchers,12/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,95 Guildford Rd,4,h,1700000,S,Marshall,12/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Varzin Av,4,h,1900000,VB,Marshall,12/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,48 Bungarim Wyn,4,h,521000,S,Barry,12/11/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,4 Briar Ct,4,h,599000,SP,Ray,12/11/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Johns Ct,4,h,640000,S,hockingstuart,12/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,42 Perceval Cr,4,h,715000,S,Prof.,12/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Rainbow Ct,4,h,666000,S,Barry,12/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,252 Church Rd,4,h,1412000,S,Jellis,12/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,418 Porter St,4,h,965000,S,Jellis,12/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,16 Clauscen St,4,h,1280000,PI,Jellis,12/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,39 Hazel Dr,5,h,750000,PI,hockingstuart,12/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Belah St,3,h,685000,SP,R&H,12/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,18 Parklands Dr,3,h,643000,S,Love,12/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,16 Stephen Ct,3,h,605000,S,Harcourts,12/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,51 Alston St,3,h,887000,S,Love,12/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,120 Normanby Av,3,h,1265000,S,Woodards,12/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/75 Pender St,1,u,277500,PI,hockingstuart,12/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,21a Douglas St,4,h,,PI,RT,12/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9 Glyndebourne Av,4,h,,S,RT,12/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,19/36 Grange Rd,1,u,515501,SP,hockingstuart,12/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/76 Mathoura Rd,1,u,611000,SP,hockingstuart,12/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/637 Orrong Rd,2,u,,S,Jellis,12/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,226 Williams Rd,4,h,,S,Jellis,12/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,1 Keats Ct,4,h,,W,Stockdale,12/11/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,19 Savanna Pde,4,h,627000,S,Ray,12/11/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,2/30 Banksia Gr,2,h,250000,S,Red,12/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/39 Banksia Gr,3,u,451000,SP,Barry,12/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,12 Christopher Cr,4,h,570500,S,Jason,12/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,37 Millar Rd,3,h,510000,S,Jason,12/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,15 Mossfield Mw,3,h,523500,S,YPA,12/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Mossfield Mw,5,h,678000,S,Jason,12/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Upwey,32 Ternes Rd,4,h,552000,SP,Harcourts,12/11/2016,3158,Eastern Victoria,2591,29.3,Yarra Ranges Shire Council +Vermont,559a Canterbury Rd,2,u,675000,S,Barry,12/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,40 Denis St,3,h,1047000,S,Barry,12/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,9 Fiona Ct,3,h,905000,S,Noel,12/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2 Hindle Dr,3,h,1045000,S,M.J,12/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3 Kooroora Ct,3,h,905000,S,M.J,12/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,22 Moore Rd,3,h,885000,S,M.J,12/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,10/86 Graham Rd,2,u,546000,S,Miles,12/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,23 Rockaway Dr,3,h,,S,Fletchers,12/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,151 Argyle Wy,4,h,,SN,Barry,12/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1/30 Chappell Dr,3,u,,SN,Barry,12/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,58 Cornelius Dr,3,h,,SN,Barry,12/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,3 Renou Rd,3,h,,SN,Barry,12/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,128 Brackenbury St,4,h,,PN,Gardiner,12/11/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,56 Frensham Rd,3,h,671000,S,Barry,12/11/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1 Meagher St,3,h,741000,SP,Buckingham,12/11/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,18 Temby St,4,h,706000,S,Ray,12/11/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,2 Thompson St,3,h,725000,S,Buckingham,12/11/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,5 Hakea St,4,h,,SP,hockingstuart,12/11/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,76 Duncans Rd,3,h,610000,S,FN,12/11/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,28 Wyndham St,3,h,474000,S,Triwest,12/11/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,12/624 Barkly St,2,u,470000,S,hockingstuart,12/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,11 Elphinstone St,3,h,820000,S,Sweeney,12/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,13/21 Waratah St,2,t,,SP,Biggin,12/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,162 Erinbank Cr,3,h,,S,Stockdale,12/11/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,23 Eyre St,3,h,610000,S,YPA,12/11/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,8 Gorae Ct,4,h,,SN,Barry,12/11/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,39 Riddell St,2,u,430000,SP,Nelson,12/11/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,13 Raphael Dr,4,h,1075000,S,Buxton,12/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,112 Crofton Dr,4,h,1330000,S,Williams,12/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,5 Railway Pl,3,h,1010000,PI,Sweeney,12/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,15 Allumba Wy,3,h,,PI,Harcourts,12/11/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,17 Creswick Dr,3,h,390000,SP,Iconek,12/11/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,9 Pavilion Bvd,4,u,585000,S,Harcourts,12/11/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,3 Maltravers Pl,4,h,615000,SP,Jas,12/11/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,113 Anderson St,3,t,1040000,S,Sweeney,12/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,52 Goulburn St,3,h,1419000,SP,Jas,12/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,63 Hawkhurst St,3,h,1050000,S,Village,12/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,122 Stephen St,1,h,470000,PI,Jas,12/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,25 Paterson St,3,h,,S,Nelson,13/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,53 Studley St,2,h,1271000,S,Biggin,13/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,43/84 Trenerry Cr,2,h,745000,SP,Biggin,13/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,32 Beatrice Av,3,h,1167500,S,McDonald,13/05/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,10A Laurence Av,3,h,866000,S,Barry,13/05/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,30 Boyd St,3,h,,SN,Greg,13/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,5 Dundas Pl,3,h,,PI,Marshall,13/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,21 Finlay St,2,h,2130000,S,Marshall,13/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,3 Moubray St,4,h,,S,Marshall,13/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,1/141 Anderson Rd,2,u,420000,S,Bells,13/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,76 Forrest St,3,h,700000,S,Douglas,13/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,2/36 Selwyn St,3,u,580000,PI,Douglas,13/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,57 Yarralea St,3,t,1285000,PI,Nelson,13/05/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,196 Blyth St,5,h,1480000,SP,Greg,13/05/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,42 Shirley St,3,h,615000,S,hockingstuart,13/05/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,1A Tomkin Ct,2,h,,PI,Barry,13/05/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,3 Fourth Av,3,h,850000,S,Williams,13/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,22 Marigold Av,3,h,911000,S,Jas,13/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,14 Barkly Av,3,t,1835000,S,Marshall,13/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,25 Densham Rd,3,h,,S,Jellis,13/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4 Gladstone Av,3,h,,SP,Marshall,13/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,20 Rose St,2,h,,S,Jellis,13/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,72 Bloomfield Rd,2,h,1020000,PI,Nelson,13/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3 Dalgety Dr,3,h,1041000,S,Nelson,13/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4/225 Maribyrnong Rd,2,t,565000,S,Woodards,13/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,75 Maribyrnong Rd,6,h,2250000,PI,Jellis,13/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5/9 Sandown Rd,4,t,900000,SP,Alexkarbon,13/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,21 Station Av,2,h,800000,VB,W.B.,13/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,23 Solway St,4,h,2220000,S,Marshall,13/05/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,17 Warner Av,3,h,1510000,S,Jellis,13/05/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,16 Jingella Av,4,h,,SP,Buxton,13/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/2 Keats Ct,2,u,,SP,Buxton,13/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,3 Groves St,3,h,1470000,S,Buxton,13/05/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,15 Meagan Ct,3,h,875000,S,Buxton,13/05/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,63 Winners Cir,5,h,942000,S,Buxton,13/05/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,6 Sovereign Wy,4,h,900000,SP,Moonee,13/05/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,4/247 Inkerman St,2,u,450000,SP,Buxton,13/05/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,16 Belgrove Av,3,h,,S,Marshall,13/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/5 Caravan St,3,h,1135000,S,Marshall,13/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,128 Gordon St,4,h,,S,Noel,13/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,148 Yarrbat Av,3,h,2000000,S,Fletchers,13/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,17 Cumberland Av,4,h,,SN,hockingstuart,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Cumberland Av,4,h,1850000,S,Noel,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Longview Rd,4,h,2000000,PI,RT,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/21 Pavo St,3,u,700000,S,Marshall,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,35 Sylvander St,4,h,1890000,S,Jellis,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,27 Trentwood Av,3,h,1565000,S,Fletchers,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,18 Woodville St,4,h,1630000,S,Jellis,13/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,14 Central Av,4,h,915000,SP,Purplebricks,13/05/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield,19 Timberside Dr,4,h,,PN,Peake,13/05/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,6 Kerr St,4,h,,VB,J,13/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,164 Tramway Pde,4,h,2200000,PI,Buxton,13/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,4/10 Blair St,4,t,1105000,S,Hodges,13/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,23A Fromer St,3,t,1303000,S,hockingstuart,13/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Huntley Rd,4,h,,SN,Nick,13/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1 Pascoe Av,4,t,1285000,S,hockingstuart,13/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,24 Sunnyside Gr,3,h,,S,Buxton,13/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/65 Blamey St,3,h,830000,PI,Thomson,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5B Cavalier St,3,t,,SN,hockingstuart,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/32 Elizabeth St,3,t,767000,S,Gary,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,39 Elizabeth St,4,h,1860000,PI,hockingstuart,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,79 Latham St,4,h,1262500,S,hockingstuart,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1084 North Rd,3,h,,SP,Barry,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,122B Tambet St,3,t,1200000,PI,Purplebricks,13/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,8 Woodall St,3,h,1105000,S,Marshall,13/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,42 Goodwin St,3,h,1390000,SP,McGrath,13/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/5 Marian Ct,3,t,1488500,S,Jellis,13/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,44 South Pde,4,h,,SP,Noel,13/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,49 Stanley Gr,3,h,1430000,S,Noel,13/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,9 Burcote St,3,h,,SP,Woodards,13/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,14 Chapman St,2,t,777000,S,Noel,13/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,19 Devon Dr,1,h,1660500,S,Jellis,13/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,47 Katrina St,3,h,1305000,S,Noel,13/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,71 Kett St,5,h,1380000,PI,Noel,13/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,6 Berl Ct,3,h,1293500,S,Noel,13/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,141 Eley Rd,3,h,,PI,Lindellas,13/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,21 Wreford Rd,3,h,951000,S,Jellis,13/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,1 Newberry Av,3,h,,PI,Buxton,13/05/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,4 Bradman Ct,4,h,842500,SP,Barry,13/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,24 Alexander St,5,h,,S,Marshall,13/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/13 Oxford St,2,u,572000,SP,Barry,13/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,32 Sweetland Rd,3,h,910000,S,Fletchers,13/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,3/136 New St,3,u,1392000,S,hockingstuart,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,433 New St,4,h,,SP,Buxton,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,552 New St,3,h,2445000,S,Marshall,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,38/568 New St,2,u,520000,PI,hockingstuart,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,50 Outer Cr,4,h,3110000,S,Nick,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8/3 Railway Av,2,u,785000,S,Marshall,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/1 Thomson St,4,h,2000000,VB,Kay,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,39 Warleigh Gr,2,h,1350000,S,Hodges,13/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,7 Billson St,5,h,2140000,S,Marshall,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,36 Clinton St,4,h,1630000,S,RT,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/25 Cluden St,2,u,910000,S,Woodards,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Curzon St,3,h,1975000,S,Kay,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,40 Hodder St,3,h,1635000,S,Buxton,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,119 Marriage Rd,3,t,1760000,SP,Kay,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Milliara Gr,8,h,1880000,VB,Buxton,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Valdemar Ct,3,h,1743000,S,Marshall,13/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2/12 Blair St,3,t,425000,S,Barry,13/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,17 Housden St,3,h,525000,S,YPA,13/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,9 Tongio Ct,3,h,482000,S,YPA,13/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,12 Tarwin Ct,3,h,,PI,Westside,13/05/2017,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,2/15 Conifer Av,3,t,599999,SP,Greg,13/05/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,4/126 Albion St,2,u,,SP,Jellis,13/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17 Ballarat St,2,h,830000,VB,Nelson,13/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/138 Brunswick Rd,2,t,,S,Jellis,13/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,94 Davies St,4,h,1385000,PI,Jellis,13/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,25/5 Evans St,3,t,981000,SP,Nelson,13/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/675 Park St,1,u,418000,SP,Harcourts,13/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,15 Hickford St,4,h,,S,Nelson,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,22 Hickford St,2,h,1283000,S,Jellis,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7 Leyden St,2,h,1025000,S,Nelson,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,5 Linden St,2,h,1015000,S,Nelson,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,503/200 Lygon St,2,u,500000,S,Jellis,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,906/330 Lygon St,2,u,550000,SP,Nelson,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1/134 Mitchell St,2,u,460000,SP,Nelson,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,235 Nicholson St,1,h,1185000,S,Nicholson,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,15/67 Nicholson St,2,u,435000,SP,Pagan,13/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,28 Cadman St,3,h,1060000,S,Walshe,13/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,39/2 Centennial Av,2,u,424000,S,Ham,13/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,63A Hunter St,3,h,1220000,S,Woodards,13/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4 James St,3,h,1097000,S,Walshe,13/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10 Shamrock St,3,h,1100000,VB,Nelson,13/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,4 Robinson Gr,5,h,1730000,S,RT,13/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,12/70 Grange Bvd,2,t,370000,S,Barry,13/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Worcester Cr,3,h,1210000,S,Barry,13/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,39 Domain Av,3,h,599500,S,Prof.,13/05/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,5 Fletcher Pde,4,h,,S,Jellis,13/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/10 Gillard St,2,h,870000,S,Noel,13/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2 Leopold St,3,h,1385000,S,Marshall,13/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,3 Moona St,5,h,2050000,PI,McGrath,13/05/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,66 Robinlee Av,5,h,1055000,S,Jellis,13/05/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,49 Bellett St,4,h,2513000,S,Marshall,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Crellin Gr,2,h,1900000,S,Noel,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,26 Ellsworth Cr,4,h,1700000,S,Marshall,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,72 Hunter Rd,3,h,1620000,S,Jellis,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Kingsley St,4,h,3550000,S,Marshall,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,34 Morey St,4,h,1980000,S,Marshall,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/25 Range St,3,u,,S,Jellis,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,96A Through Rd,3,h,1861000,S,Marshall,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1274 Toorak Rd,3,h,,PI,Fletchers,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10 Wilson Gr,2,h,1402000,S,J,13/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,17 Bryson St,4,h,,S,Jellis,13/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,16 Church St,4,h,,S,Marshall,13/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,25 Faversham Rd,4,h,2510000,PI,Kay,13/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,49 Mangarra Rd,5,h,8000000,VB,Sotheby's,13/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,36 The Ridge,3,t,1775000,VB,Jellis,13/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,17 View St,3,h,3725000,S,Marshall,13/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,235 Amess St,4,h,3450000,S,Nelson,13/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,54 Davis St,2,h,,S,Nelson,13/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,72 Pigdon St,2,h,1290000,S,Nelson,13/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1/27 Beena Av,2,u,470000,S,Ray,13/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,108/21 Belsize Av,2,u,,SN,Steller,13/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/80 Oakleigh Rd,3,u,1105000,S,Gary,13/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,88A Truganini Rd,3,h,1200000,PI,hockingstuart,13/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,4 Wartook Gld,4,h,842500,SP,Prof.,13/05/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2/14 Myola St,3,u,575000,S,buyMyplace,13/05/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,17 True Av,4,h,985000,PI,Ray,13/05/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,139 Ballarto Rd,4,h,525000,SP,Harcourts,13/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,13 Fulmar St,4,h,,PI,Harcourts,13/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,42 Shearwater Dr,3,h,537500,S,Harcourts,13/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,14/129 Kambrook Rd,2,u,655000,S,hockingstuart,13/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,5 Kambrook Rd,3,h,,S,Buxton,13/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,2/92 Clarence St,3,t,1000000,VB,O'Donoghues,13/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,26 Gardenvale Rd,2,h,1104000,S,Gary,13/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,7 Bardoel Ct,2,u,555500,S,Buxton,13/05/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,105 Embankment Gr,6,h,850000,PI,Hodges,13/05/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,301a Station St,3,u,690000,S,Ray,13/05/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,18 Irene Ct,5,h,1500000,PI,O'Brien,13/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Moonda Gr,4,h,1430000,S,O'Brien,13/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Moonda Gr,3,h,1210000,S,Bayside,13/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,11 Huntingdale Dr,3,h,720000,SP,Ray,13/05/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/41 Eulinga Rd,4,u,1060000,PI,Ray,13/05/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,36 Cambro Rd,4,h,1401000,SP,Gary,13/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1504 North Rd,3,h,1650000,S,Buxton,13/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/17 Sarton Rd,3,u,,PI,Buxton,13/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,44 Manoon Rd,4,h,1290000,S,Woodards,13/05/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,15 Dally St,2,h,1250000,S,Jellis,13/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,487 Hoddle St,3,h,1652500,S,Nelson,13/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,32 Myrtle St,2,h,1250000,S,Wilson,13/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,72 Ramsden St,3,h,1660000,S,Collins,13/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,14/14 The Esplanade,1,u,465000,S,Haughton,13/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,25 Beaumonde St,4,t,680000,S,Collins,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,29 Belgrave St,3,h,1180000,S,Nelson,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,15 Bishop St,3,h,940500,S,Nelson,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,22/129 Harding St,3,t,824000,S,Barry,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Kerferd St,2,h,941000,S,Nelson,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2A Oberon St,2,h,,SP,Biggin,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,75 Queen St,2,h,775000,S,Barry,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,21A Vincent St,3,h,985000,PI,Jellis,13/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,27 Williams Rd,4,h,770000,S,Brad,13/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,158 Keele St,3,h,1309000,S,Nelson,13/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,7 Timor Ct,3,h,496000,S,Raine,13/05/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,62 Bridgehaven Dr,4,h,491000,S,Barry,13/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,37 Hamilton St,4,h,,SN,Barry,13/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Princes Cicuit,4,h,510000,PI,Barry,13/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,8 Aston Gld,4,h,603000,SP,O'Brien,13/05/2017,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cranbourne North,11 Bianca Cr,4,h,,PN,O'Brien,13/05/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,16 Emily Ct,4,h,1220000,SP,McGrath,13/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Eva Ct,4,h,,PI,Ray,13/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,21 Marcus Rd,3,h,820000,S,McGrath,13/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,6 Ravenglass Ct,3,h,725000,S,Fletchers,13/05/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,4 The Common,4,h,,VB,Noel,13/05/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong North,12 Regency St,3,h,,PI,iSell,13/05/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,138 Neale Rd,3,h,,SN,Barry,13/05/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,49 Winslow Cr,3,h,,PI,HAR,13/05/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,12 Sudley Rd,4,h,690000,S,HAR,13/05/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,27A Collins St,3,h,730000,SP,Barry,13/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,18 Nicole Cr,3,h,722888,SP,Mason,13/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,23 Phipps Cr,3,h,640000,SP,Barry,13/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,17 Watkins St,3,h,490000,S,Mason,13/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,10 Botany Ct,4,h,730000,S,O'Brien,13/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Tambo Ct,3,h,970000,S,Buxton,13/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Wheatland Cr,4,h,931000,S,Ray,13/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,30 Philip Av,3,h,1380000,S,Fletchers,13/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/20 Tandara Av,3,u,950000,S,Fletchers,13/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,52 Timber Rdg,5,h,1360000,S,Fletchers,13/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,40 Wetherby Rd,4,h,1100000,PI,Barry,13/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,20 Bicentennial Ct,4,h,1420000,PI,Barry,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/167 Blackburn Rd,3,t,840000,S,hockingstuart,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,74 Bowen Rd,4,h,,PN,Philip,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Kara St,5,h,,SN,Parkes,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Peter St,3,h,1475000,S,Fletchers,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,24 Rowan St,5,h,1165000,S,Barry,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Ryder Ct,5,h,1260000,VB,Noel,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10/4 Vicki Ct,4,t,1180000,PI,Barry,13/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,27 Beckett Rd,4,h,1305000,S,Barry,13/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,20 Limassol Ct,5,h,,PN,Noel,13/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,6 Vichy Av,4,h,490000,S,Morrison,13/05/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,7 Vitality St,3,h,470500,S,Ray,13/05/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,4/24 Hotham St,2,u,810000,S,Biggin,13/05/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,2/20 Berry Av,2,t,710000,S,Barry,13/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2 Somme Pde,5,h,3550000,SP,Buxton,13/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,1A Frank St,3,h,1000000,S,Morrison,13/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2 Ibsley Sq,4,h,,SN,Buckingham,13/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,22 Leane Dr,3,h,950000,VB,Morrison,13/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/1110 Main Rd,3,u,580000,VB,Morrison,13/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,8/89 Addison St,3,u,950000,S,Whiting,13/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/282 Barkly St,1,u,360000,S,Biggin,13/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9 Kendall St,3,h,1875000,VB,Chisholm,13/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10 Robert St,3,h,,SP,Chisholm,13/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,100 Childs Rd,3,h,560500,S,Love,13/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,807 Edgars Rd,3,h,414000,S,Barry,13/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,34 Lincoln Rd,3,h,1400000,SP,McDonald,13/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4a Mary St,2,u,700000,VB,Barry,13/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,2 Diamond St,3,h,1406000,S,Nelson,13/05/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,270 Arthur St,2,h,,SP,Jellis,13/05/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,3 Gillies St,3,h,1500000,PI,Woodards,13/05/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,32 Murray St,2,h,949500,S,Brad,13/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,42a Murray St,3,u,532000,S,Ray,13/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,43 Preston St,3,h,698000,S,Ray,13/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,33 Bryden Dr,3,h,815000,S,Schroeder,13/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,158 Cecil St,3,h,,S,Nelson,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,9/58 George St,2,u,1320000,S,Nelson,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,207/416 Gore St,2,u,,S,Nelson,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,480 Gore St,2,h,,S,Nelson,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,28 Greeves St,2,h,1350000,VB,Jellis,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,7B Hargreaves St,3,h,2725000,S,Jellis,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,209/48 Rose St,2,u,,SP,Nelson,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,54/1 St David St,2,u,,SP,Jellis,13/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Flemington,20 Bryant St,5,h,1550000,PI,Nelson,13/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,8/64 Dover St,2,u,500000,S,Nelson,13/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,16/60 Farnham St,2,u,450000,S,Nelson,13/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,47 Shepherd St,3,h,871000,S,Greg,13/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,43 Raleigh St,3,h,,SP,Noel,13/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/52 Vanbrook St,2,t,685000,VB,Noel,13/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,13 Victor Cr,3,h,1277500,S,Barry,13/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,7 Graeme St,3,h,581000,S,O'Brien,13/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,26 Seaview Rd,3,h,840000,VB,hockingstuart,13/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,37 Payne St,3,h,555000,S,Stockdale,13/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,8/131 Grange Rd,1,u,260000,SP,Woodards,13/05/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,3/1 MacKay Av,2,u,730000,S,McGrath,13/05/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,2/7 Rosedale Av,2,u,535000,S,Buxton,13/05/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,47 Alfred Rd,4,h,,PI,Marshall,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/5 Creswick St,4,t,,S,Jellis,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,28 Grandview Av,3,h,,S,Jellis,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1492 High St,3,h,,SN,Thomson,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,55 Martin Rd,5,h,1950000,S,Noel,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/12 Maverston St,3,t,,S,Jellis,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,51 Ranfurlie Cr,5,h,,S,Marshall,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Rosedale Rd,3,h,2085000,S,Jellis,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Rowen St,4,h,1760000,PI,Jellis,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/46 Summerhill Rd,2,u,710000,S,hockingstuart,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,18 Watson St,4,h,2340000,S,Marshall,13/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,22 Booran Av,3,h,,SN,Eview,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Foxley St,4,h,1145000,S,Barry,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,38 Gauntlet Av,6,h,1255500,S,Harcourts,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,792 Highbury Rd,3,h,1095000,S,Barry,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/23 Hunter St,3,t,,PI,Harcourts,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/8 Kennedy St,3,t,,SN,Harcourts,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Tamarisk Av,4,h,,PI,Biggin,13/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,17 Bindi St,3,h,597500,S,YPA,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,11 Danae St,3,h,,PI,YPA,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,101 Evell St,3,h,690000,SP,YPA,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,91 Gowrie St,3,h,822000,S,Barry,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/15 Leonard Av,3,u,500000,PI,Barry,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,90 Moonee Bvd,3,h,710000,S,Stockdale,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,92 Plumpton Av,2,t,512500,S,Eview,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/8 View St,3,h,510000,S,YPA,13/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,7 Adelaide Bvd,4,h,990000,S,Nelson,13/05/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,21 Adeline St,3,h,835000,S,Fletchers,13/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Alexandra St,3,h,1000000,VB,Morrison,13/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Banfield Tce,4,h,,S,Nelson,13/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,11 Donald St,3,h,876000,S,Barry,13/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,20 Warralong Av,3,h,,PI,Buckingham,13/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Yando St,6,h,750000,SP,Darren,13/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,32 Piccadilly Ct,4,h,673000,S,Jellis,13/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,56 Middle St,3,h,725000,S,Stockdale,13/05/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,4 Brand St,4,t,1910000,S,Buxton,13/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,14 Field St,3,h,1620000,S,Buxton,13/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,8/78 Holyrood St,1,u,,PI,Marshall,13/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,37 Prince St,2,h,1789000,S,Buxton,13/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/8 Willis St,2,t,837000,SP,Buxton,13/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,4/162 Barkers Rd,1,h,300000,VB,Ray,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Belgrave St,2,h,,S,Jellis,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,35 Kinkora Rd,3,h,,S,Marshall,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,19 Linda Cr,4,h,,PI,Marshall,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6 Lyall St,4,h,,SP,Jellis,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/48 Oxley Rd,1,u,,W,Woodards,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,31 Smart St,2,h,1800000,S,Jellis,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/5 Summerlea Gr,1,u,275000,SP,hockingstuart,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/40 Wattle Rd,3,t,1300000,VB,Jellis,13/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,21 Broomfield Rd,3,h,1575000,S,Jellis,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8 Fairmount Rd,2,h,1320000,S,Jellis,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,59A Harcourt St,3,h,,S,Marshall,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,41 Leura Gr,4,h,3600000,VB,Jellis,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,13 Pleasant Rd,4,h,2425000,PI,Real,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Widford St,3,h,1890000,S,Marshall,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/4 Wiseman St,1,u,400500,S,Bekdon,13/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,1 Aumann St,3,h,,S,Barry,13/05/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,2 Bennett Av,3,h,1000800,S,McGrath,13/05/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg West,33 Morobe St,2,h,,SN,Barry,13/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,6 Normanby Ct,2,h,613000,S,Barry,13/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2/5 Alfred St,2,u,528500,S,hockingstuart,13/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,105 Chesterville Rd,3,h,910000,S,Barry,13/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,9 Cloyne St,4,t,,PI,Buxton,13/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,10 Wolseley St,2,t,824000,S,Buxton,13/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,6 Crana Ct,4,h,680000,VB,hockingstuart,13/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/547 Neerim Rd,4,t,1340000,S,Mandy,13/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,31 Beauford St,4,h,1132000,S,Buxton,13/05/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,25 Belmont Rd,3,h,,SN,Miles,13/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,128 Bond St,5,h,1689000,S,Nelson,13/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,8/1088 Heidelberg Rd,2,h,690000,VB,Miles,13/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/45 Locksley Rd,3,t,1330000,PI,Barry,13/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3 Sylvan Ct,3,h,1851000,S,Jellis,13/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,325 The Boulevard,5,h,2325000,PI,Jellis,13/05/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,475 The Boulevard,3,h,2400000,VB,Miles,13/05/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kalkallo,10 Malcolm St,4,h,566000,S,RW,13/05/2017,3064,Northern Metropolitan,121,20.6,Hume City Council +Keilor,5 Flora St,3,h,840000,PI,Nelson,13/05/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,3/50 Berembong Dr,2,u,490000,SP,hockingstuart,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,12 Cecelia Dr,3,h,745000,S,Nelson,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,22 David Av,3,t,845000,S,Nelson,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,44 Granite Wy,4,h,1300000,VB,Barry,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,13 Lauricella Av,4,h,910000,S,Nelson,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,18 Mainridge Vs,3,h,,VB,McDonald,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3 Pennington St,3,h,941000,S,Harcourts,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,52 Prospect Dr,3,h,738000,S,Moonee,13/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,9/11 Smith St,2,u,525000,VB,Edward,13/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2 Charles St,4,h,,PI,Fletchers,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/320 Cotham Rd,2,u,,S,Marshall,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,47 First Av,3,h,,S,Jellis,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25/912 Glenferrie Rd,1,u,468000,S,hockingstuart,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,48 Malin St,4,h,2600000,S,Marshall,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Marshall Av,5,h,,PI,Marshall,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Mawson St,5,h,4515000,S,Marshall,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Molesworth St,5,h,3160000,S,Marshall,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/64 Normanby Rd,2,u,820000,PI,Noel,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Segtoune St,3,h,,S,Jellis,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Wimba Av,4,h,,S,Kay,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/10 Wishart St,3,h,,S,Nelson,13/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,45 Baker Av,3,h,,SP,Kay,13/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,3/27 Woodlands Av,3,t,1200000,VB,Nelson,13/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,1 Brad Cl,3,h,600000,SP,Purplebricks,13/05/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,56A Geoffrey Dr,6,h,1200000,VB,McGrath,13/05/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsbury,1/37 Clunes St,3,u,488000,S,Ray,13/05/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,87 Chirnside St,3,h,1190000,SP,Village,13/05/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,3/32 Kathryn Rd,3,u,771000,S,Barry,13/05/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,26 Monaro Rd,5,h,,PI,Marshall,13/05/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,37 Curtin Av,5,h,710000,S,Stockdale,13/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,56 David St,3,h,655000,S,Harcourts,13/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/82 David St,1,h,350000,S,Stockdale,13/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,37 Hurtle St,4,h,771000,S,Harcourts,13/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/118 Messmate St,3,u,450000,SP,Harcourts,13/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,1 Byron Av,4,h,948000,S,Barry,13/05/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4/48 Fairlie Av,2,u,590000,S,Darren,13/05/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,127 Harborne St,3,h,631000,S,Ray,13/05/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,4 Reid Wk,4,t,755000,S,Ray,13/05/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,25 Thomson St,3,h,873000,S,Biggin,13/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,18 Chandlers Rd,3,h,2250000,S,Marshall,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,66 Claremont Av,5,h,,S,Marshall,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2B Finlayson St,3,h,,PI,Marshall,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,19 Gordon Gr,3,h,2000000,VB,Jellis,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,56 Hunter St,4,h,,SN,Abercromby's,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,38 Milton Pde,2,h,,S,RT,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,93 Stanhope St,3,h,,PI,Marshall,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,27 Thanet St,4,h,,S,Jellis,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,13 Wheatland Rd,3,h,,SP,hockingstuart,13/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,57 Beaver St,3,h,,S,Jellis,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,57 Brunel St,4,h,,S,Marshall,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,47 Cairnes Cr,3,t,910000,S,Noel,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1411 Dandenong Rd,4,h,1290000,S,Buxton,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,70 Paxton St,4,h,,S,Kay,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Tooronga Rd,3,h,2020000,S,Marshall,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,353 Wattletree Rd,4,h,,SN,hockingstuart,13/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,12 Grandview Av,4,h,,S,Rendina,13/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,13 Hillside Cr,3,h,950000,PI,Raine,13/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3/13 Warrs Rd,4,h,1080000,SP,hockingstuart,13/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,97 McKinnon Rd,2,t,,SN,hockingstuart,13/05/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/24 Prince Edward Av,3,t,,SP,Jim,13/05/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,29 Redesdale St,4,h,591000,S,Nelson,13/05/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,402/455 Elizabeth St,2,u,452000,S,RT,13/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,20 Church St,3,h,400000,SP,PRDNationwide,13/05/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,20 Fraser St,3,h,313000,S,hockingstuart,13/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,41 Hume Av,3,h,286000,S,Ryder,13/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,6 Monash St,3,h,335000,S,Barry,13/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,1/29 Flinders St,3,t,1005000,S,O'Brien,13/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,48A Riviera St,3,t,1105000,S,Thomson,13/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,135 Neville St,4,h,,S,Marshall,13/05/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,12 Fairwyn Cl,4,h,,PI,Ray,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/24 Hawkes Dr,2,u,380000,S,Love,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,88 Heritage Dr,3,h,559000,S,Harcourts,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,11 Madigan Cr,4,h,707000,S,Ray,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Moorhead Dr,3,h,613000,S,Love,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Randell Ct,3,h,669000,S,Ray,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,20 Sieben Cl,3,h,550000,S,Ray,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Walsh Ct,4,h,577000,S,Ray,13/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,43 Creek Rd,3,h,,S,Jellis,13/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,14 Forster St,5,h,1315000,S,MJ,13/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,17 Hardwood Ct,3,h,1105000,S,Noel,13/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,11 Kauri Ct,3,h,,SN,Stockdale,13/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,70 Quarry Rd,3,h,1450000,VB,Noel,13/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,23 Walker Av,3,h,1047000,S,Ray,13/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1 Howson Ct,4,h,2100000,VB,Harcourts,13/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,4 Lightfoot St,3,h,,S,Jellis,13/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,22 Smythe Av,4,h,2660000,S,Jellis,13/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,141 Windsor Cr,2,h,665000,PI,Woodards,13/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,11A Murray St,3,h,1100000,VB,Nelson,13/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,13 Ophir St,2,h,1350000,S,Jellis,13/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,119 Park St,5,h,2300000,PI,Nelson,13/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,121 Vine St,2,h,1302500,S,Jellis,13/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,3/29 Fiddes St,2,t,742500,S,Buxton,13/05/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Evelyn,7 Stringybark Bvd,3,h,680000,SP,Ray,13/05/2017,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,10 Amber Gr,5,h,2680000,PI,Harcourts,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 French St,3,h,1305000,S,Ray,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/27 Jacqueline Rd,4,t,1143000,S,Jellis,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,30 Jubilee St,3,h,1302000,S,J,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,64 Lechte Rd,4,h,1590000,S,Ray,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Toirram Rd,4,h,1970000,PI,Jellis,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Trevor Ct,4,h,2105000,S,Ray,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Wallabah St,3,h,1106000,S,Harcourts,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 Whiton St,5,h,1620000,S,McGrath,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Wilga St,3,h,1280000,PI,McGrath,13/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,47 Alderbrook Av,4,h,880500,S,Win,13/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,63 Holmbury Bvd,5,h,,PI,Ray,13/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,69 Tiverton Dr,4,h,930000,S,Raine,13/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1/9 Howe St,2,u,770000,PI,Buxton,13/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,6/51 Murrumbeena Rd,2,u,582000,S,Gary,13/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,11 Strathearn Av,3,h,1200000,S,Ray,13/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Thaxted Rd,3,h,,S,Jellis,13/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,1 Adele Cl,5,h,640000,SP,Hall,13/05/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,1 Parklea Cl,3,h,574000,S,Purplebricks,13/05/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,195 Blackshaws Rd,3,h,975000,S,RT,13/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Clyde St,5,h,1820000,SP,Sweeney,13/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,17 Gordon St,3,t,900000,S,Greg,13/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,11 Margaret St,3,t,870000,S,Greg,13/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,59 Hoffmans Rd,3,h,944000,S,Barry,13/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1 Backous Wy,3,h,,SP,Hall,13/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,116 Lightwood Rd,3,h,650000,S,Nexus,13/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,41 Chapman St,3,h,2161000,S,Nelson,13/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,54 Bradleys La,3,h,1057000,S,Gardiner,13/05/2017,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,157 Bastings St,5,h,1750000,PI,Nelson,13/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,168 Separation St,2,h,,PI,Barry,13/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,118 Westgarth St,4,h,1822000,S,Nelson,13/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6/229 Westgarth St,1,u,280000,VB,Haughton,13/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,44 Ashwood Dr,3,h,950000,S,Barry,13/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,15 Evandale Av,2,h,1195000,SP,Fletchers,13/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,9 Evandale Av,3,h,1161000,S,Fletchers,13/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,16 Joyce St,4,h,1280000,PI,Jellis,13/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,47a Nicholson St,4,h,,SN,Woodards,13/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,336 Springfield Rd,3,h,,PI,Carter,13/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,220 Waterloo Rd,3,h,1400000,VB,Stockdale,13/05/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1/1438 Dandenong Rd,3,u,655000,PI,Ray,13/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,24 Gadd St,5,h,1351000,S,Ray,13/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,36 Westgate St,3,h,1205000,S,buyMyplace,13/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,25 Elizabeth St,3,h,1210000,S,Buxton,13/05/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,4 Dalgan St,4,h,1410000,S,Buxton,13/05/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2/15 Golf Rd,3,u,815000,S,Woodards,13/05/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/1 Lillimur Rd,3,u,960000,S,hockingstuart,13/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,688 North Rd,4,h,1486000,S,Buxton,13/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,3/25 Evan St,2,t,,PI,hockingstuart,13/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,11 Ivy St,3,h,1010000,S,Buxton,13/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 McKay St,3,t,1120000,S,Buxton,13/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/2 Queen St,3,t,930000,S,Ray,13/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,26 Rennison St,4,h,1865000,S,Buxton,13/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,21 Morrah St,4,h,3970000,S,Collins,13/05/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,7/20 Avoca Cr,2,t,660000,SP,Nelson,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,9 Bawden Ct,4,h,770000,S,Nelson,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/238 Cumberland Rd,2,u,496000,S,Brad,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/142 Derby St,3,h,585000,S,YPA,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/29 Devon Rd,2,t,540000,VB,Nelson,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,155 Landells Rd,3,h,,PI,Barry,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5 Sims St,3,h,708000,S,hockingstuart,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7/26 Snell Gr,2,u,497000,SP,Nelson,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Wicklow St,3,h,800000,S,Brad,13/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,178 Albert St,3,h,,SP,Greg,13/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,30 Clark St,2,h,,SN,Chisholm,13/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,49 Edwards Av,4,h,1995000,S,Frank,13/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,7/103 Liardet St,1,u,,PI,Buxton,13/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,204/52 Nott St,2,u,575000,S,Biggin,13/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,602/142 Rouse St,2,h,1000000,S,Cayzer,13/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,104/22 Chatham St,2,u,,PI,Williams,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/235 Dandenong Rd,2,u,805000,S,Jellis,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,19/43 Grandview Gr,1,u,,S,hockingstuart,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8 Green St,2,h,1615000,S,Jellis,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,303/10 Hillingdon Pl,2,u,645000,S,Gary,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,11 Pridham St,2,h,,SP,hockingstuart,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7/72 Williams Rd,2,u,550000,SP,Thomson,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/28 Wynnstay Rd,1,u,410000,PI,Thomson,13/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,125 Albert St,4,h,770000,S,Love,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,31 Benambra St,3,h,800000,PI,hockingstuart,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Carthew Gr,4,h,1075000,S,Nelson,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Evelyn St,3,h,1015000,S,Ray,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/26 McNamara St,2,h,825000,SP,Ray,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/492 Murray Rd,2,u,532500,SP,hockingstuart,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,110 Raglan St,3,t,880000,S,Nelson,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,118 Wood St,3,h,1020000,PI,hockingstuart,13/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,8 Allenby Av,2,h,980000,S,Stockdale,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,96b Cheddar Rd,4,h,678500,S,hockingstuart,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Delaware St,2,h,861500,S,Nelson,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Henty St,3,h,801000,SP,Love,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Henty St,4,h,1150000,S,Barry,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Horton St,3,h,760000,PI,Barry,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/6 Merrilands Rd,2,u,490000,S,Ray,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/74 Miranda Rd,3,h,605000,S,Love,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Moore Cr,3,h,810000,S,Love,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/209 Purinuan Rd,2,t,652000,S,Nelson,13/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,101/27 Dickmann St,2,u,690000,VB,hockingstuart,13/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,43 Gardner St,2,h,1050000,PI,Biggin,13/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,293 Highett St,3,h,2060000,PI,Marshall,13/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8/7 Westbank Tce,2,u,490000,SP,Biggin,13/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7A Wiltshire St,3,t,,S,Fletchers,13/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1 Kean St,3,h,740000,VB,Carter,13/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,116 Warrandyte Rd,4,h,928000,S,Jellis,13/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3 Hunter Ct,4,h,886000,S,Barry,13/05/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,11 Talofa Av,3,h,1090000,S,Philip,13/05/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,18 Loughnan Rd,3,h,1010000,VB,hockingstuart,13/05/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,1/125 Warrandyte Rd,2,t,580000,PI,Ray,13/05/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,146 Bellevue Av,3,h,,S,Morrison,13/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,17 Crampton Cr,4,h,,SN,Miles,13/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,34 Haughton Pde,4,h,1150000,SP,Miles,13/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,11 Peartree Ct,4,h,513000,PI,YPA,13/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,13 Thomas St,5,h,840000,S,Ray,13/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Turia Gr,4,h,465000,S,Raine,13/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,208/222 Bay Rd,2,u,535000,SP,hockingstuart,13/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,55 Fernhill Rd,5,h,,SN,hockingstuart,13/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,12 Harold St,4,h,,S,hockingstuart,13/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,1/8 Burrawong Av,4,h,730000,S,Asset,13/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,79 Hallifax St,4,h,770000,VB,hockingstuart,13/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,199 Buckley St,2,h,665000,PI,Village,13/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,29 Tennyson St,3,h,950000,S,Village,13/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,7A Brunel St,3,t,815000,S,Williams,13/05/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,2/17 Greene St,2,u,321000,SP,Jas,13/05/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,24B Dow St,2,t,1100000,S,Marshall,13/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,66 Iffla St,3,h,,SP,Cayzer,13/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,27 Lyell St,3,h,1820000,S,WHITEFOX,13/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11 Kipping Ri,2,h,420000,S,Harcourts,13/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,31 Kipping Ri,4,h,522000,S,Ray,13/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7 Melissa Ct,4,h,683500,S,Ray,13/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Remington Wy,5,h,730000,S,Ray,13/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Tintern Tce,3,t,430000,S,Ray,13/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,9/56 Darling St,1,u,,VB,Cayzer,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/63 Domain St,3,u,920000,S,Williams,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12 Fawkner St,2,h,,SP,Kay,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,30/30 Murphy St,2,u,615000,S,hockingstuart,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,50 Nicholson St,3,h,,PI,Marshall,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/555 Punt Rd,2,u,642000,S,Kay,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1407/7 Yarra St,1,u,,PI,Williams,13/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,9/120 Sturt St,2,u,580000,SA,William,13/05/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,2/7 Mary St,2,t,,S,Village,13/05/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,14 Robb St,3,h,1100000,SP,Greg,13/05/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,70 Lester Av,5,h,660000,S,YPA,13/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,42 Manfred Av,2,h,,SN,Barry,13/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Toora Ct,3,h,,PI,YPA,13/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,50 Vincent Av,2,h,680000,S,Ray,13/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,5 Eskholme Ri,5,h,1005000,S,Barry,13/05/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,15/12 Acland St,1,u,,SP,Smart,13/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/25 Acland St,2,t,1077000,S,Marshall,13/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,34 Acland St,2,h,1301000,S,Wilson,13/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/2 Crimea St,2,u,,SN,McGrath,13/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,25 Fawkner St,2,h,1440000,S,Marshall,13/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/38 Fitzroy St,1,u,410000,VB,Hodges,13/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,221 Mascoma St,3,h,900000,VB,Nelson,13/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,86 Mitchells La,3,h,308000,S,YPA,13/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,25 Downing St,3,h,718000,S,Douglas,13/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,91 Hilma St,4,h,685000,S,Bells,13/05/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/54 Whitesides Av,3,h,475000,S,Douglas,13/05/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/35 Boisdale St,2,u,825000,S,Fletchers,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,61 Broughton Rd,3,h,1525000,S,Fletchers,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/300 Canterbury Rd,2,u,,PI,Fletchers,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,18 Empress Rd,2,h,1260000,SP,Jellis,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,16 Norfolk Rd,4,h,,SN,Bekdon,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,113 Warrigal Rd,5,h,,S,Woodards,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,29 Weybridge St,4,h,2360000,S,Marshall,13/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,15 Shields Ct,3,h,571000,S,Ray,13/05/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,2 Adavale Ambl,3,h,482000,S,hockingstuart,13/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,71 Amsterdam Av,5,h,750000,PI,hockingstuart,13/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,41 Kalorama St,4,h,508000,S,Sweeney,13/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,1 Wanaka Dr,3,h,625000,S,Barry,13/05/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,8 Bindi Cl,4,h,1475000,S,Barry,13/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Kelvinside Dr,3,h,1210000,S,Barry,13/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,61 Matisse Dr,3,h,868000,SP,Barry,13/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1 Pepper Ct,4,h,1583000,S,Jellis,13/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,5 Fran Ct,4,h,1181000,SP,Parkes,13/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,21 Rooney St,3,h,1385000,S,Barry,13/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,24 Lantana Av,3,h,700000,S,Love,13/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,32 Main St,3,h,838000,S,Harcourts,13/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,24 Pinewood Dr,4,h,670000,S,Harcourts,13/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Tamara Ct,4,h,,PI,Harcourts,13/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,117 Victoria Dr,3,h,647000,S,Harcourts,13/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,6 Boyd St,3,h,,SN,Miles,13/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9 Ethel St,3,t,865000,S,buyMyplace,13/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/73 Flinders St,2,u,462000,S,Nelson,13/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,107 Hutton St,3,h,1100000,PI,Woodards,13/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,221 Mansfield St,4,h,1635000,S,Jellis,13/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/1 Smith St,3,t,998000,SP,Jellis,13/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,177 Kooyong Rd,6,h,,SA,RT,13/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,241 Kooyong Rd,4,h,,S,Marshall,13/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12/30 Lansell Rd,3,u,,S,Kay,13/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,19 Mathoura Rd,2,h,,SP,RT,13/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/48 Mathoura Rd,2,u,650000,S,Hodges,13/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,27 Montalto Av,4,h,,S,RT,13/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,96 Alison St,4,h,613000,SP,Sweeney,13/05/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,5 Brunton Cr,3,h,666000,S,YPA,13/05/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,17 Handsworth Cr,3,h,655000,S,Jason,13/05/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,3/10 Penllyne Av,2,u,535000,S,Noel,13/05/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,4/10 Penllyne Av,2,u,570000,VB,Noel,13/05/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Wantirna,10 Newell Ct,5,h,1200000,S,Barry,13/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,2/9 Allanfield Cr,3,t,755500,S,Harcourts,13/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,39 Appledale Wy,3,h,933000,SP,Barry,13/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Billabong Ct,4,h,1566000,S,Harcourts,13/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,24 Dunn St,3,h,,PI,Buckingham,13/05/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,12 Acheron Cr,3,h,485000,S,Ray,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,18 Gibbons St,3,h,580000,S,Sweeney,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,311 Heaths Rd,3,h,605000,S,LJ,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,27 Jellicoe St,3,h,1045000,S,P,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Morgan Cr,3,h,415000,S,Barry,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,95 Princes Hwy,3,h,650000,S,P,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,6 Riverglen Dr,4,h,540000,S,Barry,13/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,25 Tucker St,3,h,890000,S,Biggin,13/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,36 Abbotsford St,2,h,,SN,W.B.,13/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,218 Adderley St,3,h,1750000,S,Woodards,13/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,3 Dooen Ct,3,h,,SP,Barry,13/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,17 Yarck Ct,3,h,462500,S,YPA,13/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1 Harley Pl,3,h,930500,S,Fletchers,13/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,17 Radleigh Dr,4,h,,PI,Barry,13/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,2/170 Cecil St,2,h,1000000,S,Raine,13/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,10 Crofton Dr,5,h,2040000,S,Greg,13/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4 Laverton St,3,h,,SP,Williams,13/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,60 Merrett Dr,4,h,1412000,SP,Williams,13/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8/97 Verdon St,2,u,465000,S,Raine,13/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,27 Champion Rd,3,h,1575000,S,Sweeney,13/05/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,40 Florence St,4,h,1520000,SP,Williams,13/05/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,2/60 Kororoit Creek Rd,3,t,720000,SP,Jas,13/05/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,2/6 The Avenue,2,u,690000,S,Nelson,13/05/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,25 Huntington Tce,4,h,622000,S,Harcourts,13/05/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,4 Acacia Ct,4,h,565500,S,hockingstuart,13/05/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,50 Vaughan Ch,4,h,482000,S,hockingstuart,13/05/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,19 Goulburn Gr,4,h,955000,PI,Morrison,13/05/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,260 Francis St,3,h,892000,S,Village,13/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6/17 Gordon Pde,1,u,,PI,hockingstuart,13/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1 Highgate St,4,h,985500,S,Jas,13/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/150 Hyde St,2,u,650000,SP,Jas,13/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/6 Jepson St,3,t,1070000,S,Jas,13/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10/51 Stephen St,2,u,397000,S,Village,13/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,45 William St,2,h,1172500,S,Biggin,13/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,92 McNamara Av,4,h,758000,S,Jellis,13/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,145a Victory Rd,2,u,440000,S,Barry,13/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,140 Danks St,2,h,,SP,Marshall,13/08/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,4/5 Chandler Hwy,4,t,,PN,Nelson,13/08/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,69 Lucerne Cr,3,h,1480000,S,Nelson,13/08/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,4/57 Blyth St,3,u,730000,SP,Barlow,13/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,10 Wilga Av,3,t,916500,S,hockingstuart,13/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,63a First Av,3,h,,PI,RT,13/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,59 Misten Av,2,h,,PI,Greg,13/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,7/17 Myamyn St,3,u,,SP,Marshall,13/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,595 Orrong Rd,3,h,,S,Jellis,13/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,52 Monash St,3,h,1425000,PI,Jellis,13/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,32 Myross Av,3,h,925000,S,Nelson,13/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,8 Maroondah Rd,4,h,1415000,S,Buxton,13/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,16 Albany Cr,3,h,745000,SA,Barry,13/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,20 Ebb St,4,h,860000,S,O'Brien,13/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,55 Ebb St,4,h,955000,S,hockingstuart,13/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Balwyn,6/10 Brenbeal St,2,u,625000,PI,Jellis,13/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/4 Raynes St,2,t,700000,VB,Noel,13/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,31 Yongala St,4,h,,PI,Noel,13/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1 Bolinda Rd,3,h,1700000,VB,Fletchers,13/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,35 Corhampton Rd,3,h,1750000,VB,Noel,13/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,8 Wilhelma Av,4,h,,S,RT,13/08/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,25 Point Av,4,h,1945000,S,Hodges,13/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,19 Towers St,3,t,1100000,S,Hodges,13/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/15 Jasper Rd,2,u,725000,S,hockingstuart,13/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,53 Purtell St,3,h,1307000,S,Woodards,13/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,33 Schulz St,4,h,1010000,S,Ray,13/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Tambet St,2,h,702000,PI,Buxton,13/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/93 Tambet St,2,h,813000,S,Buxton,13/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,22b Vasey St,4,t,,S,Buxton,13/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,13 Williamson St,3,h,,PI,O'Brien,13/08/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,1/37 Esdale St,3,u,,SN,Woodards,13/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/37 Esdale St,3,h,,SN,Woodards,13/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1/12 Harcourt St,3,h,905000,S,Noel,13/08/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Boronia,6 Elder Gr,5,h,,PI,Barry,13/08/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,31/41 Harrow St,2,u,465000,S,Ray,13/08/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Menzies St,2,h,670000,S,Douglas,13/08/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,3/22 Burrows St,3,t,,SP,Buxton,13/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Chavasse St,3,h,1875000,S,Hodges,13/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,737 Hampton St,3,h,,SP,J,13/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,46 Head St,4,h,2400000,S,Hodges,13/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/23 South Rd,3,u,1266000,S,Hodges,13/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,3 Carrington Gr,5,h,1915000,S,Buxton,13/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,44 Edro Av,4,h,1840000,S,Hodges,13/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,24 Milliara Gr,4,h,,SP,Buxton,13/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/377 South Rd,2,u,755000,SP,Buxton,13/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,139 Thomas St,4,h,1650000,SA,hockingstuart,13/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,190 Barkly St,4,h,1358000,S,Nelson,13/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 Barrow St,3,h,840000,VB,Brad,13/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,316 Brunswick Rd,3,h,,S,Holland,13/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/12 Jones St,2,t,685000,SP,Jellis,13/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/837 Park St,2,u,600000,S,Woodards,13/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/259 Sydney Rd,3,u,940000,SP,Galldon,13/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Bundoora,37 Boston Rd,4,h,680000,S,Barry,13/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,44 Jacqueline Rd,3,h,680000,SP,Barry,13/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Yale Pl,3,h,653000,S,Ray,13/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,229 Highbury Rd,4,h,900000,S,Jellis,13/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,11 Carrington Ct,6,h,1205000,VB,Jellis,13/08/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,49 Mudgee St,3,h,1015000,S,Reach,13/08/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,1 Millstream Cct,4,h,,SN,Barry,13/08/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,12a Aisbett Av,3,t,1500000,S,Marshall,13/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Currajong Av,5,h,4440000,S,Noel,13/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,66 Fordham Av,3,h,,S,Jellis,13/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,21 Jervis St,3,h,,SP,Jellis,13/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,7 Morey St,5,h,,S,Marshall,13/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/3 Tyrone St,2,h,620000,VB,Jellis,13/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,268 Faraday St,1,u,435000,S,Woodards,13/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,14/357 Rathdowne St,2,u,660000,S,Nelson,13/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,9/21 University St,2,t,872000,S,Jellis,13/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,2/25 El Nido Gr,2,t,707000,SA,Ray,13/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/299 Koornang Rd,2,u,804000,S,hockingstuart,13/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,42 Clifton Gr,3,h,485000,S,Ray,13/08/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,7/19 Hawthorn Rd,2,u,520500,S,Gary,13/08/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,22 Sycamore St,3,h,1450000,S,RT,13/08/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,5 Bullarto St,2,h,1002000,S,Ray,13/08/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,21 Devon St,3,h,1370000,S,Ray,13/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,34 Springs Rd,4,h,,SP,Buxton,13/08/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,13 Burton Av,3,h,2120000,S,Buxton,13/08/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,11 Oakes Av,2,h,,PN,Barry,13/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/15 Third St,3,u,,SP,Leyton,13/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,3/30 Edmund St,2,u,495000,S,iTRAK,13/08/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,4/56 John St,1,u,325000,VB,Collins,13/08/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,11 Page St,3,h,1370000,S,Collins,13/08/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,38 Budds St,2,t,657000,SP,Nelson,13/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,54 Tanderum Dr,3,t,,SN,Brace,13/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,17 Glyndon Av,3,h,835500,S,Walshe,13/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,25 Williams Rd,3,h,707000,S,Brad,13/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,4/13 Alexander St,1,u,457000,S,Jellis,13/08/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,204/2 Johnston St,2,u,380000,PI,hockingstuart,13/08/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,9 Gainsborough Dr,3,h,,PI,Harcourts,13/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Huntingfield St,3,h,425000,S,RE,13/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,24 Mallacoota Wy,3,h,,SN,Barry,13/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon North,3/7 Humber Rd,2,u,,SP,Biggin,13/08/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,44 Yarra Rd,4,h,730000,SP,McGrath,13/08/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,3/138 Princes Hwy,3,u,415000,S,Biggin,13/08/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,36 Dorset Rd,3,h,,PI,Barry,13/08/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,17 Downard Cr,3,h,665000,S,Ray,13/08/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,173 Stud Rd,4,h,539000,S,Ray,13/08/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,37 Sylvia St,3,h,,PI,O'Brien,13/08/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,1/910 Burke Rd,3,u,,S,Jellis,13/08/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,56 Huddersfield Rd,3,h,442000,S,Stockdale,13/08/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,75 Stevenage Cr,3,h,,SN,Barry,13/08/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,4 Candlebark Cl,5,h,990000,SP,Fletchers,13/08/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,2/13 Marjorie Av,4,t,780000,SP,Buxton,13/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Roosevelt Ct,4,h,995000,SP,Buxton,13/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,202/440 Docklands Dr,4,t,1370000,S,Raine,13/08/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,41 Highview Dr,3,h,1310000,S,Darren,13/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Howard Ct,3,h,,SN,Philip,13/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/10 Madeleine St,4,u,753000,S,Barry,13/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,53 Devon Dr,3,h,1202500,S,iHomes,13/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Gedye St,4,h,958000,SP,Parkes,13/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/47 Greendale Rd,3,t,,SP,Philip,13/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1a Meryl St,4,h,910000,PI,Jellis,13/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7 Whistlewood Cl,4,h,1265000,S,Ray,13/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6 Dellview Ct,4,h,,SP,Philip,13/08/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +East Melbourne,2/19 Albert St,1,u,,PI,Biggin,13/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,510 Victoria Pde,3,h,1450000,SP,Nelson,13/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,68 Fraser Av,3,h,795000,S,hockingstuart/hockingstuart,13/08/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,17 Staniland Gr,4,h,2600000,S,Biggin,13/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/59 Batman Rd,4,h,765000,S,Buckingham,13/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Bible St,3,h,860000,SP,Morrison,13/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,7 Elmwood Ri,4,h,1350000,SA,Barry,13/08/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,6/211 Brighton Rd,1,u,,S,Gary,13/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/48 Ormond Rd,2,u,1015000,S,McGrath,13/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/44 Southey St,2,u,,SP,Chisholm,13/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,30 Axebridge Cct,5,h,480000,PI,Harcourts,13/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/10 Bouverie Pl,3,h,,PI,Barry,13/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,138 Epping Rd,5,h,480000,VB,LITTLE,13/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,44 Hendersons Rd,4,h,614000,S,Harcourts,13/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Oldfield Pl,3,h,470000,S,Ray,13/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Rothwell Ct,4,h,546000,S,Harcourts,13/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,159 Cooper St,3,t,650000,S,Barry,13/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/21 Grice Cr,1,u,253000,S,Brad,13/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,15a Disney St,2,u,460000,S,Brad,13/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 McDougall St,2,h,619000,S,Ray,13/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,20 Bruce Cr,4,h,635000,S,Philip,13/08/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,7/56 Leicester St,2,t,880000,S,Nelson,13/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,52 Nicholson St,4,h,3310000,S,Caine,13/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,124 Westgarth St,3,h,1481000,S,Jellis,13/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,569 Rae St,3,h,,S,Collins,13/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,61 Canterbury St,3,h,1012000,S,Australian,13/08/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,15 Clarence St,3,h,885000,S,Nelson,13/08/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,90 Edinburgh St,3,h,1315000,S,Nelson,13/08/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,6 John St,4,h,1100000,SP,Biggin,13/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,36 Windsor St,3,h,932000,S,Jas,13/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,10 Abelia St,2,h,,SP,Jellis,13/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,14 Fisher St,3,h,900000,SP,Fletchers,13/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,23 Hampshire Rd,3,h,862000,S,Allens,13/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,18 Dell Rd,3,h,626000,S,Ray,13/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,16 Oxford St,3,h,560000,S,Bowman,13/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/65 Taketa Cr,2,u,,S,U,13/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,127 Yuille St,4,h,686000,S,hockingstuart,13/08/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,41 Dixon Rd,4,h,850000,PI,Raine,13/08/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,34 Cassandra Dr,3,h,510000,SP,Barry,13/08/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,33 Clarke Dr,3,h,505000,SP,Barry,13/08/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,9 Clitheroe Ct,3,h,,S,Marshall,13/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Howie St,3,h,1875000,S,Marshall,13/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Nerissa St,4,h,,S,Jellis,13/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,294 Tooronga Rd,3,h,1430000,S,Marshall,13/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/112 Bogong Av,3,t,,SN,Harcourts,13/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Glenview Ct,5,h,1580000,S,Barry,13/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Koonalda Av,6,h,,SN,hockingstuart,13/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Greensborough,8 Fricker Av,3,h,678000,S,hockingstuart,13/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,41 Kanowindra Cr,3,h,710000,S,Darren,13/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/163 Mountain View Rd,2,h,520000,S,Barry,13/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,30 Ambleside Rd,4,h,625500,PI,YPA,13/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,7 Bloom Av,4,h,,PN,YPA,13/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Blueberry St,4,h,596000,S,YPA,13/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,26 Positano Gr,4,h,681000,S,Barry,13/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1 Barunah St,4,h,777000,S,Eview,13/08/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,25 Larlac St,3,h,634000,S,Nelson,13/08/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,101 Middle St,2,h,722000,S,Stockdale,13/08/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,2/12 Bramley Ct,3,u,,PI,Barry,13/08/2016,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,3/13 Foam St,2,u,786000,S,Buxton,13/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1a Bartlett St,4,t,1335000,SP,RT,13/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,27 Charming St,3,h,1255000,S,Hodges,13/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/55 Lonsdale Av,2,u,725000,S,J,13/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,3/18 Connell St,2,u,520000,PI,CASTRAN,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/1 Elm St,1,u,480000,VB,Jellis,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/26 Hawthorn Gln,2,u,571000,S,Marshall,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/35 Hill St,2,u,,S,Jellis,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/4 Lisson Gr,2,u,630000,S,Jellis,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10 Oak St,4,h,3225000,S,Jellis,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Power St,5,h,,S,Jellis,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Simpson Pl,4,h,,S,Marshall,13/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/17 Auburn Gr,2,u,573000,S,Kay,13/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,121/138 Camberwell Rd,1,u,,W,RT,13/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,515/138 Camberwell Rd,2,u,820000,PI,RT,13/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/34 Clifton Rd,3,u,,S,Marshall,13/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/161 Victoria Rd,2,u,680000,VB,hockingstuart,13/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,15 Salisbury Ct,3,h,795000,S,Ray,13/08/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,1 Elliott St,8,h,,S,Nelson,13/08/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,27 Haynes St,4,h,1580000,S,Buxton,13/08/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,44 Wilson St,3,h,1360000,S,Buxton,13/08/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,10 Vine Ct,3,h,416000,SP,Frank,13/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,19 McCormack Cr,3,h,463500,S,hockingstuart,13/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Mindara Ct,3,h,641000,S,YPA,13/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,113 Mossfiel Dr,5,h,455000,S,LJ,13/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Rottnest Ct,3,h,381000,S,hockingstuart,13/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,159 Warrigal Rd,4,h,900000,S,Ray,13/08/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,1/238 Huntingdale Rd,3,h,,SN,Ray,13/08/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,1/7 Ambrose St,3,h,650000,S,Jellis,13/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,32 Lantana St,4,h,1278000,S,Miles,13/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,86 Oriel Rd,4,h,,SN,Barry,13/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,11/33 Carmichael St,2,u,485000,S,Miles,13/08/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor Downs,31 Medina Rd,4,h,564000,S,Barry,13/08/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,18a Berembong Dr,2,u,470000,VB,Nelson,13/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,37a Heather Av,4,h,760000,PI,Nelson,13/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,31 Rachelle Rd,3,h,,S,Nelson,13/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,109 Rankins Rd,2,h,1234500,SP,Nelson,13/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,11/33 Rankins Rd,2,u,666000,S,Nelson,13/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,413/60 Speakmen St,2,u,,PI,Edward,13/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,105 Stockmans Wy,2,h,785000,S,Nelson,13/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,6/1 The Lairidge,2,u,564000,S,Jellis,13/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,419 Barkers Rd,3,h,2770000,S,Marshall,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15 Barry St,6,h,6500000,S,Jellis,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Finhaven Ct,4,h,2250000,VB,Marshall,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,101/75 Princess St,2,u,843000,S,RT,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,102/75 Princess St,2,u,725000,PI,RT,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/4 Rowland St,4,t,,S,Marshall,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/35 Studley Park Rd,2,u,580000,PI,Nelson,13/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,96 Kilby Rd,3,h,1615000,S,Nelson,13/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,4/16 Woodlands Av,2,u,655000,S,Jellis,13/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsville,84 Chirnside St,3,h,,PN,Village,13/08/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,2b Burton St,2,t,368000,S,Buckingham,13/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,79 Curtin Av,3,h,680000,S,Harcourts,13/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,16 Lenola St,2,h,885000,PI,Barry,13/08/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,75 McNamara St,3,h,707000,S,Miles,13/08/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2 Munro St,4,h,490000,S,Miles,13/08/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,67 Ballarat Rd,2,h,646000,SP,Jas,13/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,6/2 Crefden St,2,u,,PI,Pagan,13/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,9/15 Eucalyptus Dr,2,u,,PI,Pagan,13/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,41 Horace St,4,h,3800000,S,Kay,13/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,33 Emo Rd,3,h,,S,Marshall,13/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,43 Kerferd St,3,h,2305000,S,Marshall,13/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,12a Millewa Av,2,t,,S,Woodards,13/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,351 Waverley Rd,4,h,,S,Jellis,13/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,23/14 Horizon Dr,2,t,620000,VB,Brad,13/08/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1/52 Wests Rd,3,u,,PI,Biggin,13/08/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,4/71 Wright St,2,u,600500,SP,Barry,13/08/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,308/16 Liverpool St,1,u,432000,S,LITTLE,13/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1204/82 Queens Rd,2,u,585000,PI,Jellis,13/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,816/300 Swanston St,1,u,400000,VB,Greg,13/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,928/43 Therry St,1,u,210000,VB,Greg,13/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,14 Rosina Dr,3,h,,PI,PRDNationwide,13/08/2016,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,1/19 Florence St,3,u,616000,S,Thomson,13/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,15 McGregor St,2,h,1690000,VB,Buxton,13/08/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,16 Carbine Ct,3,h,,SN,Barry,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Dalray Cl,4,h,565000,S,Ray,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Farnham Cr,4,h,590000,S,Ray,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/60 Garden Grove Dr,3,h,430000,S,Ray,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Manuka Ct,3,h,591000,S,Love,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,40 Pindari Av,3,h,505000,S,Ray,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,24 The Seekers,4,h,500000,PI,Ray,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,46 Veronica Cr,4,h,648000,S,Millership,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Wallace Pl,4,h,,SN,Barry,13/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mont Albert,9 Carlyle Cr,4,h,2100000,VB,Marshall,13/08/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,9 Hotham Ct,4,h,,SP,Marshall,13/08/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,42 View St,4,h,2200000,S,Jellis,13/08/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/54 Para Rd,2,u,,S,Darren,13/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,112 Dean St,3,h,1100000,VB,Brad,13/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4/719 Mt Alexander Rd,2,u,,SP,Rendina,13/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,26 Croydondale Dr,3,h,,SN,Barry,13/08/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,5a Eric Av,4,t,945000,S,hockingstuart,13/08/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,8 Armstrong St,3,h,1275000,S,Buxton,13/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/6 Harry Ct,3,h,850000,S,hockingstuart,13/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/6 Hillview Av,3,t,905000,S,Stockdale,13/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Ormiston St,4,h,,SN,Ray,13/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Pall Mall,4,h,,VB,Fletchers,13/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,14 Anora Cr,3,h,796500,S,Ray,13/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,4 Holmbury Bvd,4,h,773000,S,Win,13/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,229 Police Rd,4,h,,PN,Win,13/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,4/178 Murrumbeena Rd,3,t,785000,S,Buxton,13/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,12 Wahroongaa Rd,3,h,1420000,S,Woodards,13/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Niddrie,21 Diamond St,3,h,840000,S,Brad,13/08/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,21 Hamilton St,3,h,975000,S,Barry,13/08/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,6 Shiel St,3,h,1385000,S,Nelson,13/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,176 Darebin Rd,3,h,,PI,Jellis,13/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,57a Derby St,3,h,,PI,Nelson,13/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,13 Hawthorn Rd,4,h,2175000,S,Nelson,13/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,154 Separation St,3,h,1085000,S,Brace,13/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1/43 Milton St,4,h,1065000,S,Noel,13/08/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,19 Valdoone Ct,3,h,727500,S,Brad,13/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,74a Winifred St,3,u,600000,SP,Brad,13/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Parkdale,11/138 Beach Rd,2,u,625000,S,Hodges,13/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/152 Parkers Rd,3,t,722000,PI,Hodges,13/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/61 White St,3,t,795000,S,Buxton,13/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,4/37 Arndt Rd,2,t,500000,VB,Brad,13/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/60 Bolingbroke St,2,u,485000,S,Brad,13/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,68 Kent Rd,3,h,,S,Nelson,13/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,4 Wetland Dr,4,h,950000,S,Ray,13/08/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,5 Banilla Cl,4,h,584500,S,hockingstuart,13/08/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,5 Salerno Ct,4,h,,SN,Point,13/08/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,18/201 Graham St,3,t,,SN,Frank,13/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,104/11 Hillingdon Pl,2,u,,SP,Marshall,13/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,13 George St,2,h,722000,S,Nelson,13/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17a Kendall St,3,t,785000,SP,Ray,13/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,3/14 Aberdeen St,2,u,452000,S,Nelson,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9/99 Barton St,2,u,335000,SP,Love,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Caddy Ct,3,h,585000,S,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/7 Elsey Rd,3,u,540000,PI,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/57 Keon Pde,2,t,,VB,Ray,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,54 Liston Av,3,h,635000,S,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/72 Liston Av,2,t,550000,S,Nelson,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/7 Mattea Ct,2,u,360000,PI,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/7 Mattea Ct,2,u,380000,PI,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/41 McMahon Rd,1,u,,VB,Ray,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Nisbett St,3,h,546000,S,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/56 Orrong Av,2,t,550000,SP,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/73 Purinuan Rd,3,u,400000,PI,Ray,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,249 Spring St,4,h,1700000,S,Barry,13/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,7/42 Baker St,2,u,391000,SP,Caine,13/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,41 Clifton St,2,h,1035000,S,Jellis,13/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/13 Manton St,2,u,530000,S,Biggin,13/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,53 Loughnan Rd,2,h,,SN,Barry,13/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3/76 Mt Dandenong Rd,4,t,690000,VB,McGrath,13/08/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,1 Hillside Rd,5,h,2530000,S,Miles,13/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/249 Lower Plenty Rd,3,h,720000,SP,hockingstuart,13/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,29 Wild Cr,4,h,600000,VB,Professionals,13/08/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,1/39 Fellowes St,2,h,420000,S,hockingstuart/hockingstuart,13/08/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Kingsville,7 Aloha St,3,t,691000,S,Hunter,13/08/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,25 Cobden St,3,h,1200000,VB,Greg,13/08/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,338 Dorcas St,2,h,,SN,Greg,13/08/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11 Glory St,3,h,420000,S,Harcourts,13/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,12 Serendip Av,4,h,,PI,Ray,13/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,16 Davis Av,4,h,2525000,PI,Marshall,13/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15 Powell St,2,h,1036500,S,hockingstuart,13/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,25/388 Toorak Rd,2,u,627500,S,hockingstuart,13/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,82/390 Toorak Rd,3,u,1072000,S,Kay,13/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1107/12 Yarra St,1,u,425000,PI,Biggin,13/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2503/109 Clarendon St,2,u,380000,PI,Greg,13/08/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,6 Bailey Ct,3,h,690000,SP,iSell,13/08/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,3/58 Queens Av,2,u,526000,S,Ray,13/08/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Kilda,301/8 Blanche St,2,u,540000,SP,McGrath,13/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/31 Burnett St,2,u,475000,SP,McGrath,13/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,307/2 Chaucer St,1,u,335000,SP,Wilson,13/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunshine,7 Barnett St,3,h,675000,S,Bells,13/08/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,48 Learmonth Cr,3,h,,SN,Barry,13/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,64 Links St,4,h,510000,SP,Barry,13/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/308 Canterbury Rd,2,u,805000,S,hockingstuart,13/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Glendale St,5,h,1975000,VB,Marshall,13/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Templestowe,3 Gardenview Ct,5,h,1602000,S,Barry,13/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,13 Alburnum Cr,3,h,982000,S,Fletchers,13/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,53 Eucalypt Av,4,h,958000,S,Barry,13/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,253 Thompsons Rd,4,h,1000000,VB,hockingstuart,13/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,44 Darebin Dr,3,h,405000,S,hockingstuart,13/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,220a Mansfield St,3,h,701000,S,Stockdale,13/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,54 Irving Rd,2,t,,S,Marshall,13/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1 Ross St,4,h,4000000,VB,Kay,13/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/413 Toorak Rd,2,u,,S,Kay,13/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,61 Mooltan St,3,h,1257000,S,Jellis,13/08/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,27 Higgins Wy,3,h,476500,S,Ray,13/08/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,4/2 Birch Av,3,u,450000,PI,Considine,13/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,17 Henderson Rd,3,h,900000,S,Jason,13/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,31 Lackenheath Dr,3,h,452500,S,Nelson,13/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,27 Aubrey St,5,h,930000,S,Ray,13/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,7 Yalita Rd,5,h,1321000,S,Peninsula,13/08/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Warrandyte,23 Oakland Dr,4,h,1395000,S,Philip,13/08/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,24 Coorong Cir,4,h,1116500,S,Ray,13/08/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,45 Grace St,3,h,808000,S,Darren,13/08/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,8 Pineview Ct,4,h,475000,S,Triwest,13/08/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,110 Rosella Av,3,h,385000,S,hockingstuart,13/08/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,322 Geelong Rd,3,h,,S,Jas,13/08/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,12 Stanley St,3,h,756000,S,Brad,13/08/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,5 Annetta Ct,4,h,1725000,S,Buxton,13/08/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,20 Proctor St,3,h,1010000,S,Raine,13/08/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,3 Myrtle St,4,h,881000,SP,Sweeney,13/08/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,13/14 Newry St,2,u,450000,PI,hockingstuart,13/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,4 Redrock Rd,4,h,585000,S,Harcourts,13/08/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,1/6 Aminya Cr,2,u,,SN,Miles,13/08/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,340 Yallambie Rd,3,h,602500,S,Ray,13/08/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,280 Francis St,3,h,850000,S,Jas,13/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7/13 Stephen St,2,u,501344,SP,Sweeney,13/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/255 Wlliamstown Rd,2,u,550000,SP,Hunter,13/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,53 Fawkner St,3,h,1500000,SP,Nelson,13/10/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,13 Vida St,3,h,1350000,VB,McDonald,13/10/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,3/30 Bowes Av,2,u,585000,S,Barry,13/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/69 Bowes Av,2,h,570000,SP,Nelson,13/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/28 Green St,2,h,560000,PI,Nelson,13/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/115 McNamara Av,2,u,430000,VB,Barry,13/10/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,18 Mills St,3,h,,VB,Greg,13/10/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,14/20 Talmage St,2,t,,PN,Douglas,13/10/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,24 Toolangi Rd,4,h,2250000,S,Jellis,13/10/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona North,12 May St,3,h,,W,Sweeney,13/10/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,9 Ronald Av,3,h,,PI,Williams,13/10/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,30 The Broadway,2,h,850000,S,Burnham,13/10/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,737 Ballarat Rd,3,h,492000,S,Douglas,13/10/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,2/17 Sunhill Cr,2,u,463000,S,Barry,13/10/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,15/19 Mercer Rd,2,u,620000,VB,RT,13/10/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7 Union St,3,h,,S,Jellis,13/10/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,4/75 Fenton St,2,u,500000,SP,McDonald,13/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,16 North St,2,h,1025000,SP,Nelson,13/10/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,2 Ashburn Gr,3,t,811000,S,Woodards,13/10/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Aspendale,48 Glen St,4,h,1205000,S,Hodges,13/10/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,30 Gothic Rd,4,h,1240000,SP,Biggin,13/10/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,1/189 Nepean Hwy,3,t,980000,SP,Eview,13/10/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,16 Laird Cl,4,h,940000,S,Area,13/10/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,3 Christina Ct,4,h,,PI,Moonee,13/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,9 Glencara St,5,h,,PI,Nelson,13/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,1/61 San Remo Dr,3,t,730000,S,Nelson,13/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,4 Venice Ct,3,h,921000,SP,Nelson,13/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,3a Westminster Dr,3,h,680000,VB,Nelson,13/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,25 Windsor Dr,4,h,1000000,SP,Nelson,13/10/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,1/21 Camden St,2,u,400000,S,hockingstuart,13/10/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,8/72 Grosvenor St,2,u,435000,S,Morleys,13/10/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,2/84 Westbury St,2,u,795000,SP,Marshall,13/10/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn North,3 Aylmer St,4,h,,S,Jellis,13/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,285 Belmore Rd,3,h,,SP,Nelson,13/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 Corhampton Rd,4,h,2400000,VB,Fletchers,13/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,153 Doncaster Rd,3,h,1525000,VB,Fletchers/Fletchers,13/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,47 Hill Rd,3,h,1200000,VB,RT,13/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,68 Hill Rd,3,h,1425000,VB,Jellis,13/10/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1/47 Armstrong Rd,3,u,,W,Biggin,13/10/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,101 Dalgetty Rd,5,h,1400000,PI,McGrath,13/10/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,26 Gramatan Av,4,h,,S,Buxton,13/10/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,253 Centre Rd,3,h,1550000,VB,Buxton,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1C Fairbank Rd,3,h,900000,SP,Hodges,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,44a London St,4,t,,VB,Jellis,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14 Marquis Rd,4,h,,SN,Ray,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9 Marriot Rd,3,h,,S,Buxton,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,101/79 Mitchell St,2,u,,SN,Steller,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9 Rosina St,4,h,,VB,Buxton,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,21 Tucker Rd,4,h,1000000,VB,Woodards,13/10/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,37B Adrian St,4,t,1150000,PI,Buxton,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Almurta Rd,3,h,,SP,Noel,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,76 Bignell Rd,3,h,1020000,PI,Buxton,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/3 Charles St,3,h,700000,VB,Hodges,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/19 Gray St,2,u,455000,S,Jellis,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Kenjulie Dr,3,h,930000,VB,Woodards,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10C Neville St,3,h,,SN,Gary,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3a Yaralla Rd,4,t,1190000,S,Jellis,13/10/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,1 Coniston Av,4,h,,SP,Peake,13/10/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,15 Dryden Ct,6,h,650000,VB,Gr8,13/10/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,51 First St,4,h,,SP,Buxton,13/10/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/11 Karrakatta St,2,u,,SP,Chisholm,13/10/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,4 Leons Ct,4,h,1181000,S,Fletchers,13/10/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/436 Middleborough Rd,3,t,,PI,Buxton,13/10/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,16 Stanley Gr,3,h,1200000,VB,Noel,13/10/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,8 Cluney Ct,5,h,1100000,VB,Fletchers,13/10/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/3 Cornwall St,3,u,910000,S,Jellis,13/10/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,3 Crockerton Ct,3,h,,SP,hockingstuart,13/10/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/15 Hastings Av,2,u,665000,S,Jellis,13/10/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1 Mahala Ct,4,h,,S,Jellis,13/10/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,5 McDonald Cr,2,h,,PI,LJ,13/10/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,217 Scoresby Rd,3,h,,W,Biggin,13/10/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/1 John St,2,t,,SS,Reach,13/10/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,4 Barkly St,4,h,2890000,VB,hockingstuart,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/25 Grosvenor St,2,t,,SP,Nick,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Lindsay St,3,t,2155000,S,Nick,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/10 Manor St,2,h,1750000,VB,hockingstuart,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,48c Montclair Av,2,u,810000,PI,Buxton,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/17 Tennyson St,2,u,785000,S,Hodges,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Thomson St,2,h,1360000,SP,Jellis,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Weatherly Gr,3,h,,S,Buxton,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/48 Wilson St,2,u,986000,S,Nick,13/10/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1/12 Camperdown St,3,u,1205000,S,Buxton,13/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Dunoon Ct,4,h,,S,Marshall,13/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Janet St,4,h,1800000,VB,Gary,13/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,26 Louise St,3,h,,VB,Buxton,13/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,95 Union St,3,h,1355000,S,Marshall,13/10/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1/60 Academy Dr,3,t,470000,SP,YPA,13/10/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,6 Avalon Av,3,h,,SP,Barry,13/10/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,379 Camp Rd,3,h,620000,PI,YPA,13/10/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,57 Jacana Av,3,h,590000,SP,Eview,13/10/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,589 Geelong Rd,4,h,,PI,Barry,13/10/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,20 Barrow St,3,h,,S,Nelson,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,183 Brunswick Rd,3,h,,W,hockingstuart,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/15 Cassels Rd,2,u,555000,S,Ray,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,13 Fifth Av,2,h,1120000,S,hockingstuart,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3 Nash St,2,h,995000,S,Woodards,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17 Second Av,4,h,1080000,S,Woodards,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,152 Union St,3,h,822000,S,Walshe,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,207/34 Union St,3,u,550000,VB,Jellis,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 West St,5,h,900000,VB,Outlook,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 West St,3,h,2025000,VB,Outlook,13/10/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,3 Elsie Mw,3,t,,S,Barry,13/10/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,26 Ivory Wy,3,t,,S,Noel,13/10/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1 Hamilton St,2,t,580000,VB,McGrath,13/10/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulla,30 Blackwells La,4,h,1431500,S,YPA,13/10/2018,3428,Western Metropolitan,271,22.9,Hume City Council +Bulleen,17 Vista St,3,h,1020000,VB,Barry,13/10/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,7 Berringa Ct,7,h,,PI,Barry,13/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,213 Greenwood Dr,3,h,643000,S,Barry,13/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Timberglades Dr,4,h,995000,S,Ray,13/10/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,4 Acacia Pl,4,h,,PI,Ray,13/10/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,60 Cooloongatta Rd,3,h,1690000,PI,Marshall,13/10/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/11 Jervis St,3,t,,VB,Buxton,13/10/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/698 Riversdale Rd,3,u,857500,S,Woodards,13/10/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5 Kendall St,2,h,2200000,SP,Jellis,13/10/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,41 Mangarra Rd,3,h,2200000,VB,Marshall,13/10/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,615 Canning St,2,h,1225000,S,Jellis,13/10/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,4/872 Drummond St,2,t,750000,VB,Woodards,13/10/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,13/5 Gnarwyn Rd,1,u,315000,SP,Woodards,13/10/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,13 Lindley Av,4,h,716000,SA,hockingstuart,13/10/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,173 Lyrebird Dr,3,h,565000,VB,Ray,13/10/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,4 Blake St,4,h,1800000,VB,Jellis,13/10/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,20 Olive St,3,h,1015000,SP,Jellis,13/10/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,18B Maury Rd,3,h,,PN,Asset,13/10/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,3/39 Garfield St,2,u,653000,S,Ray,13/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/1300 Nepean Hwy,3,u,742000,S,O'Brien,13/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/127 Park Rd,3,u,780000,S,Ray,13/10/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,16 Belsay Ch,3,h,650000,SP,JRW,13/10/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,23 Mary St,4,h,,PN,Darras,13/10/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,22 View St,3,h,,SP,Buxton,13/10/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,3/21 Burns Av,3,t,738000,SP,Davita,13/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/39 Main Rd,3,t,690000,S,C21,13/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/25 Oakes Av,2,u,450000,PI,Ray,13/10/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,15 Noone St,3,h,900000,VB,Nelson,13/10/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,122 Gordon St,4,h,1350000,VB,Jellis,13/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,35 Kerferd St,3,h,921000,S,Barry,13/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,44 Marks St,4,h,1405000,S,Nelson,13/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Saunders St,3,h,1120000,S,Brad,13/10/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,6 Bridges Av,3,h,820000,PI,Nelson,13/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,21 Focus Dr,3,h,,PI,Nelson,13/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,34 Jackson Pde,3,h,640000,S,Barry,13/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,23 Spry St,2,h,835000,SP,Brad,13/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,26 Williams Rd,3,h,,VB,Brad,13/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,43 Williams Rd,3,h,610000,VB,Brad,13/10/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,31 Benston St,3,h,498000,S,Professionals,13/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Brighton Pl,4,h,620000,SP,Barry,13/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Mangrove Wy,4,h,740000,S,Ray,13/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Milburn Pl,3,h,580000,PI,YPA,13/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,154 Newbury Bvd,3,h,595000,S,Ray,13/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Zest Rd,3,h,560000,SP,Skad,13/10/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,99a Eastfield Rd,3,t,,VB,McGrath,13/10/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,2/78 Bemboka Rd,3,h,860000,S,Ray,13/10/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Dallas,3 Calivil St,3,h,,PI,YPA,13/10/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,24 Francesco Dr,4,h,,SN,Barry,13/10/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,4 Abercrombie St,4,h,2700000,S,Jellis,13/10/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Diamond Creek,9 Wensley St,2,h,662500,SP,Mason,13/10/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,10 Botany Ct,4,h,,VB,Buxton,13/10/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,7/36 Marcus Rd,3,u,640000,S,Buxton,13/10/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2/270 Spring Rd,3,u,635000,PI,Ray,13/10/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,167 High St,3,h,942000,S,Del,13/10/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,15 Abelia St,4,h,,VB,Barry,13/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/3 Bowen Rd,2,u,,PI,YPA,13/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,13/27 Cavalier St,2,u,641000,PI,Noel,13/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,21 Runnymede St,4,t,1455000,S,Jellis,13/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/30 Talford St,3,u,,PI,Philip,13/10/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,34 Garden Rd,3,h,,PN,Ray,13/10/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,10 Hamlin St,4,h,506000,S,FN,13/10/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,2/79 Northcliffe Rd,2,u,700000,PI,O'Brien,13/10/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,15/49 Clarence St,1,u,300000,VB,Biggin,13/10/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,20 Staniland Gr,2,h,1440000,S,Biggin,13/10/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham North,1/14 Marian Ct,3,u,550000,VB,Morrison,13/10/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,1 Bluff Av,4,h,,S,Morleys,13/10/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,60 Ruskin St,3,h,,S,hockingstuart,13/10/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/48 Spray St,2,u,581000,S,hockingstuart,13/10/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,204/115 Tennyson St,2,u,,SP,Chisholm,13/10/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,22 Stainsby Cl,4,h,825000,PI,OBrien,13/10/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,10 Charteris Gr,4,h,,PI,HAR,13/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Greenbrook Dr,5,h,625000,SP,Love,13/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Mossfield Ri,4,t,,PI,HAR,13/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4/7 Portsmouth Pl,2,u,356000,S,HAR,13/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7/13 Viewgrand Bvd,3,t,450000,VB,Love,13/10/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6 Clarinda Rd,3,h,,PI,Jellis,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,65 Glass St,4,h,1850000,VB,Nelson,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Lorraine St,5,h,1725000,PI,McDonald,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,58 McPherson St,4,h,1705000,PI,Jellis,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/72 Nimmo St,3,t,1025000,VB,Jellis,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,36 Thomson St,4,h,2100000,VB,Brad,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/13 Washington St,2,t,,VB,Nelson,13/10/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,1A View St,3,h,,SN,Frank,13/10/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,185 Arthur St,3,h,,VB,Jellis,13/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,8a Duncan St,2,h,900000,S,Jellis,13/10/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Ferntree Gully,6 Ashton Rd,3,h,671000,S,Jellis,13/10/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,32 Trafalgar St,5,h,,SP,Ray,13/10/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,7 Yarrowee St,4,h,675000,PI,Schroeder,13/10/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,2/50 Spring St,2,t,880000,PI,Nelson,13/10/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,54 Webb St,2,h,1200000,VB,Love,13/10/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,11/81 Alfred Cr,1,u,412500,S,LITTLE,13/10/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,109 Fergie St,4,h,1500000,VB,Nelson,13/10/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,3/466 Nicholson St,2,t,736000,SP,Jellis,13/10/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,24/86 Queens Pde,2,u,,SP,Woodards,13/10/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,9 Morton La,3,t,850000,VB,Brad,13/10/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,40/2 Newmarket Wy,2,u,393000,S,hockingstuart,13/10/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,9 Ann St,3,h,1071000,SP,McGrath,13/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6 Mary St,2,h,810000,PI,Nelson,13/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/51 Napier St,2,u,436000,S,Hodges,13/10/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,2 Gretel Ct,4,h,590000,S,Ray,13/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Kalmia St,4,h,700000,PI,Bowman,13/10/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,2 Nodding Av,3,h,,VB,Community,13/10/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston North,35 Nodding Av,3,h,500000,S,Ray,13/10/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Gisborne,30 Grant Av,3,h,700000,PI,Raine,13/10/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,7 Howey St,5,h,700000,SP,Raine,13/10/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,11 Scenic Ct,3,h,490000,SP,Raine,13/10/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,23 Katrina Dr,3,h,585000,S,Jason,13/10/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,53 Woodstock Dr,3,h,620000,PI,Barry,13/10/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,4/3 Rosedale Av,2,u,561250,SP,Woodards,13/10/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/39 Britten St,4,h,1700000,VB,Marshall,13/10/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,19 Cloverdale Rd,4,h,1950000,S,Marshall,13/10/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/146 Glen Iris Rd,2,u,900000,VB,Marshall,13/10/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,19B Arlington Dr,5,h,,SN,Barry,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,136 Capital Av,4,h,1300000,SP,Harcourts,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Compton St,4,h,1050000,PI,Woodards,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Creswick St,4,h,,PI,Jellis,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Elmwood Cr,3,h,,PI,Harcourts,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Fairhills Pde,3,h,1755000,S,Harcourts,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34 Medina Rd,4,h,1465000,SA,Harcourts,13/10/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/29 Grandview St,3,h,,PI,Barry,13/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/19 Maude Av,3,t,570000,VB,McGrath,13/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3 McDonald Pl,4,h,,PN,Eview,13/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,35 Sadie St,5,h,,W,D'Aprano,13/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/85 Station Rd,2,h,,PI,LJ,13/10/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,13 Adelaide Bvd,5,h,1335000,S,Nelson,13/10/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,20 Balerno Cir,3,h,570000,S,Walshe,13/10/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,11 Frances Av,3,h,765000,S,Jellis,13/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Glengala Ct,3,h,790000,S,Buckingham,13/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4 Murumba St,3,h,1115000,S,Barry,13/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,54 Vermont Pde,3,h,770000,PI,Darren,13/10/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,4 Fluent La,3,t,,SN,Barry,13/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Lochiel Ct,5,h,855000,S,Jason,13/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,16 Napoli Cct,5,h,960000,S,RW,13/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,80 Venezia Prm,4,h,867000,S,Jason,13/10/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,11 Larlac St,3,h,705000,PI,Stockdale,13/10/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,1/458 Bluff Rd,3,t,,PI,Buxton,13/10/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5 Nicol St,5,h,,PI,Upside,13/10/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,8/36 Auburn Gr,1,u,397000,S,Jellis,13/10/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Haines St,2,h,,PN,Marshall,13/10/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/14 Lawes St,2,u,622000,S,Jellis,13/10/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/22 Auburn Gr,2,u,480000,PI,RT,13/10/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6 Bayview Av,4,h,,VB,Biggin,13/10/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,3/3 Yvonne Ct,2,u,486000,S,Buxton,13/10/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heidelberg,2/190 Hawdon St,3,t,820000,VB,Miles,13/10/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,80 Lloyd St,2,h,630000,S,Jellis,13/10/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,37 Brunei Cr,2,h,645000,S,Jellis,13/10/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,18 Ebony Pde,4,h,705000,S,Ray,13/10/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,118 Ramu Pde,3,t,610000,PI,Love,13/10/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2/1 Timor Pde,2,t,520000,VB,Miles,13/10/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,3 Princess Av,3,h,,SN,O'Brien,13/10/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,8 Ahmet Pl,3,h,580000,S,Barry,13/10/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Goodenia Pl,3,h,510000,S,O'Brien,13/10/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Kinetic Av,4,h,680000,PI,Barry,13/10/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,19 Gaye Ct,4,h,570000,VB,Ray,13/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Hughes St,3,h,,PI,Barry,13/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Macedon St,3,h,527007,SP,Barry,13/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,53 Morris Rd,8,h,1100000,S,YPA,13/10/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,16 Cremean Av,3,h,1220000,VB,Miles,13/10/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,22 Hendricks Cr,3,h,,PI,YPA,13/10/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,17 Calverton Rd,3,h,610000,PI,Brad,13/10/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,2 Hotchkiss Wy,5,h,800000,PI,Walshe,13/10/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,11 Urana Dr,4,h,760000,PI,Nelson,13/10/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,31 Wunnamurra Dr,3,h,710000,VB,Barry,13/10/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,48 Fosters Rd,4,h,750000,VB,Brad,13/10/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,582 Fullarton Rd,3,h,640000,PI,Biggin,13/10/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,21 McCracken St,2,h,,S,Rendina,13/10/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,58 Newton St,4,h,1470000,S,Nelson,13/10/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,49 Smith St,2,h,1046000,S,Nelson,13/10/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,45 Wolseley Pde,3,h,1600000,PI,Woodards,13/10/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/25 Disraeli St,3,h,,SP,Kay,13/10/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,112 Eglinton St,3,h,1705000,S,Jellis,13/10/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,29 Namur St,2,h,1510000,S,Jellis,13/10/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,48 Windella Av,3,h,1125000,VB,Jellis,13/10/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,11 Hartwell St,5,h,,S,Buxton,13/10/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,2/35 Bishop St,4,t,,PI,hockingstuart,13/10/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/23 Lewis St,2,u,,S,Jas,13/10/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,280 Edgars Rd,3,h,551000,S,HAR,13/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,48 Moffat Dr,6,h,,PI,HAR,13/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,8 Queen St,3,h,651000,S,Ray,13/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Zaika Cl,4,h,660000,S,HAR,13/10/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,37 Malcolm Rd,3,h,,VB,Harcourts,13/10/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Lyndhurst,64 Silverwattle Dr,3,h,,PI,Lynda,13/10/2018,3975,South-Eastern Metropolitan,1934,33.8,Casey City Council +Macleod,14 Hill Ct,4,h,1120000,S,Ray,13/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,12 Hinkler Av,3,h,,PI,Ray,13/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,1/84 Strathallan Rd,4,h,,VB,Darren,13/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,4/23 Watson St,2,u,,PI,Barry,13/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,19 Yallambie Rd,3,h,,PI,Ray,13/10/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,30 Delacey St,2,h,910000,PI,Jas,13/10/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,16A Jordan St,2,h,1670000,PI,Jellis,13/10/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,56 Abbotsford Av,3,h,1450000,S,Ray,13/10/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,27 Warley Rd,3,h,,PI,Lazogas,13/10/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,8/118 Waverley Rd,2,t,701000,S,hockingstuart,13/10/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,27 Cavalry Cct,2,u,477000,S,Brad,13/10/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/10 Horizon Dr,3,u,628000,S,Brad,13/10/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,294 McKinnon Rd,2,h,907000,S,Woodards,13/10/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,12 Abelia Ct,3,h,,W,YPA,13/10/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,2/57 Rokewood Cr,3,t,,PI,YPA,13/10/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1300/668 Bourke St,2,u,662000,S,MICM,13/10/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,44/27 Queens Rd,3,u,700000,PI,Little,13/10/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,421/539 St Kilda Rd,1,u,460000,SP,MICM,13/10/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,201/582 St Kilda Rd,2,u,680000,PI,McGrath,13/10/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,54 Monash St,3,h,346000,S,PRDNationwide,13/10/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,44A Albenca St,3,h,750000,VB,Barry,13/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/13 Florence St,2,u,630000,S,Buxton,13/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4 Latrobe St,3,h,1165000,SP,Buxton,13/10/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,1 Crossing Rd,3,h,,PI,HAR,13/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,42 Dalziel Dr,4,h,573500,S,Ray,13/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,22 Greig Dr,3,h,490000,S,RW,13/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,20 Pearson Rd,4,h,,PI,Ruralco,13/10/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,89 Alexo Rd,4,h,650000,S,HAR,13/10/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,137 Richardson St,3,h,2500000,VB,Greg,13/10/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,215 Richardson St,3,h,2305000,PI,Cayzer,13/10/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,45 Brabham Dr,3,h,,SN,Barry,13/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Butler Pl,3,h,707000,S,HAR,13/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,150 Centenary Dr,3,h,570000,PI,HAR,13/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,251 Childs Rd,5,h,681000,S,Barry,13/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,26 Delacombe Dr,5,h,938000,S,HAR,13/10/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,15 Creek Rd,4,h,1501000,PI,hockingstuart,13/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Delhi St,3,h,775000,VB,Noel,13/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2 Fellows St,3,h,,PI,HAR,13/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,25 Reserve Av,4,h,,PN,Ray,13/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,29 Reserve Av,5,h,1000000,PI,Ray,13/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,24 Walwa St,4,h,990500,PI,Fletchers,13/10/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,9 Leopold Cr,3,h,,S,Fletchers,13/10/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/400 Mont Albert Rd,2,h,745000,S,Ham,13/10/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,6 Alexander St,5,h,1260000,SP,Jellis,13/10/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,5/53 Looker Rd,2,h,,PI,Jellis,13/10/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,75 Mayona Rd,3,h,,PI,Jellis,13/10/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,22 Price Av,4,h,,SN,Barry,13/10/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,112a Holmes Rd,3,h,880000,VB,Nelson,13/10/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,15/3 Turner St,3,t,732000,S,Nelson,13/10/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2/9 Perry St,3,t,1050000,PI,Buxton,13/10/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,5 Joel Pl,5,h,,VB,McGrath,13/10/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,29 Montgomery St,3,t,1300000,PI,Buxton,13/10/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,212/90 White St,1,u,,PI,Ray,13/10/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,2 Fletcher Ct,4,h,,SP,Buxton,13/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Park Rd,4,h,,PI,McGrath,13/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/41 Prospect St,2,u,671500,S,Ray,13/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/396 Stephensons Rd,3,t,,PI,McGrath,13/10/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,18 Andleigh Dr,4,h,1370000,S,Ray,13/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Hans Ct,3,h,900000,S,Barry,13/10/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,23 Doris St,4,h,,PI,FN,13/10/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,36 Howe St,3,h,1200000,VB,Buxton,13/10/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/106 Murrumbeena Rd,2,u,,SP,RW,13/10/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,14 Feodora Cr,3,h,,PI,Only,13/10/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,24 Kent Rd,5,h,720000,SA,FN,13/10/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,32 Collingwood Rd,3,h,1200000,PI,Williams,13/10/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,10 Irving St,2,h,850000,VB,Greg,13/10/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,38 Mirls St,4,h,,PI,Barry,13/10/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1 Oberon Wy,4,h,1350000,VB,Greg,13/10/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,74 Oxford St,4,h,,VB,Biggin,13/10/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,38 Carrington Rd,2,u,720000,S,Brad,13/10/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,97A Haldane Rd,3,h,750000,VB,Nelson,13/10/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,166 Buckley St,5,h,,PI,Barry,13/10/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,16 Carter St,3,h,,PI,Barry,13/10/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1B Gell Ct,3,t,,PI,Barry,13/10/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/32 Stella Av,3,u,,PI,Barry,13/10/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,5 Canning St,3,h,1400000,VB,Nelson,13/10/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,18/7 Curran St,2,u,500000,S,Alexkarbon,13/10/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,94 Beaconsfield Pde,5,h,1520000,S,Jellis,13/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9 Burt St,2,h,,SP,McGrath,13/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 George St,3,h,1250000,VB,Nelson,13/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,82 Kellett St,2,h,1150000,S,Jellis,13/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,48 Walker St,3,h,1100000,S,Nelson,13/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,83 Westgarth St,3,h,1735000,S,hockingstuart,13/10/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,34 Risdon Dr,4,h,875000,PI,McGrath,13/10/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Notting Hill,56 Westerfield Dr,3,h,,W,Barry,13/10/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,1/38 Luckie St,3,t,805000,SA,Fletchers,13/10/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,13 Station Rd,3,h,,S,Nelson,13/10/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,20 Summit Av,3,h,912000,S,Brad,13/10/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Parkdale,23 Imes St,4,h,,PI,Buxton,13/10/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,53 Fitzgibbon St,3,h,2280000,VB,Nelson,13/10/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,18 Burgundy St,3,h,900000,VB,Brad,13/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/22 Dale Av,2,u,,PN,Philip,13/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7 Kirbister St,2,h,940000,S,Nelson,13/10/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plenty,61 McLaughlans La,5,h,2000000,SP,Buckingham,13/10/2018,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,5 Brampton Cl,4,h,780000,VB,Williams,13/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,65 Citybay Dr,4,h,,W,Barry,13/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,64 Solitude Cr,4,h,560000,VB,hockingstuart,13/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,51 Terrene Tce,4,h,555000,S,hockingstuart,13/10/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,3/12 Barlow St,3,t,1324000,S,Frank,13/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,336 Howe Pde,2,h,,SP,Buxton,13/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,120 Ingles St,2,h,900000,VB,Cayzer,13/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,231 The Boulevard,3,h,,S,Marshall,13/10/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,10/18 Grandview Gr,2,u,,SN,RT,13/10/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,582 High St,3,h,1250000,VB,Marshall,13/10/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/380 Malvern Rd,3,t,,PI,Jellis,13/10/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,11 David St,3,h,970000,S,Jellis,13/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,36 Jacka St,4,h,,PI,hockingstuart,13/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Kalimna St,3,h,1280000,S,McGrath,13/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Kenneth St,3,h,720000,VB,Nelson,13/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Morgan St,3,h,901000,S,HAR,13/10/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,3 Atkinson Pl,3,h,,PI,Ray,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Bendigo St,3,h,950000,PI,Barry,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Churchill Av,5,h,,VB,Ray,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/67 Dundee St,2,u,600250,SP,Nelson,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Goulburn Av,3,h,650000,VB,Thomas,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,129b Hickford St,3,t,630000,VB,RW,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/923 High St,2,t,,PI,RW,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/34 North Rd,2,t,561000,S,RW,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Pickett St,3,t,620000,PI,Barry,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/4 Pratt St,2,t,551000,S,Ray,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Ramleh Rd,3,h,700000,VB,Love,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Rice St,3,h,820000,VB,Barry,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,68 Whitelaw St,2,h,680000,VB,Love,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/36 Willoughby St,1,u,350000,S,Barry,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Wilson Bvd,3,h,675000,PI,Jellis,13/10/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,34 Amsterdam St,2,h,,VB,Jellis,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,301/253 Bridge Rd,1,u,,W,Biggin,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Farmer St,2,h,970000,PI,Biggin,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,59 Garfield St,2,h,,PI,Biggin,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/8 Hull St,2,u,595000,SP,Jellis,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,73 Mary St,2,h,1190000,S,Biggin,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/71 Richmond Tce,2,u,,PI,Biggin,13/10/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,13 Canterbury Rd,3,h,,VB,Fletchers,13/10/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,31 Heathwood St,3,h,790000,VB,Jellis,13/10/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,57 Sunbeam Av,3,h,785000,S,Max,13/10/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,59 Sunbeam Av,3,h,785000,S,Barry,13/10/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,13/54 Beetham Pde,2,u,325000,SP,Town,13/10/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,104 Grandview Gr,4,h,,SP,Miles,13/10/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,7 Crestview Cl,2,u,372000,S,Ray,13/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Gibney Cl,3,h,485000,S,Raine,13/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,13 Parker Ct,3,h,490000,S,Raine,13/10/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,517/220 Bay Rd,2,u,,PN,Fletchers,13/10/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,19 Collingwood St,3,h,1845000,S,Nick,13/10/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,57 Duncan St,3,t,,PI,Buxton,13/10/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,29 Quinn St,3,h,,PI,Ray,13/10/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,144 Railway Pde,3,h,,SS,Community,13/10/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,2/9 Bell St,3,t,1000000,PI,Jas,13/10/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,28 Gamon St,6,h,1875000,PI,Jas,13/10/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,16 James St,2,h,990000,S,Village,13/10/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,12/245 Nicholson St,2,u,512500,SP,Compton,13/10/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,24 Princess St,3,h,1790000,S,Village,13/10/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seville,17 Drummond Rd,4,h,,W,Ross,13/10/2018,3139,Eastern Victoria,888,35.2,Yarra Ranges Shire Council +South Kingsville,18 Moresby St,4,t,800000,S,Biggin,13/10/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,59/39 Dorcas St,2,u,606000,S,Greg,13/10/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,345 Ferrars St,3,h,1200000,S,Greg,13/10/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,33 York St,1,h,850000,VB,Greg,13/10/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,44 Darius Tce,4,h,653000,S,Barry,13/10/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Stringybark Pl,4,h,725000,S,Ray,13/10/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,109/68 Argo St,2,u,597000,S,Marshall,13/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16 Grosvenor St,3,h,1575000,VB,Jellis,13/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/22 Kensington Rd,2,u,680000,PI,Williams,13/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/28 The Righi,1,u,,S,Jellis,13/10/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,1/7 Whiteside St,2,h,551000,S,Le,13/10/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,8 Cotswold Cr,2,h,,W,C21,13/10/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,2b Leslie St,2,u,450000,S,Ray,13/10/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,21 Woods St,3,h,,PI,YPA,13/10/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,24 Yarmouth Av,3,h,,W,Prof.,13/10/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,201/63 Acland St,1,u,435000,SP,Buxton,13/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/47 Brighton Rd,2,u,500000,S,McGrath,13/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/45 Robe St,2,u,587000,S,hockingstuart,13/10/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,38 Bournian Av,4,h,1750000,PI,McDonald,13/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,48 Lebanon St,3,h,1026000,S,Alexkarbon,13/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,21 Lind St,3,h,1250000,SP,Brad,13/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3 Merchiston Gr,5,h,1920000,S,Nelson,13/10/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,49 Parsons St,3,h,810000,PI,Douglas,13/10/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,26 Baynton Av,3,h,701500,S,Douglas,13/10/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,26 Europa Bnd,5,h,890000,PI,hockingstuart,13/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,52 Fairbairn Rd,3,h,630000,PI,Create,13/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Raymond St,2,h,640000,PI,Barry,13/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,155 The Avenue,3,h,580000,PI,Douglas,13/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,57 The Avenue,4,h,950000,PI,Sweeney,13/10/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Taylors Hill,1 Evergreen Ct,3,h,740000,PI,Barry,13/10/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,54 Honeyeater Cr,5,h,780000,VB,Barry,13/10/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,40 Meredith Av,4,h,,S,Fletchers,13/10/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,8 Galli Ct,4,h,959000,S,Jellis,13/10/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,20 Horsfall St,3,h,,S,Fletchers,13/10/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,18 Sinclair Av,3,h,925000,VB,Parkes,13/10/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,62 Gardenia Rd,5,h,1050000,S,HAR,13/10/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5 Main St,3,h,,W,Barry,13/10/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Wodonga Cr,3,h,,PI,Barry,13/10/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,83 Alston Ct,3,t,,SN,RW,13/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,132 Flinders St,3,h,1595000,SP,McGrath,13/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/31 Woolton Av,2,u,460000,PI,McGrath,13/10/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8/767 Malvern Rd,2,u,,PI,Biggin,13/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/777 Malvern Rd,3,u,1535000,S,Marshall,13/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/24 Mathoura Rd,2,u,,S,Marshall,13/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,33 Mathoura Rd,3,h,1890000,S,Ray,13/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9 May Rd,3,h,,S,Marshall,13/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/708 Orrong Rd,2,u,,S,Marshall,13/10/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,16/2 Rockgarden Dr,3,t,380000,SA,HAR,13/10/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1/56 Broadmeadows Rd,3,t,580000,PI,Jason,13/10/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,7 Brunton Cr,4,h,675000,PI,Del,13/10/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,44 Dawson St,4,h,600000,SP,YPA,13/10/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,59 Spring St,3,h,620000,SP,RW,13/10/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,4 Grove St,3,h,1075000,VB,Noel,13/10/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,3 Adley Ct,5,h,960000,PI,Barry,13/10/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,1 Adrian Av,4,h,1192150,S,HAR,13/10/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,11 Hempstead Av,4,h,,PI,M.J,13/10/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,4 Monaro Ct,4,h,,PI,Biggin,13/10/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,5 Kerry Cl,3,h,750000,VB,Re,13/10/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,15 Rodney Ct,3,h,865500,S,Darren,13/10/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,3 Avoca Wy,5,h,,SP,LLC,13/10/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Findon Ct,4,h,,VB,Noel,13/10/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2/33 Jessica Cl,3,t,986000,S,Ray,13/10/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,2/5 Marilyn Ct,3,u,632000,S,Darren,13/10/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,22 Busst Dr,4,h,,PI,Ray,13/10/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,18 Chappell Dr,4,h,990000,S,Barry,13/10/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,1 Belmarino Ct,4,h,,SN,Ray,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Bolwell St,5,h,,SP,Ray,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Centre Av,3,h,537000,S,Triwest,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 College Rd,4,h,500000,S,Ray,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,42 Derwent Rd,5,h,550000,SP,hockingstuart,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,23 High St,4,h,650000,VB,Ray,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Somerset Cl,3,h,385000,S,hockingstuart,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,127 Synnot St,3,h,640000,PI,Ray,13/10/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,1 Elphinstone St,2,h,680000,S,Village,13/10/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,11 Exhibition St,3,h,,SN,Village,13/10/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,56 Fontein St,2,h,640000,PI,Barry,13/10/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,50 Bamford Av,3,h,660000,PI,Barry,13/10/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Williamstown,102 Bayview St,4,h,1439000,S,Williams,13/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,9 Lenore Cr,3,h,1420000,PI,Williams,13/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,37 Melbourne Rd,6,h,,PI,Raine,13/10/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,103a Henry St,2,h,,S,Biggin,13/10/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,11 Bagatelle Av,5,h,651000,SP,Ray,13/10/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,11 Kardinia Dr,3,h,785000,S,Ray,13/10/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,29 Lapstone Cr,3,h,821000,SP,Morrison,13/10/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,22 Grace St,3,h,1552500,S,Greg,13/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,19 Ofarrell St,2,h,930000,S,Greg,13/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,13/51 Stephen St,2,u,422500,S,Jas,13/10/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,144 Park St,3,h,1275000,S,Jellis,14/04/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,46 Cameron St,4,h,980000,VB,Barry,14/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,131 Halsey Rd,3,h,,PI,Brad,14/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Altona Meadows,1/9 Fell Ct,3,t,560500,S,hockingstuart,14/04/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,4 Gazley Ct,3,h,639000,S,Sweeney,14/04/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,16 Allan St,5,h,945000,S,Greg,14/04/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,105 Mills St,4,h,995000,SP,Williams,14/04/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,1/16 Helene St,3,t,607000,S,RW,14/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4a Denbigh Rd,4,h,2750000,VB,Gary,14/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/69 Denbigh Rd,3,t,,SP,Marshall,14/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,9 Hurtle St,4,h,,VB,Brad,14/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,42 Myross Av,4,h,2700000,S,Nelson,14/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,89 North St,1,h,370000,S,Rendina,14/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/18 Nicholas St,3,u,1255000,S,Tim,14/04/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,32 Prosper Pde,4,h,1725000,S,Jellis,14/04/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,12 Maroondah Rd,4,h,1350000,VB,Tim,14/04/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,71 Nirringa Av,3,h,850000,VB,Hodges,14/04/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,15 Norfolk Pl,3,h,890500,S,Barry,14/04/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,16 The Crest,3,h,567000,S,Stockdale,14/04/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,157A Canning St,4,t,,PN,Moonee,14/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,11 Laura Gr,3,h,825000,SP,Moonee,14/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,16 Monmouth St,3,h,,VB,Harcourts,14/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,6 Ridley Av,2,h,681100,SP,HAR,14/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,18 Rogerson St,3,h,923000,SP,Moonee,14/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,15 Thompson St,3,h,920000,S,Nelson,14/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,8/305 Carlisle St,1,u,473000,S,hockingstuart,14/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,7/135 Hotham St,2,u,617000,S,Buxton,14/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1/29 Hilda St,3,u,1390000,S,Philip,14/04/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,7 Bernard St,4,h,2800000,VB,Fletchers,14/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,53 Sydney Rd,3,h,,S,Ray,14/04/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,10 Mason Ct,3,h,,SN,Ray,14/04/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,6 Bellaire Ct,3,h,2400000,VB,C21,14/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,38 Folkestone Cr,4,h,,SP,Buxton,14/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,15b Hilton St,4,t,2300000,S,Buxton,14/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/69 Spicer St,2,u,808000,S,Century,14/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7/182 Weatherall Rd,2,u,682500,S,hockingstuart,14/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,136 Liberty Pde,3,h,870000,S,Barry,14/04/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,18 Jasper Rd,3,h,1106000,S,Buxton,14/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33 Marquis Rd,3,h,970000,S,Buxton,14/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4B Pleasance St,3,h,1250000,S,Woodards,14/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,170 Brady Rd,4,h,1150000,VB,Jellis,14/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Browns Rd,3,t,1450000,S,Woodards,14/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,58 Gladesville Dr,4,h,,SP,Ray,14/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,34 Northam Rd,3,h,,S,Buxton,14/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Blackburn,121 Central Rd,4,h,1400000,VB,Jellis,14/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/6 Sergeant St,3,t,878000,S,Ray,14/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,8 Belvedere Ct,3,h,1020000,VB,hockingstuart,14/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,6A Drummond St,4,h,1300000,VB,Noel,14/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,5 Elemheim Ct,4,h,970000,VB,McGrath,14/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,20 Orchard Gr,2,h,1241000,S,Noel,14/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,1/20 Patterson St,3,h,790000,VB,O'Brien,14/04/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,2A Green St,4,h,,W,Philip,14/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Braybrook,68 Churchill Av,3,h,1070000,VB,Biggin,14/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,23 McLennan St,2,h,765000,SP,S&L,14/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1/140 Mountain View Rd,2,u,638000,S,Barry,14/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,10 Emily St,3,h,,S,Marshall,14/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8 Warriston St,3,h,2070000,S,Hodges,14/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,53 Landcox St,3,h,,S,Jellis,14/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Roseberry Av,4,h,,S,Hodges,14/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,20 Amelia St,3,t,900000,S,Jellis,14/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,102 Blyth St,3,h,,VB,Nelson,14/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Garnet St,3,h,1100000,PI,Woodards,14/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,81 Glenlyon Rd,2,h,1080000,S,Jellis,14/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,150 Stewart St,3,h,983000,S,Nelson,14/04/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,6/429 Brunswick Rd,2,t,611000,S,Nelson,14/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,19 Melville Rd,3,h,1230000,S,Brad,14/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/12 Mincha St,2,u,575000,SP,Nelson,14/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/22 Murray St,2,u,470000,SP,Nelson,14/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/1 Shamrock St,3,t,945000,S,Nelson,14/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,64 Cameron Pde,4,h,,PI,Ray,14/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Glenn Cr,3,h,620000,SP,Purplebricks,14/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,21 Hastings St,2,t,665000,S,Love,14/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Lucy Ct,3,h,850000,S,Ray,14/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Murragong Av,3,h,,S,Barry,14/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,16 Aruma Ct,4,h,950000,VB,Buxton,14/04/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6/82 Burwood Hwy,2,u,,SN,Harcourts,14/04/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,6 Newhaven Wy,4,h,680000,PI,Barry,14/04/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,10/995 Burke Rd,1,u,420000,S,Noel,14/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,87 Highfield Rd,4,h,2100000,PI,RT,14/04/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,20 Milton St,6,u,,S,Jellis,14/04/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,32/18 Barkly Pl,2,u,630000,S,Woodards,14/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,263 Canning St,3,h,1900000,SP,Nelson,14/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,461 Canning St,2,h,,SP,Nelson,14/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,169 Lee St,2,h,1100000,VB,Nelson,14/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,559 Nicholson St,2,h,1185000,S,Woodards,14/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4/70 Truganini Rd,2,t,800000,S,Gary,14/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2 Emma St,3,h,725000,SP,Conley,14/04/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,51b Kalimna St,2,u,650000,S,Buxton,14/04/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,702B Nepean Hwy,6,h,2300000,S,Ray,14/04/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,18 Charleville Ct,3,h,591500,S,Ray,14/04/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,2/8 Mina Ct,3,t,,VB,Bowman,14/04/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,8/11 Tattenham St,1,u,283000,S,hockingstuart,14/04/2018,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,8/374 Dandenong Rd,2,u,685000,S,Woodards,14/04/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,1/113 Eskdale Rd,1,u,440500,S,Gary,14/04/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,3/5 Gardenvale Rd,2,u,673000,S,Woodards,14/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,7 Gardenvale Rd,4,h,,PI,Buxton,14/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,9 Thurloo St,3,h,,S,Buxton,14/04/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,7 Wynne La,3,t,1350000,PI,Buxton,14/04/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,23/11 Hannah St,2,u,680000,S,O'Brien,14/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Herald St,3,h,950000,PI,Maitland,14/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,5 Warsaw Ct,3,h,745000,S,C21,14/04/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,29 Dennis St,3,h,1380000,S,Ray,14/04/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,88 Scotsburn Av,3,h,,VB,Buxton,14/04/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,2/454 Clayton Rd,3,u,710000,PI,Ray,14/04/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,54 Spensley St,2,h,,VB,Jellis,14/04/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,5/1 Chambers St,2,u,656500,S,Nelson,14/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Danny St,3,h,1325000,S,hockingstuart,14/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,67 Gaffney St,3,h,830000,PI,Biggin,14/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Kaye Ct,2,u,590000,S,Brad,14/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,22 Claremont St,3,h,965000,PI,hockingstuart,14/04/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,16 Budd St,3,h,1050000,S,Jellis,14/04/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,26 Braveheart Rd,4,h,650000,PI,HAR,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,198 Craigieburn Rd,3,h,615000,S,Barry,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Faith Rd,4,h,600000,S,Ray,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Hennessy St,4,h,600000,S,Ray,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,59 Langdon Cr,3,h,617000,S,Stockdale,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Leawood Gld,3,h,480000,S,Barry,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4/12 Redhill Ct,3,u,429500,S,Ray,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Waverley Ct,3,h,535000,S,HAR,14/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,5 Fable Wy,5,h,,PI,O'Brien,14/04/2018,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cremorne,701/163 Cremorne St,1,u,,VB,Jellis,14/04/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,16 Inglewood Cl,4,h,880000,VB,McGrath,14/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,7 Louisa St,3,h,1112000,S,Jellis,14/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,19 Rodleigh St,3,h,590000,S,iTRAK,14/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,1A Catherine Pl,5,h,915000,S,hockingstuart,14/04/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,107 Exeter Rd,6,h,,SP,McGrath,14/04/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,3/71 Exeter Rd,2,u,510000,PI,Ray,14/04/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,2/31 Oaktree Rd,2,u,,PI,McGrath,14/04/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,64 Railway Pde,4,h,,S,Barry,14/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3/2 Vizard St,2,u,,PN,Stockdale,14/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,48 Sabine Av,3,h,635000,S,C21,14/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,26 Sylvia St,3,h,,W,Del,14/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,15 Abercairn Ct,3,h,,SP,FN,14/04/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,186 Neale Rd,3,h,560000,PI,FN,14/04/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,2/7 Lacebark Rd,3,t,540000,S,YPA,14/04/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,17 Pembroke Cr,4,h,700000,SP,Stockdale,14/04/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,84 Windsor Bvd,4,h,880000,S,Barry,14/04/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,17 Gem Ct,4,h,860000,S,HAR,14/04/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,50 Howard Rd,3,h,790000,S,Ray,14/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1/3 Nursery Ct,3,h,790000,S,Buxton,14/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,8 Ernst St,3,h,1413000,S,Barry,14/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9 Harcourt St,4,h,1410000,PI,Jellis,14/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Maralee Pl,5,h,1300000,VB,Barry,14/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,14 Marilyn St,3,h,1105000,S,Philip,14/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,62 Roseland Gr,3,h,1275000,S,Jellis,14/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,26 Hamilton Cr,3,h,1020000,VB,Jellis,14/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4/15 Maude Av,2,u,720000,VB,@Realty,14/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,20 Talford St,3,h,1700000,S,Jellis,14/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Telopea Av,4,h,1220000,VB,Jellis,14/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,9 The Glen,4,h,1261000,S,Barry,14/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,89 Brookwood Av,6,h,,PI,Ray,14/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,31 Cootamundra Rd,4,h,766000,S,Millership,14/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,701/30 St Andrews Pl,3,u,2860000,S,Kay,14/04/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,11 Berry Av,3,h,942000,S,O'Brien,14/04/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,17A Ivan Av,3,t,,S,hockingstuart,14/04/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,6 Rae Av,3,h,1203000,SP,Ray,14/04/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,117 Arthur St,4,h,930000,S,Jellis,14/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/85 Park Rd,2,u,620000,S,Buckingham,14/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,34 Liddesdale Gr,4,h,1250000,S,Jellis,14/04/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,4/7 Byrne Av,2,u,920000,S,Chisholm,14/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,64A Spray St,4,h,,SP,Chisholm,14/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,9 Preston Av,4,h,815000,SP,Zed,14/04/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,105 Derby Dr,3,h,625000,S,Ray,14/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Ferntree Cl,4,h,,PI,HAR,14/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Rathdowne Wk,3,t,540000,S,HAR,14/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Teschke Wk,4,h,620000,S,Jason,14/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,7 Cooke St,4,h,2317000,S,Nelson,14/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/91 Lincoln Rd,1,u,330000,PI,Barry,14/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,32 MacKay St,2,h,1100000,VB,Brad,14/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,26 Schofield St,4,h,1900000,S,Nelson,14/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Eynesbury,34 Bendigo Dr,4,h,,VB,Raine,14/04/2018,3338,Western Victoria,852,29.8,Melton City Council +Fairfield,4/35 Grange Rd,1,u,440000,S,Harcourts,14/04/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,28 Sparks Av,2,t,735000,S,McGrath,14/04/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,73 McBryde St,5,h,670000,PI,Brad,14/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,55 William St,3,h,,SP,Re,14/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,120 Windermere Dr,4,h,881000,S,Upside,14/04/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,750 Brunswick St,2,h,,S,Nelson,14/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,25 McKean St,4,h,3840000,S,Edward,14/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,3/21 Ascot Vale Rd,2,u,640000,SP,Nelson,14/04/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,5/51 Dover St,2,t,,S,Nelson,14/04/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,33 Cirque Dr,2,t,475000,SP,Sweeney,14/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,40 Dudley St,3,h,1040000,S,Biggin,14/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,83 MacPherson St,2,h,610000,S,Moonee,14/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,39 Summerhill Rd,3,h,,PI,Village,14/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,20 Titch St,3,h,675500,S,P,14/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,21A Jackson St,7,h,840000,PI,Ray,14/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Nandina St,3,h,1310000,S,Noel,14/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,15 Sandon Cct,2,u,762010,SP,Ray,14/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,15 Sandon Cct,2,h,762010,SP,Ray,14/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,8 Silverleaf Ct,3,h,,PN,McGrath,14/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2 Victor Cr,3,h,1090000,SP,Ray,14/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,17 Frome Av,3,h,685000,S,hockingstuart,14/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,17 Queen St,3,h,640000,S,Aquire,14/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Romme Cl,3,h,667500,S,Ray,14/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Wilbraham Ct,3,h,670000,S,hockingstuart,14/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,42 Woodlands Gr,4,h,815000,S,Aquire,14/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,5 Honeysuckle St,4,h,520000,PI,Aquire,14/04/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,24 Wakefield Av,3,h,715000,S,Ray,14/04/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,485 Kooyong Rd,3,h,1650000,VB,hockingstuart,14/04/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,26 Lyndhurst Rd,3,h,550000,SP,YPA,14/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,9 Reade Pl,4,h,690000,S,RE,14/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,19 Samara Gr,3,h,590000,SP,Ray,14/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,209/1555 Malvern Rd,2,u,595000,S,hockingstuart,14/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Knights Dr,4,h,1291000,S,Jellis,14/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/58 Lincoln Av,3,u,,SN,Harcourts,14/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Roswell St,5,h,1999000,S,Ray,14/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Tulloch Gr,3,t,795000,S,Win,14/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,36 Winmalee Dr,3,h,1120000,SP,McGrath,14/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/56 Hartington St,2,t,535000,S,RW,14/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,68 Isla Av,4,h,720000,S,New,14/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,20 Loongana Av,3,h,810000,PI,Eview,14/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6/3 Ogden St,2,u,375000,SP,Stockdale,14/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,56 Stanley St,3,h,950000,S,Nelson,14/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/43 Tarana Av,2,t,557000,S,Eview,14/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,86 Gowanbrae Dr,4,h,1135000,S,Nelson,14/04/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,3/55 Lorimer St,2,t,480000,S,Ray,14/04/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,36 Patrick Cl,4,h,987000,S,Miles,14/04/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,105 Horizon Bvd,3,h,568000,S,RW,14/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,26 Silverwood Dr,4,h,,VB,Barry,14/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hallam,43 Cornwall St,4,h,,W,Del,14/04/2018,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,54b Kingston St,4,t,1860000,S,Buxton,14/04/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4a Myrtle Rd,4,h,,VB,hockingstuart/HAR,14/04/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,108/43 Willis St,2,u,850000,S,hockingstuart,14/04/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,30 Lonsdale Av,2,t,820000,S,Hodges,14/04/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,36A Widdop Cr,2,h,783500,S,Chisholm,14/04/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,16/8 Wallen Rd,2,u,1001000,PI,Kay,14/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heidelberg,41 Buckingham Dr,3,h,1125000,VB,Ray,14/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2/156 Hawdon St,2,u,,PI,Nelson,14/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,28/96 Hawdon St,2,u,600000,VB,Miles,14/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,26 Collins St,2,h,720000,VB,Nelson,14/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,71 Porter Rd,2,h,697000,S,buyMyplace,14/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,15 Kokoda St,2,h,770000,VB,Miles,14/04/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,5/44 Beaumaris Pde,2,u,,PI,Hodges,14/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 View St,3,h,1417500,S,Branon,14/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,52 Brindalee Wy,3,h,481000,S,YPA,14/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,6 Cuthbert Dr,3,h,772000,S,Barry,14/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 The Grove,4,h,1150000,S,Barry,14/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bottlebrush Dr,4,h,615000,S,Barry,14/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Cassia Ct,3,h,545000,S,YPA,14/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Hafey Cr,3,h,,SP,Ray,14/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Lantana Av,3,h,672500,PI,Sweeney,14/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,55 Whitsunday Dr,3,h,575000,S,Barry,14/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,29 Calembeena Av,3,h,1300000,PI,Woodards,14/04/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe East,184 The Boulevard,5,h,2135000,S,Miles,14/04/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,23A Robinson St,2,h,496000,S,YPA,14/04/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,126 Driscolls Rd,3,h,710000,S,Barry,14/04/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,29 Valewood Dr,3,h,552000,SP,Brad,14/04/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,1/19 Saratoga Cr,3,u,595000,S,Barry,14/04/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,7 Ash Gr,3,h,1040000,SP,Nelson,14/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,32 Eastleigh Av,3,h,630000,S,Nelson,14/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,21 Rachelle Rd,3,h,1000000,S,Barry,14/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,214 Sterling Dr,4,h,811000,S,Barry,14/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,47A Eastwood St,2,t,955000,S,Edward,14/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,317/71 Henry St,2,u,536000,SP,Nelson,14/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,114A Kensington Rd,3,t,980000,S,Rendina,14/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,508/70 Speakmen St,2,u,568000,S,Nelson,14/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,35 Duke St,3,h,,PI,RT,14/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Park Av,4,h,,SP,Fletchers,14/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,64 Kingsclere Av,3,h,,S,Barry,14/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,7 Leanne Cr,4,h,,PI,Le,14/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,88 Scott Gr,2,h,716000,S,Barry,14/04/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,99 Kathryn Rd,3,h,870000,VB,Barry,14/04/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,32 Anderson St,3,h,736000,S,Ray,14/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,22 Kirwan Av,3,h,611000,S,Love,14/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,44 Messmate St,3,h,,S,Skad,14/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,15 Newton Cr,3,h,750000,S,HAR,14/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,31 Main Rd,4,h,817500,S,Jellis,14/04/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,3/98 Main Rd,2,u,455000,S,Jellis,14/04/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4 Hinkler Av,4,h,870000,S,Ray,14/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/29 Munro St,2,u,655000,S,Jellis,14/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,6/1 Clarendon St,3,t,688000,PI,Biggin,14/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,38 Eucalyptus Dr,3,h,,SP,Nelson,14/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/44 Eucalyptus Dr,2,u,400000,SP,Pagan,14/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,5 Norfolk St,3,t,760000,VB,Jas,14/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maribyrnong,5 Cornwall Pl,3,h,1050000,VB,Biggin,14/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,328 Gordon St,3,h,,SN,Jellis,14/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,209/4 La Scala Av,2,u,440000,PI,Crane,14/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/10 Middle Rd,1,u,322000,S,Raine,14/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,29 Newstead St,3,h,,PI,Purplebricks,14/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/93 Raleigh Rd,3,t,,SP,Brad,14/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,9/61 MacKenzie St,1,u,527500,S,Jellis,14/04/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,7 Bligh St,3,h,,PI,FN,14/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,3 Hunter St,6,h,430000,SP,FN,14/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,43 Blackwood Av,3,t,,SN,O'Brien,14/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/55 Naples Rd,3,u,930000,S,Hodges,14/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4/5 Swanston St,3,t,800000,PI,Hodges,14/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,166 Everard Rd,3,h,551000,S,Ray,14/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,35 Cunningham Dr,3,h,650000,S,Ray,14/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,36 Jacaranda Dr,3,h,678000,S,Love,14/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Northam Ct,3,h,661000,SP,Barry,14/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Northam Ct,3,h,661000,SP,Barry,14/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Pisani Ct,4,h,835000,SP,HAR,14/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,11 Haslemere Rd,4,h,1210000,S,Ray,14/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/22 Orient Av,3,u,840000,VB,Noel,14/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,53 Rosstrevor Cr,2,h,965000,S,Jellis,14/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/27 Alban St,3,t,800000,S,Jellis,14/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,26A Beattie St,4,h,950000,PI,Jellis,14/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/9 Elizabeth St,2,u,605000,PI,Jellis,14/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/5 Graeme Av,3,h,850000,PI,Jellis,14/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,3/32 Rattray Rd,2,u,610000,S,Buckingham,14/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,149 Athol St,2,h,1590000,S,Jellis,14/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,63 Greenslopes Dr,3,h,,PI,McGrath,14/04/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,14 Montgomery St,3,h,1457000,SP,Barry,14/04/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,14 Bradman Av,4,h,685000,S,Prof.,14/04/2018,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,2/5 Bicton St,4,t,1050000,S,Barry,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Billing St,1,h,,SP,LLC,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Bizley St,4,h,1580000,S,Jellis,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/1 Donald St,3,h,970000,S,Harcourts,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Laura Gr,4,h,1487500,S,Ray,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 Miller Cr,2,h,1628800,SP,Buxton,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,135 Stephensons Rd,5,h,1230000,PI,hockingstuart,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,111 Therese Av,3,h,970000,SP,McGrath,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,81 Therese Av,4,h,950000,VB,Stockdale,14/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,30 Bute St,3,h,1455000,S,C21,14/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,27 Dalny Rd,3,h,1600000,VB,Buxton,14/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,17 Reid St,3,h,1275000,VB,Gary,14/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,18 Amber Cr,4,h,670000,S,O'Brien,14/04/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,7 Grindlay St,3,h,1002000,S,Village,14/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/114 Johnston St,2,t,695000,SP,Raine,14/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16 Johnston St,4,t,,PN,Williams,14/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/147 Mason St,2,t,718000,S,Greg,14/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,16 Grosvenor St,3,h,1035000,PI,Barry,14/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,114 Hotham Rd,3,h,,PI,Harcourts,14/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,9 Jackson St,2,h,1325000,S,Barry,14/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1/20 French St,3,u,555000,S,Le,14/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4/2 George St,3,h,,SP,LJ,14/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,159 Errol St,2,h,750000,VB,Alexkarbon,14/04/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,21/210 Clarke St,1,u,383000,S,Love,14/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/2 Johnson St,1,u,,SP,Nelson,14/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,32 Ashwood Dr,3,h,800000,PI,RW,14/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,19 Cyprus Av,3,h,930000,S,Noel,14/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/5 Gee Ct,3,h,864000,S,Ray,14/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,18 Sunnyside Av,3,h,,VB,Fletchers,14/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/16 Curie Av,3,u,701000,S,Walshe,14/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,10 Gregory St,3,h,,PI,Ray,14/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,47 Winifred St,4,h,1244000,S,Nelson,14/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oaklands Junction,13 The Ridge,4,h,940000,S,RE,14/04/2018,3063,Northern Metropolitan,146,24.3,Hume City Council +Oakleigh,10 Merbow St,3,h,1265000,S,Ray,14/04/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,4 Gordon Av,3,h,1110000,SP,Buxton,14/04/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Parkville,41 Parkville Av,3,t,1100000,S,Raine,14/04/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,23/283 Royal Pde,2,u,840000,S,LITTLE,14/04/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/56 Austin Cr,3,t,997000,S,Jellis,14/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Hayes Pde,3,h,,PI,Brad,14/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/11 Stennis St,3,h,,PI,Brad,14/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,3/5 North Shore Dr,2,t,482000,PI,Aquire,14/04/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,5 Bangalay Pl,4,h,,PI,hockingstuart,14/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,9 Fairbridge Rd,4,h,,PI,Barry,14/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,151 Featherbrook Dr,4,h,,VB,hockingstuart,14/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,9 Paola Cct,4,h,585000,S,Reliance,14/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Periwinkle Wy,4,h,,SN,Barry,14/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,31 Vicky Ct,3,h,,SN,Ray,14/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,301/89 Beach St,3,u,,SP,Cayzer,14/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,49/174 Esplanade E,2,u,1700000,VB,Marshall,14/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,28A Commercial Rd,3,t,,PI,Kay,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,59 Donald St,4,h,,S,McGrath,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,9/24 Grandview Gr,1,u,,VB,hockingstuart,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,406/36 Porter St,1,u,,SP,Buxton,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,50 Pridham St,2,h,,W,hockingstuart,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,114 Williams Rd,3,h,,S,hockingstuart,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/99 York St,2,u,585000,S,hockingstuart,14/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,13 Beauchamp St,3,h,1060000,S,Barry,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Breffna St,4,h,1470000,SP,Nelson,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Burgess St,3,h,1380000,S,RW,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Cormac St,2,h,,PN,Barry,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Kendall St,2,h,,S,Nelson,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/534 Murray Rd,3,t,810000,S,HAR,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,30 Penola St,2,h,817000,S,Love,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13A Stott St,3,h,,PI,Ray,14/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,28 Storey Av,3,h,,PI,Jellis,14/04/2018,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,5/34 Ashley St,2,u,569000,S,Nelson,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Down St,2,h,,S,Ray,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/20 Jinghi Rd,1,u,380000,S,Barry,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,96 Lawley St,4,h,795000,S,HAR,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Mendip Rd,3,h,973000,S,Nelson,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Oulton Cr,3,h,700000,PI,Barry,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7B Robinson Rd,3,t,675000,PI,Barry,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/139 St Vigeons Rd,3,h,715000,S,Nelson,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Teresa Ct,4,h,,PI,HAR,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3A Whitby St,2,h,505000,PI,RW,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/41 Winter Cr,3,u,635000,S,McGrath,14/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,2/1 Boland St,3,t,1252500,PI,hockingstuart,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,512/253 Bridge Rd,1,u,457000,SP,Biggin,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Campbell St,3,t,1417000,S,Jellis,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,45 Fraser St,3,h,,S,hockingstuart,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/33 Goodwood St,2,u,650000,SP,Biggin,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,207/1 Margaret St,1,u,492500,SP,Biggin,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/47 Mary St,3,t,1255000,S,Biggin,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15 Richmond Tce,3,h,1800000,S,Williams,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,18/73 River St,2,u,744000,S,Hodges,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/7 Sanders Pl,2,t,880000,VB,Edward,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/63 Stawell St,2,u,,W,Jellis,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Strode St,4,h,,SP,Jellis,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,27 The Crofts,2,h,1368000,S,Nelson,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/31 York St,2,t,950000,PI,Chambers,14/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,29 Berkley Rd,3,h,,VB,Fletchers,14/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,21 Everard Rd,4,h,1280000,S,Jellis,14/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,9 Kubis Dr,4,h,,PN,Noel,14/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,5 Thomson Dr,4,h,,S,Jellis,14/04/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,8 Glenview St,4,h,570000,VB,hockingstuart,14/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,67A Bay Rd,4,t,,SN,Nick,14/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9/170 Beach Rd,3,t,1625000,VB,hockingstuart,14/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,4 Ulah Cl,4,h,,SP,hockingstuart,14/04/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,36 McCulloch Av,4,h,770000,PI,O'Brien,14/04/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,26 Walter St,3,h,975000,PI,Sweeney,14/04/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,402/297 Clarendon St,2,u,,VB,Greg,14/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,86 Cobden St,3,h,1465000,S,Greg,14/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,6 Coventry Pl,2,h,1110000,PI,Greg,14/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,3 Wilson St,2,h,1050000,S,Marshall,14/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,21 Chamonix Pde,4,h,725000,SP,Stockdale,14/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,33 Lamour Av,2,h,566000,S,HAR,14/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Myrnong Ct,4,h,673000,S,Millership,14/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,3/388 Toorak Rd,3,u,835000,S,Buxton,14/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/391 Toorak Rd,3,u,1490000,S,RW,14/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/219 Williams Rd,1,u,351000,PI,LITTLE,14/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,2/18 Blissington St,3,u,670000,S,iSell,14/04/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,4 Merton St,3,h,800000,S,C21,14/04/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,2/74 Virginia St,3,u,,PI,Barry,14/04/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,14 Erica Av,5,h,850000,SP,Ray,14/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,10 Allumba Dr,4,h,790000,PI,Walshe,14/04/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,12/49 Acland St,3,u,,S,Pride,14/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6 Havelock St,3,h,,SN,McGrath,14/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/57 Spenser St,2,u,640000,S,Pride,14/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,17 Fenacre St,4,h,1530000,VB,Nelson,14/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,31 Blyton Cr,3,h,560000,S,Leeburn,14/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Kelbourne Gr,5,h,675000,S,One,14/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,94 Cornwall Rd,2,h,695000,PI,Barry,14/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,9 Duke St,2,h,766000,PI,Barry,14/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,35 Berkshire Rd,3,h,730000,S,Barry,14/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,2/66 Meadowbank Dr,2,u,593000,S,Barry,14/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,43 Felstead Av,3,h,670000,SP,hockingstuart,14/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,181 Glengala Rd,3,h,740000,S,Douglas,14/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,38 Whitesides Av,3,h,851500,S,Barry,14/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sydenham,1 Rockwall Cl,4,h,700000,S,Barry,14/04/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,8 Harrington Av,4,h,720000,VB,Raine,14/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,18 Leda Dr,3,h,505000,PI,Wyndham,14/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Cronulla Wy,4,h,700000,S,Brad,14/04/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,3 Omaroo Pl,4,t,580000,S,YPA,14/04/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,13 Woollahra Pde,4,h,840000,VB,FN,14/04/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,1 Kohurau Ct,3,h,665000,S,Barry,14/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,6 Solent Cr,4,h,710000,VB,Barry,14/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,15 Oliver Rd,5,h,1360000,S,Jellis,14/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1 Saville Ct,5,h,1210000,PI,Jellis,14/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,51 Magnolia Ct,4,h,1100000,VB,Jellis,14/04/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,38 Waratah Dr,3,h,1045000,S,Barry,14/04/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,2/13 Balcombe Ct,3,u,457000,S,Love,14/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,17 Juniper Cr,3,h,930000,S,Ray,14/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,18 Stephen Ct,3,h,680000,PI,LJH,14/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,81 Alston Ct,3,t,810000,VB,Nelson,14/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/236 Collins St,2,t,780000,PI,hockingstuart,14/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/86 Flinders St,2,u,487000,S,Love,14/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/226 Rossmoyne St,3,t,870000,PI,McGrath,14/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,202/738 Orrong Rd,2,u,,PN,RT,14/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,15/486 Toorak Rd,1,u,517500,SA,Marshall,14/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont South,9 Moray Gr,4,h,1100000,PI,Woodards,14/04/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,33 Pioneer Cl,4,h,1100000,S,Hodges,14/04/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,2/23 Christine St,2,u,572000,S,Miles,14/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,12 Barrington Ct,3,h,873000,SP,Harcourts,14/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,17 Bellbird Dr,3,h,941000,S,RT,14/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,130 Argyle Wy,4,h,960000,SP,Barry,14/04/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2/30 Chappell Dr,3,t,,VB,Noel,14/04/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,17 Tyrrell Tce,4,h,775000,PI,Barry,14/04/2018,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,7 Longmuir Rd,3,h,900000,SP,Ray,14/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,16 Shannon Cr,3,h,705000,S,Buckingham,14/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,6 Cromwell Rd,3,h,472500,S,hockingstuart,14/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,35 High St,3,h,605000,S,Ray,14/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,19 Kimberley Rd,3,h,540000,SP,Barry,14/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Somerset Cl,3,h,,W,Barry,14/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Wimmera Ct,4,h,,PI,Greg,14/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,21/24 Dongola Rd,3,t,760000,S,Jas,14/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,12/1 Hatfield Ct,1,u,225000,SP,Jas,14/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,120 Summerhill Rd,3,h,888000,S,Jas,14/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,1100/58 Jeffcott St,2,u,626000,S,MICM,14/04/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,203/58 Jeffcott St,1,u,420000,S,LITTLE,14/04/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,2/567 Spencer St,2,u,890000,S,Jellis,14/04/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,613 Spencer St,2,t,972000,S,RT,14/04/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,2 Strickland Dr,4,h,1600000,PI,Barry,14/04/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,12 Mandrel Dr,3,h,510000,SP,hockingstuart,14/04/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Windsor,12/16 Lewisham Rd,1,u,,SA,Biggin,14/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,98 Union St,3,h,,S,hockingstuart,14/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,55 Fulham Wy,3,t,,SP,HAR,14/04/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,92 Feathertop Dr,3,h,454000,S,hockingstuart,14/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,9 Curlew Ct,3,h,795000,S,Barry,14/04/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,86 Bayview Rd,2,h,910000,SP,Village,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,22 Berry St,2,h,,SP,Jas,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/51 Castlemaine St,2,u,,S,Jas,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7/156 Francis St,2,t,650000,SP,hockingstuart,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Norfolk St,3,h,1290000,S,Village,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,32 Regent St,4,h,2030000,SP,Jas,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10 Tenterden St,3,h,900000,VB,Jas,14/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,7/20 Abbotsford St,1,u,441000,SP,Greg,14/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,20 Creswell Av,3,h,970000,S,Barry,14/05/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,241 Parer Rd,5,h,755000,PI,Propertyau,14/05/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,31 Albanvale Dr,4,h,503000,S,RW,14/05/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Altona,164 Maidstone St,3,h,635000,S,Sweeney,14/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,3/25 Rayner St,2,u,620000,SP,hockingstuart,14/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,85a First Av,3,t,670000,VB,Greg,14/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,22 Joel Av,3,h,680000,SP,Hunter,14/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,11 Mahon Av,3,h,765000,S,Greg,14/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/36 May St,3,h,675000,S,hockingstuart,14/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,20 Blanche St,3,h,502000,S,Sweeney,14/05/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,31 Chatsworth Av,3,h,546500,S,Barry,14/05/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,3 Wattletree Rd,3,h,,SN,Gary,14/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/53 Wattletree Rd,1,u,390000,S,Jellis,14/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,58 Fenton St,4,h,1340000,S,Nelson,14/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,70 Munro St,3,h,955000,S,Brad,14/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1 Nairn Av,2,h,1075000,PI,Jellis,14/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,36 Alamein Av,2,h,1356000,S,Jellis,14/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,6a Glen Rd,3,h,1662000,S,Jellis,14/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2 Maxwell St,2,h,,S,Marshall,14/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/7 Murra Ct,2,u,690000,S,Ray,14/05/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Avondale Heights,129 Templewood Cr,4,h,1631000,S,Nelson,14/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,7/38 Brighton Rd,1,u,438000,S,Beller,14/05/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,5/60 Gourlay St,2,u,,PN,Gary,14/05/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,3/5 Dunure Ct,4,t,1920000,PI,Ray,14/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Kaleno Vw,4,h,,SP,hockingstuart,14/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3 Reid St,3,h,,SP,Jellis,14/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1b Threadneedle St,2,h,,PN,Fletchers,14/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1 Weston St,3,h,1860000,S,Marshall,14/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,151 Bulleen Rd,3,h,980000,SP,Fletchers,14/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,56a Clifton St,3,h,1230000,S,Noel,14/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,12 Hood St,5,h,,S,Marshall,14/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Tudor Ct,7,h,2600000,PI,Barry,14/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,28 Walnut Rd,4,h,1950000,S,Fletchers,14/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,29 Greenhill Rd,3,h,570000,PI,HAR,14/05/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,29 Coreen Av,3,h,1425000,PI,Hodges,14/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9 Page St,4,h,1455000,PI,Buxton,14/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,132 Pellatt St,4,h,1405000,S,Bayside,14/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,9 Park Cr,3,h,1360000,S,Buxton,14/05/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/15 Liverpool St,3,t,805000,S,hockingstuart,14/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,47 MacKie Rd,3,h,880000,PI,hockingstuart,14/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Yarraburn Cl,4,h,1100000,S,Hodges,14/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,12 Earlston Sq,3,h,410000,PI,Grant's,14/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,1/189 High St,4,t,600000,PI,Ray,14/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1a Ferguson St,2,h,,PI,J,14/05/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,69 Canterbury Rd,3,h,851000,S,Allens,14/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,23 Gerald St,3,h,,SN,Woodards,14/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/12 Hamilton Av,2,u,750000,S,Fletchers,14/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,45 Pakenham St,3,h,1280000,S,hockingstuart,14/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/226 Springfield Rd,2,u,636000,S,Fletchers,14/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,50 Junction Rd,2,u,,SN,Woodards,14/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,3 Ayr St,3,h,1090000,S,hockingstuart,14/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Braybrook,2/24 Hancock Cr,2,t,445000,PI,Batty,14/05/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,11 Howell Pl,3,h,585000,S,Barry,14/05/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,9 Doon Ct,4,h,665000,SA,Morrison,14/05/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1/105 Cochrane St,3,u,826000,S,Biggin,14/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,97 Dendy St,5,h,2730000,S,Gary,14/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/191 New St,2,u,900000,S,Nick,14/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Railway Av,1,u,,S,hockingstuart,14/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,55 Whyte St,3,t,1962000,S,Marshall,14/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,7 Caramar Av,3,h,1460000,S,Hodges,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Cheeseman Av,4,h,1760000,S,Marshall,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Glencairn Av,4,h,1600000,VB,Buxton,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4a Marriage Rd,4,h,1530000,S,RT,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,609 Nepean Hwy,2,h,805000,PI,Hodges,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Noel St,4,h,,PI,J,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/25 Primrose Cr,3,h,930000,S,RT,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/25 Primrose Cr,3,h,805000,S,RT,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1b Thomas St,2,t,1090000,S,Buxton,14/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,74 Davies St,3,h,905000,S,Nelson,14/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Murdock St,3,h,976000,S,Jellis,14/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/2 Pottery Ct,3,t,641000,SP,RW,14/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,309/1 Brunswick Rd,2,u,,PI,Pagan,14/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,24 Burnell St,3,h,1245000,S,Barry,14/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/22 Irvine Cr,2,t,,PI,Barry,14/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/6 Irvine Cr,2,u,515000,S,Moonee,14/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,102 Melville Rd,2,h,900000,SP,hockingstuart,14/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,28 Yarrabin St,3,t,650000,PI,RW,14/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,31 Nirvana Cr,3,h,975000,PI,Barry,14/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,38 Rocklea Rd,4,h,1320000,PI,Jellis,14/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,2 Lucilia Pl,3,h,561000,SP,Barry,14/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,33 Zara Cl,3,t,651000,S,Ray,14/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,9 Wylie Cct,3,h,478000,S,YPA,14/05/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,2a Iris St,2,h,633000,S,Noel,14/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,5 Keogh St,3,h,1070500,SP,Buxton,14/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,218 Holland Rd,4,h,1190000,S,Ray,14/05/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,38 Sevenoaks Rd,4,h,1230000,S,Lindellas,14/05/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,603 Burke Rd,5,h,2000000,VB,Marshall,14/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,117 Highfield Rd,4,h,,S,Marshall,14/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/5 Holly St,3,u,591000,PI,Jellis,14/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,27 Lansell Cr,5,h,1800000,VB,Fletchers,14/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,16 Murdoch St,4,h,,S,Fletchers,14/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,14 Selwyn St,5,h,,S,Marshall,14/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,176 Cardigan St,4,h,1630100,S,Ascend,14/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,102/479 Cardigan St,2,u,480000,VB,Jellis,14/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,136 Faraday St,4,h,1600000,PI,hockingstuart,14/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,403/20 Reeves St,2,u,500000,S,Harrington,14/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,122 Amess St,3,h,2210000,S,Nelson,14/05/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,7/27 Elliott Av,2,u,,SP,hockingstuart,14/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,52 Emily St,3,h,1200000,S,Woodards,14/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/81 Koornang Rd,2,u,,S,Ray,14/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,6 Longstaff St,4,h,1501000,S,Gary,14/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,215 Neerim Rd,3,h,950000,VB,Gary,14/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/108 Truganini Rd,3,t,970000,PI,Marshall,14/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,1/28 Whatley St,2,u,417000,SP,hockingstuart,14/05/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield South,12 Cedar St,3,t,,SN,Gary,14/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,8 Lygon St,4,h,1774500,S,hockingstuart,14/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,6 Kalymna Gr,3,h,,PI,Buxton,14/05/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,2/30 Fourth Av,3,u,585000,PI,Hodges,14/05/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,6b Delacombe Ct,3,t,830000,PI,OBrien,14/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Ward St,2,h,825000,SP,Ray,14/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,122 Wilson St,3,h,982000,S,Buxton,14/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,27 Carbine Av,3,h,690000,S,Woodards,14/05/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,1/8 Browning Av,2,u,,PI,Buxton,14/05/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,6/176 Noone St,3,h,,S,Jellis,14/05/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,15 Autumn St,2,h,,SN,Barry,14/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1e The Avenue,3,h,763000,S,Woodards,14/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,24 Irene St,2,h,570000,S,Ray,14/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/97 Shorts Rd,2,t,522500,S,RW,14/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,1/60 Budd St,3,t,897500,S,Jellis,14/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,27/78 Oxford St,2,u,865000,PI,Biggin,14/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,82 Sackville St,2,h,1265000,S,Jellis,14/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,18 Bottlebrush Rd,4,h,380000,PI,Ray,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Brummel St,3,h,415000,PI,Jason,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Crestwood La,3,h,,SN,Barry,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Hamilton St,3,h,,SN,Barry,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Scottsdale Ct,4,h,671000,S,Ray,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Selwyn Av,6,h,,SN,Barry,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Windrock Av,2,h,242000,S,Ray,14/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,9 Broome Cr,4,h,388000,S,Sutherland,14/05/2016,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,2 Gairns Ct,4,h,720000,S,McGrath,14/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3 Murray Rd,4,h,695000,PI,Ray,14/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/13 Niel St,3,u,525000,S,Jellis,14/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Timms Av,2,h,740000,S,Ray,14/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,3/26 Conway St,3,h,370000,S,hockingstuart,14/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,10 Grace Av,4,h,740000,SP,LJ,14/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,24 Grace Av,3,h,740000,SP,LJ,14/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,7/35 Herbert St,2,t,267600,S,Stockdale,14/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3 Kaimas Wy,3,h,470000,SP,Del,14/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,32 Steven St,3,h,422000,SP,Del,14/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,40 Christie St,3,h,370000,PI,YPA,14/05/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,9 Colin Ct,4,h,734000,PI,Buxton,14/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,3 Pankina Ct,4,h,810000,S,Ray,14/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,170 Ayr St,4,h,1250000,SP,Fletchers,14/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,768 Elgar Rd,2,h,1140000,S,Barry,14/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,17/790 Elgar Rd,2,u,480000,PI,Fletchers,14/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/790 Elgar Rd,2,u,450000,VB,Fletchers,14/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,15 Parkhill Wy,4,h,1250000,PI,Barry,14/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Somerville St,3,h,,PN,Fletchers,14/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/7 Bullen St,2,u,900000,SP,hockingstuart,14/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,26 Centaur Gr,4,h,1040000,S,Barry,14/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Greendale Rd,4,h,1165000,S,Barry,14/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/23 Meryl St,4,t,,S,hockingstuart,14/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9/1 Nartanda Ct,2,u,542500,SP,Noel,14/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/30 Thomas St,3,u,600000,PI,Barry,14/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,24 Limassol Ct,4,h,1250000,SP,Noel,14/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,35 Melissa St,5,h,1170000,PI,Jellis,14/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,20 Powers St,4,h,1250000,S,Jellis,14/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,74 Paperbark St,3,h,401000,S,McLennan,14/05/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,10 Pittosporum Gr,3,h,317000,S,Thomson,14/05/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,1/16 Cape St,2,u,525000,S,Miles,14/05/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Elsternwick,18 McMillan St,3,h,,SN,Biggin,14/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4/20 Prahran Gr,2,u,,PN,Gary,14/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,31 Bainbridge Dr,4,h,900000,PI,Barry,14/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,44 Bible St,3,h,710000,S,Morrison,14/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,3/44 Scott St,3,t,940000,S,Chisholm,14/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,68 Lawson Wy,3,h,,S,LJ,14/05/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,14 Argus Esp,3,h,370000,VB,Barry,14/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/62 Coulstock St,2,u,,PI,Harcourts,14/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Euroa St,4,h,610000,PI,Ray,14/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Winchester Av,4,h,427000,S,Harcourts,14/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,5/322 Buckley St,2,u,460000,S,Nelson,14/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,31 Lawson St,3,t,870000,S,Frank,14/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,54 Ogilvie St,3,t,1000000,VB,Brad,14/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,38 Vanberg Rd,3,h,980000,S,Nelson,14/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,11 Duffy St,3,h,1320000,S,Brad,14/05/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,4/8 Keam St,2,u,450000,SP,Barry,14/05/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,5/305 Station St,2,u,,PI,Nelson,14/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,2/114 Major Rd,2,u,,SN,Barry,14/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,75 Bryden Dr,3,h,,PI,LJ,14/05/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,26 Linda Cr,4,h,680000,SP,Barry,14/05/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,74 Barkly St,4,h,1950000,S,Nelson,14/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,79 Delbridge St,4,h,3400000,S,Nelson,14/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,70 Park St,4,h,1785000,S,Nelson,14/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,111 Wellington St,4,h,1700000,SP,Nelson,14/05/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,95 Gordon St,3,h,780000,S,Jas,14/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,26 Calypso Ct,6,h,1048000,S,hockingstuart,14/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,47 Dell Rd,3,h,567000,S,Ray,14/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,147 Gould St,5,h,,PI,Barry,14/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,67 Margate Av,3,h,385000,PI,Ray,14/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,39 McAlister St,3,h,430000,S,hockingstuart,14/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,48 Mincha St,3,h,510000,S,hockingstuart,14/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,92 Nursery Av,5,h,385000,S,Ray,14/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,44 Escarpment Dr,4,h,630000,SP,O'Brien,14/05/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,23 Overport Rd,2,h,550000,VB,hockingstuart,14/05/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,2/32 Gardenia Rd,2,u,393000,SP,Biggin,14/05/2016,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,7 Dunfield Dr,3,h,440000,SP,Barry,14/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,224 Mickleham Rd,3,h,470000,S,S&L,14/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,2/22 Osborne Av,2,h,310000,S,Raine,14/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,10/21 Royal Av,2,u,390000,PI,Ray,14/05/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1 Barina Rd,4,h,,S,Marshall,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1e Belmont Av,3,h,,S,Marshall,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Charles St,6,h,2300000,S,Fletchers,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11/63 Edgar St N,1,t,345000,PI,Jellis,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Flowerdale Rd,5,h,2000000,PI,Marshall,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,130 High St,4,h,1550000,PI,Jellis,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Kenilworth Gr,3,h,1625000,S,Jellis,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Leopold St,5,h,,S,Marshall,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/14 Nash St,2,u,480000,SP,Jellis,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Nepean St,3,h,,S,Jellis,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Valency Rd,4,h,,S,Marshall,14/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/1 Abbot Ct,4,t,650000,SP,Ray,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Acacia Gr,2,h,,SP,hockingstuart,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5/107 Bogong Av,3,u,755000,S,Barry,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Cambridge Dr,3,h,1140000,S,Barry,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,45 Mount St,5,h,,PN,Ray,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Tulloch Gr,4,h,,PI,HAR,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/49 Winmalee Dr,3,u,600000,S,Biggin,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Winter Wy,3,h,1200000,S,Stockdale,14/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/61 Loongana Av,3,t,642000,S,Stockdale,14/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,39 Melbourne Av,3,h,670000,S,Brace,14/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,16 Valley Cr,3,h,525000,SP,Stockdale,14/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,8 Perth Ct,4,h,709000,PI,Nelson,14/05/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,27 Carinya Rd,3,h,725000,S,Barry,14/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,15 Bolton Ct,4,h,,SN,Barry,14/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,4 Bradford Av,4,h,440000,S,Stockdale,14/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,23 Surrey St,2,h,545000,SP,Stockdale,14/05/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,3/308 Hampton St,2,u,742000,S,hockingstuart,14/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9/11 Railway Cr,2,u,730000,VB,hockingstuart,14/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,10a Roydon St,3,t,1020000,S,Buxton,14/05/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/178 Power St,2,u,517000,S,Jellis,14/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,6 Aberdeen St,3,h,,S,Marshall,14/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/537 Tooronga Rd,3,t,1170000,S,Jellis,14/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,63 Victoria Rd,5,h,2250000,PI,RT,14/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,50 Balfour Av,3,h,,SN,Barry,14/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,28 Orchard Gr,4,h,,SN,Barry,14/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,55 Halifax Av,4,h,1240000,VB,Miles,14/05/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,12 Corvette St,2,h,450000,S,Haughton,14/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,5 Pacific Dr,3,h,605000,PI,Haughton,14/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2/26 Dalmont St,2,u,500000,S,hockingstuart,14/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,30 Highland Av,3,h,1090000,S,Buxton,14/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1a Maralber Rd,3,h,1100000,VB,hockingstuart,14/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,6 Spring Rd,3,h,1100000,VB,hockingstuart,14/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,12 Stirling Ct,4,h,670000,SP,Barry,14/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,8 Adele Ct,3,h,,PI,Barry,14/05/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/115 Warrigal Rd,3,u,,PI,Buxton,14/05/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,6/214 Huntingdale Rd,2,u,326500,S,Ray,14/05/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,67 Ross St,2,h,,PN,Greg,14/05/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,6 Ambrose St,3,h,,PI,Barry,14/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,114 Bond St,3,h,1075000,S,Barry,14/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/11 Rose St,2,u,465000,S,Barry,14/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor,40 Church St,4,h,1212500,S,Nelson,14/05/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,5 Clover Ct,5,h,1100000,PI,Brad,14/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/222 Milleara Rd,3,u,470000,SP,Brad,14/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/36 Phillip Rd,2,h,380000,S,Nelson,14/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/49 Quinn Gr,3,u,560000,S,Moonee,14/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Trent Ct,4,h,1010000,S,Barry,14/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,32 Epsom Rd,2,h,825000,S,Rendina,14/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,33 Rourke La,2,t,770000,S,Rendina,14/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,802/70 Speakmen St,2,u,,W,Pagan,14/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,138 Edgevale Rd,2,h,,S,RT,14/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/24 Highbury Gr,2,u,525000,PI,Fletchers,14/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Oshaughnessy St,3,h,1905000,S,Abercromby's,14/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/120 Princess St,2,u,478000,S,Fletchers,14/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,27 Second Av,2,h,1205000,S,Jellis,14/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,41 White Av,5,h,2250000,VB,Jellis,14/05/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,13 Cornwall Av,4,h,651000,S,RW,14/05/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Knoxfield,31 Otira Rd,5,h,780000,S,Schroeder,14/05/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,11 McKimmies Rd,3,u,408000,S,Harcourts,14/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,65 William St,3,h,,PI,Harcourts,14/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,1/15 Alma St,2,u,587000,S,Buckingham,14/05/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lysterfield,12 Jindabyne Ct,5,h,,PI,Barry,14/05/2016,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +MacLeod,1/22 Dwyer St,1,u,357000,S,Ray,14/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/41 Edward St,3,u,695000,S,Darren,14/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/166 Mitchell St,3,h,673000,SP,Biggin,14/05/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/2 Cawkwell St,3,t,1390000,PI,Marshall,14/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,42 Cressy St,2,h,780000,VB,Jellis,14/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,312 Glenferrie Rd,4,h,4700000,S,Marshall,14/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,109/1387 Malvern Rd,2,u,,PI,R&H,14/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,8 MacGregor St,4,h,1700000,VB,Fletchers,14/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,44 Manning Rd,5,h,2500000,VB,Abercromby's,14/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6/5 Peak St,2,u,370000,VB,hockingstuart,14/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,24 Prior Rd,2,h,1150000,PI,Jellis,14/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,9 Dale St,4,h,1100000,PI,Nelson,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,26 Mitchell St,3,h,1072000,S,Biggin,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,205/20 Pier La,3,u,,PI,Pagan,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/105 Raleigh Rd,2,t,479000,S,Rendina,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3/105 Raleigh Rd,2,t,470000,S,Redina,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4/105 Raleigh Rd,2,t,510000,PI,Redina,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,17 Ribbony Wk,3,t,440000,PI,Raine,14/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2/10 Capitol Av,2,u,545000,S,Ray,14/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,7 Creswick Gr,4,h,1710000,S,Buxton,14/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,71 Nicholson St,3,h,950000,PI,Buxton,14/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,215/39 Lonsdale St,2,u,,PI,Greg,14/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,312/55 Queens Rd,2,u,,PI,RT,14/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,505/83 Queens Rd,2,u,545000,SP,Rendina,14/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,21 Francis St,3,h,,PN,PRDNationwide,14/05/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,1/26 Albenca St,3,h,713000,S,Ray,14/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,44 Beach Rd,4,h,2100000,PI,hockingstuart,14/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,41 Collins St,3,h,985000,S,Thomson,14/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4a Daniel Ct,4,t,970000,PI,Hodges,14/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1 Riviera St,3,h,1100000,PI,OBrien,14/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,22 Streeton Dr,2,t,605000,SP,Buxton,14/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,17 Riordan Cr,4,h,350000,PI,Ray,14/05/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,81 Carter St,2,h,1020000,S,Cayzer,14/05/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,50 Park Rd,2,h,1515000,S,Marshall,14/05/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,95 Centenary Dr,3,h,,PI,Barry,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,239 Childs Rd,3,h,408000,S,Ray,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,291 Childs Rd,3,h,,SN,Barry,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,55 Coventry Cr,3,h,536000,S,Love,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Friendship Av,4,h,615000,SP,Ray,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Melrose Pl,3,h,,SN,Barry,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Stanton Pl,3,h,,SN,Barry,14/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,16 Dawe Rd,3,h,680000,S,hockingstuart,14/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/126 Heatherdale Rd,2,u,380000,PI,Ray,14/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/35 Nymph St,3,h,850000,VB,Fletchers,14/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,28 Lorne Pde,3,h,,S,Fletchers,14/05/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,4/1 Nangnak La,2,t,660000,PI,Changing,14/05/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,62 Coventry St,3,h,,SA,Barry,14/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,154 Rattray Rd,3,h,700000,S,Darren,14/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,13/110 Maribyrnong Rd,2,u,330000,VB,Brad,14/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,59 Scott St,3,h,1145000,SP,Nelson,14/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,24 Steele St,4,h,1322000,S,Nelson,14/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,29 Winchester St,2,h,1015000,S,Nelson,14/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,5 Florida Ct,4,h,1385000,S,Gary,14/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,1/88 McDonald St,2,u,535000,S,Hodges,14/05/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/11 Cooinda Ct,3,t,,SN,RW,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,38 Damon Rd,3,h,940000,S,hockingstuart,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,33 Fairview Rd,3,h,1040000,S,HAR,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Farquharson St,3,h,,SN,Barry,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,51 Howard Av,3,h,1120000,SP,Buxton,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,34a Illuka Cr,3,u,925000,S,Jellis,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Janfourd Ct,5,h,1250000,PI,HAR,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Kellaway St,4,h,1112000,S,Jellis,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,94 Leeds Rd,3,h,,PI,Fletchers,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Liddell Ct,3,h,960000,S,Ray,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Oxford St,4,h,1438000,S,Jellis,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/7 Toombah St,4,t,,PI,Biggin,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Wills Av,4,h,1280000,PI,Barry,14/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,1/55 Glencairn St,4,u,630000,S,Ray,14/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,21 Medoro Gr,6,h,780000,VB,Barry,14/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Shaftsbury Dr,4,h,860000,S,Ray,14/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,632 Springvale Rd,3,h,730000,S,HAR,14/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,87 Wanda St,3,h,825000,S,Woodards,14/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/73 Wattle Gr,3,t,715000,S,Ray,14/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Newport,87 Elizabeth St,3,h,1002500,S,Jas,14/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,10 Port St,3,h,807500,S,Sweeney,14/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1 River St,2,h,1120000,S,RT,14/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,21 Tait St,3,h,950000,S,Greg,14/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,75 Woods St,4,h,1620000,S,Williams,14/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/37 Garnet St,3,u,600000,SP,Barry,14/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,17 George St,4,h,875000,VB,Barry,14/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,98 Haldane Rd,3,h,785000,S,Barry,14/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,12 Moushall Av,4,t,895000,SP,Barry,14/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,9a Bowmore Rd,4,h,,SN,Barry,14/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Kuringgai Cr,3,h,,SN,Barry,14/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,301/93 Arden St,2,u,,SP,hockingstuart,14/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,1/68 Bridge St,1,u,312000,S,Harcourts,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,29 Cunningham St,5,h,,PN,Barry,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/62 Cunningham St,1,u,320000,PI,Barry,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,19 Hunter St,2,h,890000,S,hockingstuart,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,22 Leonard St,2,h,,S,Nelson,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/1 Lorna Av,3,t,875000,SP,Nelson,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,81 Mitchell St,5,h,2700000,S,hockingstuart,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,118 Roberts St,2,h,1101000,S,Jellis,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/185 Separation St,2,h,550000,VB,Barry,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,36 Tanner Gr,3,h,926000,S,hockingstuart,14/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,8 Akuna Av,3,h,870000,S,Ray,14/05/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Notting Hill,54 Risdon Dr,4,h,880000,S,Biggin,14/05/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,48 Esdale St,3,h,1035000,S,Noel,14/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,137 Junction Rd,4,h,990000,S,Jellis,14/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,56 Sandy St,5,h,1050000,PI,Noel,14/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3/310 Springfield Rd,3,t,760000,S,Barry,14/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,11 Wood St,4,h,,S,Noel,14/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,33 Vincent St,4,h,,S,Nelson,14/05/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh South,5 Kaybrook Ct,3,h,,PI,Harcourts,14/05/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Olinda,31 Everest Cr,3,h,680000,S,Fletchers,14/05/2016,3788,Eastern Victoria,794,30.6,Yarra Ranges Shire Council +Ormond,3a Fraser St,2,h,861000,S,Gary,14/05/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,616 North Rd,2,h,765000,S,Eview,14/05/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,21 Moore Mw,3,h,,PI,O'Brien,14/05/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,22 Brownfield St,4,h,1355000,S,Buxton,14/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,13 Marriott St,2,h,1010000,S,Barry,14/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,10 McKay St,4,h,,SN,Buxton,14/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/2 Queen St,3,h,695000,PI,hockingstuart,14/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,5/92 Warrigal Rd,2,u,,SN,Century,14/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,36 Cade Wy,5,h,,SN,Collings,14/05/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/30 Archibald St,2,u,488000,S,Nelson,14/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,199 Cumberland Rd,3,h,900000,SP,Nelson,14/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1a Heath St,2,h,,SP,Raine&Horne,14/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,20 Lyking St,3,h,,SN,Barry,14/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Merbein St,2,h,680000,PI,hockingstuart,14/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8 Merbein St,3,h,683500,S,hockingstuart,14/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,11 Tasman Ct,4,h,695000,S,RW,14/05/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Port Melbourne,29 Alfred St,2,h,825000,S,Chisholm,14/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,516/99 Dow St,2,u,820000,VB,Cayzer,14/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,39 Heath St,2,h,900000,SP,Cayzer,14/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,5/60 Chomley St,2,u,473000,S,Jellis,14/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20a Park Rd,3,h,1100000,PI,hockingstuart,14/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,83 Pridham St,2,h,,SN,hockingstuart,14/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/2 Rae Ct,2,u,,SN,hockingstuart,14/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,60 Cramer St,3,h,910000,S,Ray,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,23 Dean St,4,h,1260000,SP,Nelson,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,30 Flett St,2,t,635000,S,Nelson,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,649 High St,2,h,,PI,Raine,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,97 Murray Rd,3,h,550000,PI,Nelson,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/22 Newcastle St,2,u,485000,S,Nelson,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Tiernan St,3,h,690000,S,Barry,14/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,28 Black St,3,h,592500,S,Ray,14/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/3 Orrong Av,3,h,665000,SP,Nelson,14/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,60 Powell St,3,h,830000,S,Ray,14/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/94 Purinuan Rd,2,u,360000,S,Stockdale,14/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,83 Royal Pde,3,h,655000,PI,Love,14/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,38a Buckingham St,2,t,930000,S,Jellis,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,77 Buckingham St,3,h,1182000,S,Biggin,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,86 Buckingham St,3,h,,S,Marshall,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,143 Burnley St,2,h,777500,PI,hockingstuart,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/81 Edinburgh St,1,u,,PI,Biggin,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,27 Glass St,3,h,1115000,S,Whiting,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,704/8 Howard St,3,u,760000,SP,Nelson,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10/8 Hull St,2,u,640000,SP,Jellis,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,292 Lennox St,3,h,1710000,PI,Abercromby's,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Malleson St,3,h,1420000,S,Jellis,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,603/120 Palmer St,1,u,390000,S,LITTLE,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Portland St,3,h,3020000,S,Jellis,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1a Tudor St,2,h,800000,S,Jellis,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,31 Westbank Tce,3,h,1346000,S,hockingstuart,14/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,39 Bronhill Rd,4,h,755000,S,Professionals,14/05/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/13 Finlayson St,3,u,615000,SP,hockingstuart,14/05/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,26 Holland Rd,3,h,,SN,Philip,14/05/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,38 Lockhart Rd,4,h,,SN,Barry,14/05/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,3/9 Ellesmere Pde,3,u,,SN,Miles,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5/37 Grandview Gr,2,u,633000,S,Miles,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,109 Hodgson St,3,h,,SN,Ray,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,36 Jones Cr,3,h,825000,S,Miles,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/241 Lower Plenty Rd,2,h,725000,S,Buckingham,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/73 Lower Plenty Rd,4,h,821000,SP,Nelson,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/9 Mountain View Pde,4,h,915000,SP,Nelson,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/201 Rosanna Rd,3,u,600000,S,Miles,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,27 Thomson Dr,4,h,890000,VB,Miles,14/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,64 Lakeview Av,3,h,790000,SP,Barry,14/05/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,8 Pitfield Cr,4,h,,SN,Abley,14/05/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Sandringham,35 Grange Rd,3,h,1420000,S,Buxton,14/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2b Moorabbin St,3,t,1700000,VB,Buxton,14/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,10 Chevron Ct,3,h,637000,S,hockingstuart/hockingstuart,14/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2 Duncan Av,2,h,485000,PI,Hodges,14/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,1 Selsey St,3,h,546000,S,Harcourts,14/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,10 Edward St,4,h,,SN,Williams,14/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,1/26 emma St,2,t,720000,SP,Greg,14/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,35 Lyell St,3,h,,SN,Frank,14/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,54b Napier St,2,u,612000,S,Greg,14/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,6 Lovely Wy,3,h,452000,SP,Millership,14/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,10 Rainer Rd,3,h,536000,S,Harcourts,14/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Sanderling Av,4,h,,PI,Harcourts,14/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,56c Cromwell Rd,3,h,,S,RT,14/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/49 Osborne St,1,u,330000,VB,Jellis,14/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/432 Punt Rd,2,u,450000,VB,hockingstuart,14/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16/384 Toorak Rd,2,u,550000,S,hockingstuart,14/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17/393 Toorak Rd,1,u,400000,S,LITTLE,14/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,171 Williams Rd,3,h,,SP,Kay,14/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,5/82 Coventry St,3,u,,PN,Morleys,14/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,406/152 Sturt St,1,u,480000,VB,Greg,14/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale South,23 Olympic Av,3,h,650000,S,iSell,14/05/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,10 Wembley Ct,4,h,770000,S,iSell,14/05/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,10 Arthur St,2,h,532500,S,Westside,14/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,23 Kodre St,3,h,447500,S,FN,14/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,49 Leslie St,3,h,482000,SA,Sweeney,14/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,62 Perrett Av,3,h,520000,PI,Peter,14/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,20/220 Barkly St,2,u,570000,PI,Buxton,14/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,201/8 Blanche St,2,u,561000,S,hockingstuart,14/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3 Emilton Av,2,h,1160000,SP,Buxton,14/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/25 Jackson St,2,u,400000,PI,Biggin,14/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/25 Mitford St,2,u,637000,S,McGrath,14/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,54 Pakington St,2,h,1220000,S,Jellis,14/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,40 Windsor Av,3,h,920000,VB,Allan,14/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,44b Woodland St,2,h,630000,S,Paul,14/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,22 Caravelle Cr,4,h,860000,PI,Considine,14/05/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,31 Citriodora Cct,3,h,515000,SP,Barry,14/05/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,65 Emu Rd,4,h,895000,S,Leading,14/05/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,4/162 Cornwall Rd,2,h,425000,S,Barry,14/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3 Lynch St,3,h,715000,S,YPA,14/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/140 Morris St,2,u,499000,S,Jas,14/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2/4 Bradman St,3,u,422000,PI,Barry,14/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,41 Northumberland Rd,3,h,650000,SP,Calder,14/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,273 Glengala Rd,3,h,665000,S,Bells,14/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16 Mapledene Ct,3,h,500000,SP,Barry,14/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,3 Wendy Wy,4,h,670000,S,Bells,14/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3b Langford St,4,t,1280000,S,Hamilton,14/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,13 Robina Rd,4,h,,SN,Barry,14/05/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,11 Cardinia Cr,3,t,315000,S,Ray,14/05/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,19 Kialoa Ct,4,h,690000,SP,Professionals,14/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,22 Athenry Tce,4,h,1430000,S,Barry,14/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Beale Ct,5,h,1300000,PI,Barry,14/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,17 County Tce,4,h,2420000,SP,Barry,14/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,11 Newlyn Cl,3,h,956000,S,Jellis,14/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Thomastown,22 Juniper Cr,3,h,500000,PI,Ray,14/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,37 Karingal Wy,4,h,526000,S,hockingstuart,14/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/2 Salisbury St,3,u,325000,SP,Barry,14/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,45 Stonehaven Dr,4,h,,PI,Iconek,14/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,296 Gooch St,2,h,740000,S,Harcourts,14/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,46 Harold St,2,h,1110000,SP,Barry,14/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,137 Mansfield St,3,h,2040000,S,Barry,14/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,269 Mansfield St,4,h,795000,S,Love,14/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,34a Newman St,2,h,720000,PI,Love,14/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/219 Raleigh St,1,u,332000,SP,Harcourts,14/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8/5 Gordon St,1,u,405000,PI,Jellis,14/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,623 Malvern Rd,3,h,,SP,Jellis,14/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,28/703 Orrong Rd,2,u,,S,Marshall,14/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,737 Orrong Rd,3,h,,SP,RT,14/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/35 Tintern Av,2,u,,SN,Abercromby's,14/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,2/8 Broadmeadows Rd,2,u,385000,PI,YPA,14/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,14 Churchill Av,3,h,555000,SP,Jason,14/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,28 Tadstan Dr,4,h,550000,S,Considine,14/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1 Avila Ct,4,h,1190000,SA,Ray,14/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,22 McDonough La,3,h,720000,VB,Noel,14/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,17 Lena St,3,h,765000,S,Ray,14/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,19 Lena St,3,h,920000,S,Miles,14/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,5/62 Meyrick Cr,2,u,455000,PI,hockingstuart,14/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,3 Norma Ct,5,h,895000,S,Barry,14/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,5 Kalinya Dr,4,h,885000,S,HAR,14/05/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,23 Linsley Wy,3,h,325000,SP,Barry,14/05/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,36 Arbroath Rd,4,h,850000,PI,Noel,14/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,9 Bindi St,4,h,766000,S,Stockdale,14/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2 McLean Ct,4,h,,SS,RW,14/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,1 Hodson Rd,2,h,625000,S,Gardiner,14/05/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warrandyte,53 Lynette Av,4,h,977000,S,Barry,14/05/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,4 Ananda Ct,3,h,711000,S,Barry,14/05/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/18 Leafield St,3,u,537000,S,Barry,14/05/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,49 Napoleon St,3,h,845000,S,Jas,14/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,21 Park Av,3,h,555000,SP,Sweeney,14/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,410/118 Dudley St,1,u,,PI,Greg,14/05/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,47 Hawke St,5,h,,SN,W.B.,14/05/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,27 Ninda Ct,3,h,380000,SP,Barry,14/05/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Williamstown,5/72 Dover Rd,2,u,450000,S,Williams,14/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,5/77 Dover Rd,2,u,513500,S,RT,14/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,40/174 Peel St,1,u,,SP,Marshall,14/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,87 Peel St,2,h,,S,hockingstuart,14/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,23 Raleigh St,4,h,,SN,hockingstuart,14/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wonga Park,2 Hooper Rd,3,h,693000,S,RT,14/05/2016,3115,Eastern Victoria,1328,25.2,Manningham City Council +Yarraville,33 Berry St,2,h,,SN,Village,14/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,28 Cranbrook St,3,h,,SP,Village,14/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,317 Francis St,3,h,,SN,Barry,14/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,9 Stanger St,3,h,796000,S,Greg,14/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,3 Fairchild St,4,h,,PI,Biggin,14/07/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,112/11 Shamrock St,1,u,392000,SP,Biggin,14/07/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,2 Turner St,3,h,1620000,S,Biggin,14/07/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,21 Caroline St,2,h,1460000,PI,Rendina,14/07/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,62 Vida St,4,h,2420000,S,Rendina,14/07/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Albion,3/517 Ballarat Rd,2,t,500000,PI,Biggin,14/07/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,55 Bracken Gr,3,h,1160000,SP,Williams,14/07/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,138 Civic Pde,3,t,845000,S,hockingstuart,14/07/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,4/42 Grieve Pde,3,t,750000,SP,Williams,14/07/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,15 Karingal St,3,h,730000,S,Williams,14/07/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,16 Nash Ct,3,h,580000,PI,Burnham,14/07/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Ardeer,1/13 Chelsey St,3,u,420000,SP,Bells,14/07/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,20 Esmond St,3,h,606000,S,Barry,14/07/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,37 Sunhill Cr,2,h,470000,PI,Jas,14/07/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ascot Vale,114 Epsom Rd,3,h,1165000,SP,Nelson,14/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3 Federation St,2,h,930000,PI,Jellis,14/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,17 Fenton St,2,h,1116000,S,Jellis,14/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,14 Mirams St,2,h,,SN,Raine,14/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/4 Lancaster St,3,t,772500,S,Buxton,14/07/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,28 Tarakan Av,3,h,,S,Jellis,14/07/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,95 Huntingdale Rd,4,h,1200000,VB,Tim,14/07/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,101/8 Power Av,1,u,415000,VB,Barry,14/07/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Avondale Heights,3 Dalwood Pl,5,h,,W,Moonee,14/07/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,53 North Rd,3,h,760000,PI,Nelson,14/07/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,2 Simpson St,4,h,,PI,Arbee,14/07/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,4/5 Blenheim St,2,t,700000,VB,Gary,14/07/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Bayswater,1/17 Neilson St,3,h,755000,S,Schroeder,14/07/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,51 Ozone Rd,4,h,796000,SP,iTRAK,14/07/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,5/3 Wallace Av,2,u,520000,PI,Surreal,14/07/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bentleigh,87 Mortimore St,2,h,1600000,S,Buxton,14/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,60b Railway Cr,4,t,1240000,PI,Buxton,14/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/32 Brooks St,4,t,1130000,PI,Buxton,14/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,38 Highvale Cr,5,h,1000000,PI,LJ,14/07/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,9 Thornley Dr,4,h,715000,S,C21,14/07/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,2/7 Langtree Ct,4,t,1200000,VB,Jellis,14/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Larch St,3,h,,SP,Noel,14/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/42 Stanley Gr,3,h,830000,S,Woodards,14/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,47 Stanley Gr,2,h,1705000,PI,HAR,14/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,61B Surrey Rd,3,t,,PI,Ray,14/07/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Briar Hill,1/140 Mountain View Rd,2,u,638000,S,Barry,14/07/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton East,12/196 North Rd,2,t,,PI,Biggin,14/07/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2a Deakin Ct,3,t,540000,S,Barry,14/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,56 Gibson St,2,t,490000,SP,Eview,14/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,22 Graham St,3,h,520000,S,Hume,14/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/27 Kitchener St,3,t,530000,PI,YPA,14/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,8 Licola Ct,3,h,572500,S,Barry,14/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,3 Blair St,2,h,1267000,S,Nelson,14/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,304/80 Dawson St,2,u,618000,S,Jellis,14/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,1 Gear St,2,t,746000,S,hockingstuart,14/07/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,23 Hickford St,3,h,1250000,VB,Jellis,14/07/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,5/40 Holmes St,2,u,617000,S,Nelson,14/07/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,4/80 Hopetoun Av,2,u,452500,S,Considine,14/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulla,95 Blackwells La,4,h,1380000,S,YPA,14/07/2018,3428,Western Metropolitan,271,22.9,Hume City Council +Bundoora,380 Grimshaw St,3,h,727500,SA,Ray,14/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Murragong Av,3,h,,S,Barry,14/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,31 Virginia Cr,4,h,740000,S,Barry,14/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,58 Adam St,3,h,1232000,S,hockingstuart,14/07/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,22 Tennyson St,3,h,1100000,S,Stockdale,14/07/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Campbellfield,15 Campbell St,4,h,740000,S,Skad,14/07/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,25 Chestnut St,3,h,,PI,Raine,14/07/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Carrum Downs,6 Goshawk Ct,3,h,525000,S,Area,14/07/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,5/118 Murray St,1,u,394000,S,Gary,14/07/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,1/506 Dandenong Rd,3,u,660000,PI,Gary,14/07/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chelsea,2/11 Woodbine Gr,3,u,769000,S,hockingstuart,14/07/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,12 Booker St,3,h,842000,S,Barry,14/07/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/47 Jean St,3,t,,PN,MSM,14/07/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,3/14 Milton Av,3,h,633000,S,Darras,14/07/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,49 Beaumonde St,3,t,700000,S,Re,14/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,45 Blair St,2,h,832500,S,Brad,14/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/129 Harding St,2,h,660000,PI,Woodards,14/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Patterson St,3,h,1385000,S,Ray,14/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Woiwurung Cr,2,t,617500,S,Brad,14/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,14 Pixel Cct,3,h,700000,VB,LITTLE,14/07/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1d Suvla Gr,3,u,680000,PI,Woodards,14/07/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,18 Arapiles Av,3,h,620000,S,Ray,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Brickwood Cct,4,h,,PI,HAR,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,59 Champion Pde,4,h,797000,S,Ray,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Crosskeys Rd,3,h,,PI,Ray,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Keysborough St,4,h,,PI,O'Brien,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,146 Newbury Bvd,4,h,562000,S,HAR,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Northern Cr,3,h,536000,S,Barry,14/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,4/16 Jackson St,3,u,646000,S,Barry,14/07/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/107 Mount View Pde,3,t,680000,SA,Philip,14/07/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Deer Park,28 Tulloch St,3,h,,S,Bells,14/07/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,10 Ryan St,2,h,665000,SP,Morrison,14/07/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,35 Burgundy Dr,4,h,,PI,Barry,14/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9 Outhwaite Av,4,h,1610000,S,Philip,14/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/28 Ashton Ri,4,t,885000,S,Ray,14/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Brindy Cr,3,h,1085000,S,Barry,14/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Highfield Rd,4,h,1089000,S,Woodards,14/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,73 Saxonwood Dr,3,h,1085000,SA,Philip,14/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,90 Tunstall Rd,3,t,1000000,PI,Barry,14/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,22A Wooddale Gr,3,t,910000,S,Jellis,14/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,55 Fortress Rd,4,h,,PI,HAR,14/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,2/33 Munro Av,3,u,750000,VB,Johnston,14/07/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,23 Nathan Rd,4,h,,SP,Buckingham,14/07/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,33 Hillcrest Rd,4,h,1200000,PI,Morrison,14/07/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,3/56 Byron St,1,u,451000,S,Chisholm,14/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/120 Mitford St,3,t,1475000,VB,Chisholm,14/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/457 St Kilda St,2,u,680000,S,hockingstuart,14/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,52 Brush Rd,3,h,507000,S,Love,14/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,80 Grand Pde,3,h,720000,S,Love,14/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,46 Hammond Dr,4,h,,PI,HAR,14/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Mecklenburg Cl,5,h,860000,SP,hockingstuart,14/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Polydor Ct,3,h,,SP,Barry,14/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,13 Alfred Rd,4,h,1400000,PI,Nelson,14/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2A Kalimna St,4,h,,S,Nelson,14/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,27 Nicholson St,4,h,1760000,S,Nelson,14/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,28a Wright St,2,h,748000,S,Nelson,14/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,20 Palmer St,3,h,,PI,Ray,14/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,51 Chestnut Av,4,h,,SP,Barry,14/07/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,20 Leyland Rd,4,h,640000,SP,Schroeder,14/07/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,178 Nicholson St,4,h,1620000,PI,Nelson,14/07/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,20 Freeman St,2,h,1285000,S,Chambers,14/07/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,13/247 McKean St,2,t,,SP,Nelson,14/07/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,150 Shields St,2,h,852000,PI,Edward,14/07/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,805/240 Barkly St,2,u,410000,SP,McGrath,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,47 Beaurepaire Pde,3,h,822500,S,hockingstuart,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/41 Cowper St,3,h,,SP,hockingstuart,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3/70 Droop St,2,u,515000,S,Jas,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Dudley St,3,h,880000,SP,RW,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/11 Eldridge St,2,u,330000,S,Jas,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,43 Everard St,3,h,826000,S,Sweeney,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/6 Rosamond Rd,2,t,464500,S,Biggin,14/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,1 Fryer Ct,3,h,,PI,Space,14/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,428 Springvale Rd,3,h,792000,S,McGrath,14/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,17 Kalmia St,5,h,,PN,Eview,14/07/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gardenvale,1/26 Begonia Rd,2,h,,SN,Chisholm,14/07/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,35 Dalton St,4,h,990000,SP,Raine,14/07/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,1 Bega Ct,3,h,,PI,Barry,14/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,178 Carrick Dr,3,h,622500,SP,Purplebricks,14/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,7 Elvin Cl,3,h,615000,SP,RW,14/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,102/1177 Glen Huntly Rd,2,u,501500,S,Gary,14/07/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,3/1417 High St,2,u,572000,S,Jellis,14/07/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,202/1565 Malvern Rd,2,u,860000,SP,Tim,14/07/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,35 Booran Av,3,h,1090000,SP,Ray,14/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,20 Kincumber Dr,3,h,1282000,S,Harcourts,14/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Nottingham St,3,h,,VB,Biggin,14/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/3 Willow Av,4,t,,PI,Biggin,14/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Greensborough,14 Bicton St,3,h,737000,S,Barry,14/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,179 Henry St,2,h,903000,S,Darren,14/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,67 Henry St,3,h,730000,S,Darren,14/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Symon Cr,4,h,1092000,S,Love,14/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,26 Mantua Dr,4,h,,PI,RW,14/07/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,9 Chislehurst Rd,4,h,,SN,Chisholm,14/07/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1B Highbury Av,3,t,,W,Jellis,14/07/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,2 Meredith Cr,3,h,520000,S,Area,14/07/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,507/377 Burwood Rd,1,u,360000,VB,LITTLE,14/07/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heidelberg,25 Anderson St,3,h,1260000,PI,Jellis,14/07/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,9/68 Brown St,2,u,570000,VB,Ray,14/07/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/172 Hawdon St,2,u,575000,S,Buckingham,14/07/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Highett,21A George St,4,t,,PI,Branon,14/07/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,8 Remany Cl,3,h,650000,SP,Barry,14/07/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,10 Baden Dr,5,h,625000,S,Greg,14/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,20 Grevillea Cr,3,h,,PI,Wyndham,14/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,178 Heaths Rd,3,h,,VB,hockingstuart,14/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Lockhart Ct,3,h,,SN,LJ,14/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,29 Tenby Wy,4,h,,PI,hockingstuart,14/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,7/76 Marshall St,2,u,746000,S,Jellis,14/07/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor Downs,2A Bernborough Ct,3,t,709000,S,Barry,14/07/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Groves St,3,u,823000,S,Moonee,14/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,45 Rachelle Rd,3,h,870000,SP,FN,14/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/86 Rosehill Rd,3,h,683500,S,Nelson,14/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,69 Ormond St,4,h,1170000,SP,Nelson,14/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,9/38 Rankins Rd,1,u,308000,SP,Alexkarbon,14/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,4/179 Brougham St,2,u,696000,S,K.R.Peters,14/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,22 Howard St,4,h,,PI,HAR,14/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kilsyth,24 Cherylnne Cr,4,h,750000,PI,Fletchers,14/07/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,20 Ervin Rd,4,h,800000,SA,McGrath,14/07/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsbury,50 Browning St,4,h,742000,S,Ray,14/07/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,9/17 Kingsville St,2,u,,PI,Jas,14/07/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,12 Lynette Cr,3,h,577000,S,HAR,14/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Mindoro Cr,3,h,,PI,Love,14/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Macleod,3/142 Somers Av,3,u,,VB,Darren,14/07/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/12 Holland Ct,3,t,700000,PI,Sweeney,14/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/16 Omar St,2,h,629000,SP,RT,14/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Manor Lakes,9 Springwood Tce,3,h,447500,SP,hockingstuart,14/07/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,3/34 Bloomfield Av,2,t,710000,S,Jellis,14/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,109 Gatehouse Pl,2,u,506000,S,Biggin,14/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,18 Randall St,3,h,1220000,S,Barry,14/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,23 Amarina Cl,4,h,685000,PI,Barry,14/07/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,705/380 Little Lonsdale St,1,u,347000,S,Harcourts,14/07/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,213/610 St Kilda Rd,2,u,400000,PI,Scott,14/07/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton West,26 Portman Av,4,h,560000,S,Raine,14/07/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,3/49 Patty St,2,u,680000,VB,Barry,14/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,30 Cloughs Rd,4,h,,PI,HAR,14/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Lucca Wk,3,h,485000,S,HAR,14/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Skeeter Dr,2,h,392500,SP,RW,14/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,1 Tangelo Gr,4,h,,PI,Ray,14/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,26 Macarthur Wy,3,h,460000,PI,Biggin,14/07/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,11 Primavera Dr,4,h,635000,S,Barry,14/07/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,1 Turion Dr,5,h,723000,S,Barry,14/07/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,2/41 Park Rd,1,t,1050000,VB,Cayzer,14/07/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,6 Kurrajong Vw,4,h,1000000,S,Barry,14/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Northam Ct,3,h,661000,SP,Barry,14/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,24 Statesman Cr,3,h,610000,S,Love,14/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,13 Mountfield Rd,6,h,960000,VB,hockingstuart,14/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,98 Sherbourne Rd,3,h,815000,S,Barry,14/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,25 Darling St,2,h,850000,PI,Jellis,14/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,70 Vine St,2,h,1250000,S,Jellis,14/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mount Waverley,20a Biscayne Dr,4,t,1150000,VB,Barry,14/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Imperial Av,4,h,,SN,Barry,14/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/106 Stanley Av,3,u,885000,S,McGrath,14/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,19 Bute St,4,h,1400000,PI,Woodards,14/07/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,3/57 Challis St,2,u,712500,SP,hockingstuart,14/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,32 Collingwood Rd,3,h,1420000,VB,Greg,14/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,9 Railway Pde,3,h,1050000,PI,Williams,14/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +North Melbourne,516/187 Boundary Rd,2,u,,W,Pagan,14/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,90 Chapman St,2,h,850000,VB,Nelson,14/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,12/101 Leveson St,2,u,785000,S,Jellis,14/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,2/70 Gadd St,2,t,700000,VB,Nelson,14/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,30 Efron St,4,h,1100000,SP,Barry,14/07/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,10 Tortice Av,4,t,1120000,SP,Barry,14/07/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/55 Station Rd,3,u,620000,PI,Barry,14/07/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Parkdale,1 Evan St,3,h,876000,S,Hodges,14/07/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,328 Nepean Hwy,4,h,1414000,S,O'Brien,14/07/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 Third St,5,h,1800000,VB,hockingstuart,14/07/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/12 Warrigal Rd,2,u,510000,VB,hockingstuart,14/07/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,1/60 Bolingbroke St,2,u,580000,S,Brad,14/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14 Norton St,3,h,980000,S,Nelson,14/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,6 Balfour Cl,3,h,,PN,Point,14/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,17 Keppel Wy,4,h,705400,S,Ray,14/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,4 Springwater Sq,4,h,,SP,Sanctuary,14/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,415/101 Bay St,2,h,530000,PI,Home,14/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,407/55 Beach St,2,u,1518000,S,Buxton,14/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,202/1 Danks St W,2,u,655000,PI,RT,14/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5/190 Graham St,2,t,970000,S,Marshall,14/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,17/3 Seisman Pl,2,u,630000,PI,RT,14/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,5/8 Grandview Gr,1,u,487000,S,Jellis,14/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5 Davies St,3,h,920000,PI,Woodards,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,9 Eastwood Av,4,h,1155000,S,Harcourts,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Foley Av,3,h,936500,S,McGrath,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/42 Garnet St,2,u,645000,S,Love,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10/393 Gilbert Rd,2,u,702000,S,McGrath,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Hotham St,3,h,960000,S,Stockdale,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,401/49 Plenty Rd,3,u,525000,PI,LITTLE,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,35A Regent St,2,h,710000,PI,Jellis,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Tynan St,4,h,1280000,PI,Barry,14/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,6A Chaleyer St,4,h,670000,PI,Ray,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Clements Gr,3,h,700000,PI,Ray,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 East St,3,t,701000,S,Ray,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/51 Hickford St,3,t,570000,PI,Ray,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/11 Mahoneys Rd,3,u,460000,PI,Ray,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/1 Mais St,1,u,310000,S,RW,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/10 Pershing St,2,u,570000,PI,Nelson,14/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,511/10 Burnley St,2,u,,PI,Biggin,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,101 Crown St,3,t,,S,Biggin,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,80 Cutter St,2,t,1150000,VB,Jellis,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17 Gipps St,1,h,1117000,S,Jellis,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/50 Palmer St,2,u,875000,S,hockingstuart,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28/69 Palmer St,2,u,620000,S,Jellis,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16 Richmond Tce,4,h,2200000,SA,Alexkarbon,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 Richmond Tce,2,h,,S,Biggin,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/15 Sherwood St,1,u,300000,VB,Biggin,14/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,90 New St,3,h,,PI,Purplebricks,14/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Towerhill Dr,3,h,780000,S,Fletchers,14/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,26 Kemps St,4,h,1130000,SA,Philip,14/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Roxburgh Park,23 McIntyre Av,3,h,490000,S,Raine,14/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,8 Solander Ct,4,h,660000,PI,LJH,14/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Scoresby,12 Zerfas St,3,h,850000,SP,Noel,14/07/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,15 Northcote St,3,h,720000,S,Buxton,14/07/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,1 Victor Av,3,h,1100000,PI,hockingstuart,14/07/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,30A Bank St,2,u,,SN,MICM,14/07/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Yarra,8/20 Cromwell Rd,2,u,,SP,Biggin,14/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/27 Rockley Rd,2,u,890000,S,hockingstuart,14/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/8 William St,3,h,,SP,hockingstuart,14/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,176/88 Kavanagh St,2,u,,SN,MICM,14/07/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,2 Hilton Av,4,h,750000,VB,Le,14/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,9 Thames Av,3,h,810000,S,Biggin,14/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,17 Young St,5,h,899000,PI,Barry,14/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Kilda,6/78 Barkly St,2,u,510000,VB,Buxton,14/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/50 Dalgety St,1,u,525000,PI,Whiting,14/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,305/3 Greeves St,2,u,501750,SP,Buxton,14/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/5 Herbert St,2,u,640000,S,McGrath,14/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/17 Redan St,2,u,569000,SP,Buxton,14/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunbury,13 Buckmaster St,3,h,390000,SP,Raine,14/07/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,26 Benjamin St,2,h,780000,SP,Jas,14/07/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,11 Augusta Cr,4,h,920000,PI,Douglas,14/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,72 Cary St,2,h,614000,S,Douglas,14/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,24 Ford Av,4,h,590000,PI,Barry,14/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,16 Mansfield Av,3,h,680000,S,Douglas,14/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4 McCoubrie Av,3,h,562000,SP,hockingstuart,14/07/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sydenham,14 Lorinda Cl,5,h,647500,S,Barry,14/07/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,13 Stables Pl,4,h,,PI,Biggin,14/07/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,40/322 Sydenham Rd,3,u,,PI,O'Brien,14/07/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,45 Poplar Bvd,4,h,,PI,YPA,14/07/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Templestowe,14 Kelvinside Dr,3,h,1000000,VB,Fletchers,14/07/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,39 Alfred St,4,h,1127000,S,Barry,14/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,34A Marcus Rd,4,t,1500000,PI,Barry,14/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,27 Sunrise Cr,3,h,750000,PI,RW,14/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,77 Cedar St,3,h,,PI,HAR,14/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,79 Cedar St,3,h,,PI,HAR,14/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,192c Raleigh St,2,h,,PI,Jellis,14/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,77 Smith St,3,h,1200000,S,Nelson,14/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/38 Woolton Av,2,u,482000,SP,Jellis,14/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/48 Woolton Av,1,u,410000,S,Harcourts,14/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,36/530 Toorak Rd,3,u,655000,SP,Chisholm,14/07/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,7 Viaduct Pde,4,h,635000,SP,Wyndham,14/07/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Vermont,2/13 Grey St,3,u,,SP,Noel,14/07/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,1 Meskill Cr,3,h,875000,PI,Miles,14/07/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,4 Peregrine Ct,3,h,760000,PI,Miles,14/07/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,131 Cathies La,4,h,1058000,S,Barry,14/07/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,4 Speers Ct,4,h,1800000,VB,Ray,14/07/2018,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warranwood,10 Caramut Ct,4,h,775000,S,Jellis,14/07/2018,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Werribee,13 Quinlan Ct,4,h,,PI,Barry,14/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Scotsburn Gr,2,h,,SP,hockingstuart,14/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Wheelers Hill,80 Haversham Av,5,h,1567000,S,Harcourts,14/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wyndham Vale,3 Nautilus Cl,3,h,490000,SP,Wyndham,14/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,71 Vaughan Ch,4,h,532000,S,hockingstuart,14/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,9 Curfew Ct,3,h,795000,S,Barry,14/07/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,67 Benbow St,3,h,997000,S,Greg,14/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,76 Powell St,3,h,,S,Jas,14/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,505/1 Acacia Pl,2,u,,PI,Harcourts,14/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,120/6 Acacia Pl,1,u,313000,SP,Biggin,14/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,143 Nicholson St,2,h,,S,Jellis,14/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,1 Paterson St,2,h,1075000,S,Biggin,14/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,12 Valiant St,3,h,1300000,S,Biggin,14/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,193 Vere St,2,h,1200000,S,Biggin,14/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,35 Beaver St,4,h,2560000,PI,Nelson,14/10/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,3 Chancellor Rd,3,h,730000,VB,Nelson,14/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,37 Highridge Cr,3,h,,SP,Brad,14/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,29 Hilbert Rd,3,h,770000,PI,Barry,14/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,31 Kingsley Rd,3,h,805000,S,Nelson,14/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,30 Mallinson Ct,3,h,,SN,Barry,14/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,103 Kerferd Rd,2,h,1330000,S,Marshall,14/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,161 Kerferd Rd,4,h,3600000,PI,Greg,14/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,8 Delmont St,2,h,790000,S,Barry,14/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,24 Ross St,3,h,1550000,VB,Miles,14/10/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,3 Bracken Gr,4,h,1565000,S,Greg,14/10/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,5 Davis Ct,3,h,630000,SP,Barlow,14/10/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,2/62 Clematis Av,3,u,,SP,hockingstuart,14/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,38 Irwin Av,3,h,915000,S,Barry,14/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/7 Stapley Cr,3,t,,VB,hockingstuart,14/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,242 Forrest St,4,h,,PI,Barry,14/10/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,22 Holt St,3,h,615000,S,Barry,14/10/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,5/754 High St,2,u,845000,S,Jellis,14/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,39 Llaneast St,3,h,1895000,S,Marshall,14/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/581 Orrong Rd,2,u,580000,VB,Marshall,14/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,18A Union St,3,h,,SP,Jellis,14/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,29/62 Wattletree Rd,1,u,495000,S,hockingstuart,14/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,1/165 Kent St,2,u,560000,S,Nelson,14/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,48 Middle St,3,h,1175000,S,Rendina,14/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5 Moonee St,3,h,1635000,S,Brad,14/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,13 Nairn Av,4,h,1650000,SP,Raine,14/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,29/100 Union Rd,2,u,,S,Brad,14/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,6 Amery St,4,h,2005000,S,Marshall,14/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2/30 Baird St,4,h,1600000,VB,Marshall,14/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,5/75 Victory Bvd,2,h,900000,S,Jellis,14/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,13 Eildon Rd,4,h,,S,Buxton,14/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,25 George St,4,h,1516000,SA,Tim,14/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,33 Lavidge Rd,5,h,1550000,S,Buxton,14/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,11a Montrose St,3,u,987000,SP,Jellis,14/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,38 Power Av,3,h,,PI,Purplebricks,14/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,7 Derrick Cl,3,h,885000,S,Buxton,14/10/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,8 Hilda Mw,4,h,910000,SP,Barry,14/10/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,18 Chisholm Av,5,h,665000,S,Brad,14/10/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,31 MacEy Av,3,h,900000,SP,Moonee,14/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,68 MacEy Av,3,h,785000,PI,Nelson,14/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,141 Military Rd,1,h,850000,S,Moonee,14/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,73 Ridge Dr,3,h,799000,S,Nelson,14/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avonsleigh,2 MacClesfield Rd,3,h,,PN,Eview,14/10/2017,3782,Eastern Victoria,335,36.9,Cardinia Shire Council +Balaclava,3/24 The Avenue,2,u,781000,S,McGrath,14/10/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,52A Banool Rd,3,h,1425000,S,Ray,14/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1 Northcote Av,5,h,3600000,VB,Fletchers,14/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,30 Relowe Cr,3,h,2200000,PI,Noel,14/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9 Woods St,4,h,2600000,VB,Jellis,14/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,51 Clifton St,3,h,1560000,S,Marshall,14/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,27 Highview Rd,3,h,1500000,VB,Jellis,14/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Highview Rd,4,h,1500000,VB,Fletchers,14/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Tower Rd,3,h,2110000,S,Jellis,14/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,11/464 Beach Rd,2,u,755000,S,Buxton,14/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,62b Church St,4,t,,S,Buxton,14/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,17A Towers St,4,h,1140000,S,Hodges,14/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,87 Liberty Pde,3,h,1113000,PI,Collings,14/10/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,14 Bendigo Av,2,h,1510000,S,Jellis,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,608 Centre Rd,4,h,1510000,S,Barry,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,31 Cushing Av,3,h,1630000,S,Woodards,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1 Donaldson St,3,h,1730000,S,Jellis,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33 Eddys Gr,4,h,2040000,S,Woodards,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,152 Patterson Rd,3,h,1510000,S,Jellis,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33A Tucker Rd,4,t,1165000,PI,Buxton,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9 Yawla St,4,h,2260000,S,Jellis,14/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,4/736 Centre Rd,2,u,720000,S,RT,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/987 Centre Rd,3,h,775000,PI,Ray,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/28 Chesterville Dr,3,t,900000,SP,Buxton,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Hull St,3,h,1200000,VB,Woodards,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Jackson La,3,h,1162000,S,Jellis,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,53b Kennedy St,4,t,1320000,S,Buxton,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Lesden St,3,h,,S,Buxton,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/61 Marlborough St,2,u,870000,S,Jellis,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,79 Marlborough St,4,h,1190000,S,Buxton,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,103 Matthews Rd,2,u,,PN,Purplebricks,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,31 Pasadena Cr,3,h,1160000,S,Woodards,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/18 Stratford Av,2,u,810000,S,Jellis,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13B Thornton St,3,t,,PI,Jellis,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Warwick St,3,h,1000000,S,Jellis,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Wolai Av,3,h,,PI,Buxton,14/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,38 Bellevue Dr,3,h,530000,PI,C21,14/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,43 Rosalind Cr,4,h,,S,Fletchers,14/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,8 Selwyn St,2,h,1255000,S,Jellis,14/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Boronia,36 Landscape Dr,3,h,815000,SP,Appleby,14/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,18 Montana Av,3,h,720000,S,Barry,14/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,11 Rothan Av,4,h,780000,S,iTRAK,14/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,10/32 Ashted Rd,1,u,417000,S,Jellis,14/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/11 Dobson Cr,3,u,580000,PI,Douglas,14/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,8 Suzanne Ct,3,h,785000,SP,Flannagan,14/10/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,2/90 Durrant St,2,h,1143000,S,Marshall,14/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/3 Foote St,2,u,1020000,S,Buxton,14/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10B Hall St,3,t,1802000,S,Marshall,14/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/24 Wolseley Gr,3,h,1235000,S,Buxton,14/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,154 Thomas St,2,h,1155000,SP,Buxton,14/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6/36 Union St,3,t,1015000,S,Rodney,14/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/17 Ward St,2,t,1155000,SP,Hodges,14/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1 Bittern St,4,h,680000,S,Stockdale,14/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/423 Camp Rd,2,t,339000,SA,YPA,14/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,15 Cavendish St,3,h,522500,SP,YPA,14/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,62 Gerbert St,3,h,,SN,Stockdale,14/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,75 Graham St,4,h,600000,S,Barry,14/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,62 Corrigan Av,3,h,,VB,hockingstuart,14/10/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,2/263 Albion St,2,u,575000,PI,Walshe,14/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/100 Blyth St,2,u,570000,SP,Jellis,14/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,75 Rose St,5,h,1150000,VB,Nelson,14/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,48 Tinning St,3,h,1050000,PI,Nelson,14/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,8/162 Lygon St,1,u,390000,VB,Nelson,14/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,101/380 Lygon St,2,u,,PI,Jellis,14/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,20/29 Nunan St,3,u,640000,SP,Raine,14/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,7/23 Cohuna St,1,u,315000,SP,Pagan,14/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,3 Albany Pl,5,h,1350000,PI,Barry,14/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,8a Kenneth St,4,t,1370000,PI,Barry,14/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,67 Summit Dr,4,h,1210000,PI,Jellis,14/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,113 Greenwood Dr,3,h,740000,S,Barry,14/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/171 Greenwood Dr,2,u,,PI,Barry,14/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Landbury Rd,3,h,660000,S,Barry,14/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Oxley Av,4,h,819000,S,Barry,14/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,12 Cumming St,8,h,1666766,S,RW,14/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/11 Ian Gr,2,u,650000,S,Woodards,14/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,52 Crow St,4,h,1345500,S,Fletchers,14/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,14 Moona St,4,h,1351000,S,Fletchers,14/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Strathbogie Wk,3,h,1005000,S,McGrath,14/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,180 Cairnlea Dr,6,h,1050000,PI,Sweeney,14/10/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,5 Havenlea La,4,h,,SP,Ray,14/10/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,4/11 Allambee Av,2,u,955500,S,Jellis,14/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Fairview Av,4,h,1700000,VB,Greg,14/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,16A Chaucer Cr,4,h,2430000,S,Marshall,14/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,2 Challis La,2,h,840000,S,Nelson,14/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,68 Grattan St,3,h,1398000,S,Collins,14/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,910 Lygon St,2,h,1650000,PI,Woodards,14/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Caroline Springs,18 Etheridge Ri,3,h,470000,PI,Barry,14/10/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,3 Llewellyn St,3,h,585000,S,Barry,14/10/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield East,10/27 Tattenham St,2,u,,SP,hockingstuart,14/10/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield South,27 Poplar St,3,h,1655000,SP,Gary,14/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,6 Celia Ct,3,t,816000,S,Buxton,14/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,16 Chelbara Ct,4,t,,PN,Eview,14/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,7 Embankment Gr,3,h,1417000,S,O'Brien,14/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,3/27 Swansea Rd,2,t,860000,SP,O'Brien,14/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,8 Brownfield St,3,h,1255000,S,Buxton,14/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,27 Edward St,3,h,1120000,S,Hodges,14/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Fairview Av,4,h,,S,Buxton,14/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,57 Latrobe St,4,h,1450000,S,O'Brien,14/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Luxmoore St,4,h,1375000,SP,Buxton,14/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,65 Nancy St,3,h,860000,S,Chisholm,14/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,45/104 Springs Rd,3,u,670500,S,Buxton,14/10/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,5 Harlington St,7,h,1215000,S,Ray,14/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/78 Jaguar Dr,4,t,750000,PI,Ray,14/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/5 Madeleine Rd,3,t,,SP,Greg,14/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,8 Alward Av,2,h,955000,SP,Buxton,14/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/23 Byron St,2,u,712000,S,Buxton,14/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,26a Fenwick St,4,h,,VB,Collins,14/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,103 Noone St,3,h,1500000,VB,Collins,14/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,5 Ogrady St,2,h,1380000,VB,Nelson,14/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,117 Spensley St,3,h,1830000,S,Nelson,14/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,3 Anketell St,3,h,1205000,S,Nelson,14/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,37 Blair St,4,h,1222000,S,Nelson,14/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,102 Bruce St,2,h,,S,Nelson,14/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,121 Rennie St,5,h,,S,Brad,14/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Rennie St,3,h,990000,S,Nelson,14/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 The Avenue,3,h,861500,S,Brad,14/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,22 Orvieto St,1,h,950000,S,Ray,14/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,38 Shore Gr,3,h,1012000,S,Nelson,14/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,35 Otter St,2,h,,SP,Nelson,14/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,27/99 Oxford St,2,u,1025000,S,Jellis,14/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,20 Paisley St,4,h,555000,S,RW,14/10/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Coolaroo,16 Westmere Cr,3,h,451000,S,RW,14/10/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,35 Hurlingham Wy,3,h,462000,S,Barry,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10/38 Mallard Cct,3,u,396000,S,Ray,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,43 Riverway Vw,4,h,,S,Ray,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Rockwall Dr,3,h,473000,S,Barry,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,75 Royal Tce,4,h,720000,S,Ray,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,105 Serenity Wy,4,h,513000,S,Stockdale,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,273 Waterview Bvd,3,h,568000,S,Ray,14/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,22 Balmain St,3,h,1081000,S,Harrington,14/10/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,315/140 Swan St,2,u,700000,SP,Jellis,14/10/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,30 Allendale Rd,5,h,880000,SP,Jellis,14/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Cameron Rd,3,h,,VB,Fletchers,14/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,40 Morgan Av,3,h,970000,S,Barry,14/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,60 Sevenoaks Av,3,h,855000,S,Ray,14/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,33 Rosemary Av,4,h,1076000,SP,Fletchers,14/10/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,13 Ambon Ri,3,h,740000,VB,McGrath,14/10/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,11A Janson Ct,3,h,1175000,S,Jellis,14/10/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,17 Boort St,3,h,506000,S,YPA,14/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,28 Lismore St,3,h,440000,VB,Red,14/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,1/15 Riches St,4,h,517000,VB,Stockdale,14/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,1 McKay Ct,3,h,690000,S,Barry,14/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,22 Philip St,4,h,,SP,McLennan,14/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,81 Pioneer Dr,7,h,1000000,S,HAR,14/10/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,3 Colin Ct,3,h,870000,S,Buxton,14/10/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,53 Rhoda St,4,h,,SN,Biggin,14/10/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,1/2 Bellara St,4,t,1380000,PI,Barry,14/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11 Bordeaux St,4,h,,SP,Fletchers,14/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11 Harvell Ct,3,h,1351000,S,Fletchers,14/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,21 Pettys La,3,h,1327000,S,hockingstuart,14/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/8 Ruda St,4,h,,VB,Woodards,14/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,44 Hertford Rd,4,h,,PI,Philip,14/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,85 Polaris Dr,4,h,1330000,PI,Barry,14/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/57 Renshaw St,4,t,1080000,S,Ray,14/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,46 Darvall St,6,h,,SN,Philip,14/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,29 Martha St,2,h,1070000,S,hockingstuart,14/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,15 Sturdee Rd,4,h,1160000,SP,Barry,14/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,2/4 Cape St,3,u,1200000,S,Nelson,14/10/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,49 Mount St,4,h,1756000,SP,Nelson,14/10/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,40 Berry St,4,h,4550000,S,Caine,14/10/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,602/30 St Andrews Pl,2,u,2010000,S,Caine,14/10/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,39 Ivan Av,3,h,895000,S,Buxton,14/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,65 Northcliffe Rd,3,h,730000,S,Buxton,14/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3A Alexandra Av,3,h,1690000,S,Biggin,14/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,45 Hoddle St,3,h,3050000,VB,Biggin,14/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,41 Meruka Dr,3,h,895000,S,Jellis,14/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,69 Wycliffe Cr,4,h,930000,S,Morrison,14/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,91 Progress Rd,3,h,915000,S,Morrison,14/10/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,8/15 Dickens St,2,u,710000,S,Buxton,14/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/3 Goldsmith St,1,u,488000,S,McGrath,14/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11/9 Milton St,2,u,1370000,S,McGrath,14/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,105 Mitford St,3,h,1860000,SP,McGrath,14/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11/3 Wimbledon Av,1,u,475000,S,Morleys,14/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,6 Bedford Ct,4,h,700000,PI,McLennan,14/10/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,1 Jordan Ct,4,h,685000,S,Win,14/10/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,30 Bradman Tce,4,h,,PI,HAR,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,17 Cottage Bvd,4,h,621000,S,Ray,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,754 Edgars Rd,3,h,,SN,Barry,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Leviticus St,4,h,,PI,Ray,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Maranatha St,4,h,,PI,HAR,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Nolan Dr,3,h,631000,S,Love,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15/83 Rufus St,3,u,,PI,HAR,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Thredbo Ct,3,h,636000,S,HAR,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Viewgrand Bvd,4,h,1170000,S,HAR,14/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,14 Amelia Av,6,h,1150000,VB,Nelson,14/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,17 Balmoral St,4,h,1900000,VB,McDonald,14/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,111 Deakin St,2,h,1355000,S,Brad,14/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,79 Market St,3,t,1269000,S,McDonald,14/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2C Morton St,3,t,900000,VB,McDonald,14/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/11 Spencer St,2,u,465000,SP,Brad,14/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,72 Kerferd St,2,h,992500,S,Nelson,14/10/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,95 Kerferd St,3,h,,SP,Nelson,14/10/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,181 Gillies St,3,h,1620000,S,Ray,14/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,15 Kennedy St,4,h,,SN,McGrath,14/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,1/29 Rathmines St,2,h,660000,PI,Jellis,14/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,31 Major Rd,3,h,840000,S,Stockdale,14/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,34 Marlborough St,3,h,770000,PI,Brad,14/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,22 Sandra Av,3,h,775000,S,Brad,14/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,57 Adele Av,3,h,808000,SP,Barry,14/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,58 Dobson St,3,h,761000,S,LJ,14/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,5/416 Gore St,2,t,1111000,S,Nelson,14/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,491 Brunswick St,3,h,1560000,PI,Nelson,14/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,87 Holden St,3,h,1250000,SP,Nelson,14/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,140A Miller St,3,h,1350000,S,Nelson,14/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,17 Finsbury St,3,h,,SN,Purplebricks,14/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,127 Wellington St,2,h,947500,S,Rendina,14/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,61 Ballarat Rd,4,h,1300000,VB,hockingstuart,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,117 Creswick St,2,h,700000,PI,Sweeney,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,58 Cross St,3,h,860000,S,Jellis,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,105 Droop St,4,h,1450000,S,Greg,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/25 Eldridge St,2,u,332000,S,S&L,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/15 Empire St,2,t,,W,McGrath,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4 Essex St,2,h,868000,S,Douglas,14/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,25 Deanswood Rd,4,h,1190000,S,Harcourts,14/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,56 Lasiandra Av,3,h,912000,S,Ray,14/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,137 Mahoneys Rd,4,h,1088000,SP,Buxton,14/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,20 Manorwoods Dr,4,h,844000,S,O'Brien,14/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/20 Mereweather Av,2,u,368000,S,hockingstuart,14/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,12 Sheridan Av,3,h,695000,S,O'Brien,14/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,72 Williams St,1,h,,SN,O'Brien,14/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,9 Candlebark Cr,3,h,,PI,Barry,14/10/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,69 Fleetwood Cr,4,h,881000,S,Ash,14/10/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,6 Jinchilla Av,3,h,723500,S,Barry,14/10/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,7A The Range,5,h,,SN,O'Brien,14/10/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,3 Bloomfield Rd,3,h,820000,S,Raine,14/10/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,22 Frith Rd,4,h,636000,S,Raine,14/10/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,4 Belmont Pl,4,h,,S,Barry,14/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,16 Cassandra Dr,3,h,525500,SP,Barry,14/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,14 Mayfair Cl,3,h,588000,S,Stockdale,14/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,25 Nigel Cr,4,h,740000,S,Barry,14/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,16 Tecoma Ct,3,h,610000,VB,Brad,14/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,5/7 Huntly St,2,u,510000,S,Nelson,14/10/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,6/17 Belmont Av,2,u,520000,PI,hockingstuart,14/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Beryl St,4,h,2115000,S,J,14/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Jickell Av,4,h,,SN,J,14/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/1460 Malvern Rd,2,u,541000,SP,Fletchers,14/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,18/1737 Malvern Rd,3,u,800000,VB,Marshall,14/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,14 Campbell St,5,h,2670000,S,Ray,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Canova Dr,4,h,,S,Jellis,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Coral Ct,4,h,1255000,S,Ray,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Dinadan Ct,5,h,1630000,S,Fletchers,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/18 Glen Ct,2,u,852000,S,McGrath,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/11 Kinnoull Gr,3,u,,SS,Harcourts,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,37 Leicester Av,3,h,,S,Fletchers,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Owens Av,5,h,,S,Fletchers,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4/22 Tulloch Gr,3,t,585000,PI,Harcourts,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Vine Ct,5,h,1560000,S,Barry,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,137 Watsons Rd,4,h,,PI,Ray,14/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,13 Clovelly Av,3,h,795000,SA,Stockdale,14/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Hilda St,3,h,685500,S,Barry,14/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,82 Paget Av,3,h,752000,S,Barry,14/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,109 Tarana Av,3,h,770000,SP,Stockdale,14/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,11 Bullanoo Ct,4,h,925000,S,Buckingham,14/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Delpura Gln,3,h,750000,SP,LJ,14/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,161 Henry St,3,h,700000,PI,Morrison,14/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2 Kell St,3,h,892500,S,Darren,14/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,31 Kempston St,3,h,652000,S,Buckingham,14/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,16 Warriparri Cr,4,h,930000,SP,Darren,14/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,2/24 Barrymore Rd,3,t,457500,S,Barry,14/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,39 Helmsdale Cr,4,h,,S,Barry,14/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hallam,13 William Av,3,h,627000,S,O'Brien,14/10/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,3 Banks Av,3,h,2095000,S,Buxton,14/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/481 Bluff Rd,3,t,1100000,SP,Buxton,14/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3A Coombe Av,4,t,1720000,VB,Hodges,14/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,30B Teddington Rd,4,t,1550000,VB,RT,14/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,29A Willis St,3,t,1745000,S,Hodges,14/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,60 Apex Av,3,h,1451000,S,Buxton,14/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3 Bartlett St,3,h,,S,Buxton,14/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,28 Connell St,4,h,,PI,Fletchers,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/79 Haines St,2,u,850000,S,hockingstuart,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/27 Hill St,1,u,487000,S,Jellis,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/179 Power St,2,u,625000,SP,Marshall,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/111 Riversdale Rd,1,u,450000,S,hockingstuart,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,192e Riversdale Rd,1,u,510000,S,Fletchers,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,60A Riversdale Rd,4,h,,S,Noel,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13 Yarra St,4,h,2800000,S,RT,14/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,15/82 Campbell Rd,1,u,291000,PI,Jellis,14/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/866 Toorak Rd,1,u,440000,PI,Jellis,14/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,1/10 Allens Rd,3,u,,SP,Philip,14/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,89 Cuthbert St,3,h,,PI,Philip,14/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,13 Kenbry Rd,4,h,880000,PI,Fletchers,14/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,26 Powlett St,4,h,,SP,Nelson,14/10/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Highett,72b Beaumaris Pde,3,t,1175000,PI,Buxton,14/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,7 Connors St,3,t,900000,S,Hodges,14/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1221A Nepean Hwy,2,t,815000,S,O'Brien,14/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/37 Sandford St,2,t,615000,S,Buxton,14/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,8A Stevens St,3,t,950000,S,Buxton,14/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,31 Brindalee Wy,4,h,531000,S,YPA,14/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,15 Chris Ct,4,h,525000,S,Barry,14/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,36 Barber Dr,4,h,525000,SP,Greg,14/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Beckford Cl,4,h,565000,S,YPA,14/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Hughes St,3,h,460000,SP,Sweeney,14/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,103 Mossfiel Dr,4,h,593150,S,YPA,14/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,50 Bowen St,3,h,1250000,VB,Barry,14/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,19 Hotham St,4,h,,S,Marshall,14/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,8/264 Huntingdale Rd,2,u,400000,S,Greg,14/10/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,76 Bond St,4,h,1250000,PI,Jellis,14/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/52 Locksley Rd,2,u,810000,S,Miles,14/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9/1 Mervyn Cr,3,u,1215000,S,Nelson,14/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2 Royal Ct,4,h,1550000,VB,Miles,14/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,14 King St,4,h,,SP,Nelson,14/10/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,1 Biltris Ct,3,h,570000,PI,YPA,14/10/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,14 Aldershot Dr,4,h,700000,SP,YPA,14/10/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,21 Cecelia Dr,4,h,930000,S,Nelson,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,64 Clarks Rd,3,h,950000,VB,Nelson,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,15 Dinah Pde,3,h,915000,PI,Jellis,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,12 Fawkner Cr,3,h,990000,S,Barry,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,26 Milleara Rd,3,h,700000,VB,Nelson,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,33 Patricia St,3,h,850000,S,Nelson,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/43 Quinn Gr,3,u,,SN,Barry,14/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,6 Sell St,3,h,,SN,Barry,14/10/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,18a William St,3,h,,SP,Nelson,14/10/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,2 Ormond St,4,h,2112000,S,Edward,14/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,602/255 Racecourse Rd,1,u,,PI,Barry,14/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,31 Asquith St,4,h,1720000,S,Marshall,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/168 Brougham St,3,h,1277500,S,Jellis,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,37 Derby St,5,h,,VB,Knight,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/908 Glenferrie Rd,2,h,1100000,S,Kay,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/910 Glenferrie Rd,2,u,1020000,S,Nelson,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,33/380 High St,2,u,580000,VB,Marshall,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/64 Studley Park Rd,3,u,840000,VB,Fletchers,14/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,27 Elm Gr,4,h,1655000,S,Marshall,14/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,12 Kilby Rd,4,h,2000000,VB,Jellis,14/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,23 Spruzen Av,4,h,1850000,VB,Jellis,14/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,38 Balgowlah Av,3,h,886000,S,Barry,14/10/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,61 Timms Av,2,h,690000,S,Barry,14/10/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Knoxfield,27 Belindavale Dr,4,h,980000,S,Barry,14/10/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,18 Dunbar Ct,4,h,755000,S,Ray,14/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,9 Kiama Dr,3,h,771000,S,HAR,14/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,7 Lugano St,4,h,770000,SP,Purplebricks,14/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/9 Maxwell St,3,h,555000,SP,Millership,14/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,10 Richards St,3,h,760000,SP,Love,14/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Willard Ct,3,h,685500,S,HAR,14/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,20 Broadford Cr,3,h,1051500,S,Barry,14/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2/98 Ashley St,3,t,,SP,Nguyen,14/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/8 Bernard St,2,t,685000,S,Biggin,14/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,31/46 Eucalyptus Dr,2,u,407000,S,Biggin,14/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,19 Montgomery St,2,t,715000,S,Biggin,14/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,73 Bowen St,4,h,,SN,Gary,14/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5/47 Grant St,3,h,1180000,S,Marshall,14/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,24 Warley Rd,3,h,1307500,S,Jellis,14/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,208/54 La Scala Av,2,u,460000,VB,Edward,14/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,26 Riverbank Dr,4,h,1190000,VB,Nelson,14/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,16 Hudson St,3,h,1850000,S,Buxton,14/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1/16 Yaralla Ct,3,u,405000,S,YPA,14/10/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,39/562 Little Bourke St,1,u,470000,PI,Kay,14/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,105/368 Little Collins St,1,u,450000,S,Harcourts,14/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,302/390 Little Collins St,2,u,820000,S,Harcourts,14/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,502/29 Market St,1,u,480000,VB,Rendina,14/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,401/142 Park St,3,u,,PN,Greg,14/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,152/29 Queens Rd,3,u,1470000,S,RT,14/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,17 Rosina Dr,3,h,396000,S,YPA,14/10/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,16 Brennan St,3,h,450000,S,Ryder,14/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,9 Richard Rd,4,h,420000,SP,YPA,14/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,13 Risson St,3,h,398000,S,hockingstuart,14/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,3/33 Staughton St,2,h,328500,S,Raine,14/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,11 Edgewood Dr,4,h,530000,S,hockingstuart,14/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,42 Sovereign Bvd,4,h,630000,S,hockingstuart,14/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,54 Allandale Rd,4,h,950000,S,Barry,14/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4/40 Collins St,2,u,,VB,Ray,14/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12 Lachlan St,4,h,1100000,S,O'Brien,14/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,34 Mundy St,4,h,1800000,S,Chisholm,14/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/129 Nepean Hwy,2,t,725000,S,Barry,14/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3 Winsome St,2,h,,S,Hodges,14/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,15 Autumn Gr,4,h,590000,SP,Stockdale,14/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,12 Halliday Rd,3,h,460000,SP,Barry,14/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,17 Parkedge Bvd,4,h,517500,S,HAR,14/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,307 Beaconsfield Pde,4,h,6370000,S,Greg,14/10/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,45 Konrads Cr,3,h,660000,S,RW,14/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Nagle Ct,3,h,560000,S,Love,14/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,96 Brunswick Rd,2,h,635000,S,McGrath,14/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,13 McGhee Av,4,h,1451000,S,Ray,14/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,27 Nymph St,4,h,1705000,S,Noel,14/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/8 Percy St,4,t,,PI,Jellis,14/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,18 Sharrow Rd,4,h,993000,S,Ray,14/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15 Warnes Rd,3,h,1104000,S,Ray,14/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,16 Victoria Cr,4,h,,S,Marshall,14/10/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/2 Grand Bvd,3,u,490000,SP,Buckingham,14/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,18 Orr La,3,h,841000,S,Stockdale,14/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,5 Field St,4,h,1000000,VB,Brad,14/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10/36 Gladstone St,2,u,660000,S,Jellis,14/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2A Holberg St,2,h,792000,S,Nardella,14/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6/128 Maribyrnong Rd,3,u,610000,S,McGrath,14/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,150 Maribyrnong Rd,3,h,976000,S,Nelson,14/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,501/701 Mt Alexander Rd,3,u,1100000,PI,McDonald,14/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,5 Bimbi Ct,4,h,728000,S,Fletchers,14/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,11 Myoora Dr,5,h,,VB,Fletchers,14/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,4/16 Melrose St,2,u,577000,S,Ray,14/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,72 Albert St,4,h,1775000,VB,Fletchers,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Curtis Av,3,h,950000,S,Purplebricks,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/51 Ian Gr,4,t,1275000,SP,Jellis,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Kay St,4,h,1650000,PI,@Realty,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Leeds Rd,3,h,1651000,S,Jellis,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,46 Outlook Rd,3,h,1360000,SP,Jellis,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Princetown Rd,5,h,2820000,S,Fletchers,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,181 Stephensons Rd,4,h,1472000,S,McGrath,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,378 Waverley Rd,3,h,1375000,SA,Noel,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 White St,5,h,,SN,Harcourts,14/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,40 Excelsior Cct,3,t,,PI,Ray,14/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Kensington Ct,4,h,1000000,S,Ray,14/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,75 Wanda St,3,h,860000,S,Ray,14/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,8/178 Murrumbeena Rd,2,t,,PN,Gary,14/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/27 Omama Rd,2,u,823000,S,Woodards,14/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,13/1 Johnston St,3,t,790000,SP,Village,14/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,41 Newcastle St,3,h,1020000,S,RT,14/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,22 Wilkins St,2,h,1017500,S,Williams,14/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,46 Agnes St,3,h,640000,S,YPA,14/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,30/196 Corrigan Rd,2,u,,SP,C21,14/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,24 Leveson St,3,h,1480000,S,Woodards,14/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/35 Little Baillie St,2,h,1470000,S,Nelson,14/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,105/2 Beavers Rd,2,u,542500,SP,McGrath,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,48 Beavers Rd,2,h,1050000,PI,McGrath,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,87 Beavers Rd,3,h,1150000,VB,Nelson,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,155 Clarke St,3,h,2750000,VB,Woodards,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7 Hawthorn Rd,4,h,2000000,VB,Nelson,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,112/405 High St,2,u,585000,SP,Ray,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/94 Union St,2,u,510000,VB,Nelson,14/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,27 Grandison Gr,4,t,878168,S,Eview,14/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,5/36 Josephine St,2,h,480500,SP,Stockdale,14/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,104 Vincent St,3,h,780000,PI,Brad,14/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,17 Willett Av,3,t,916000,S,Brad,14/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,15 Andrew St,3,h,,PI,Buxton,14/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,175 Atherton Rd,5,h,1828000,PI,Ray,14/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,26A George St,4,h,,SN,Woodards,14/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,50 William St,4,h,,VB,Buxton,14/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,121 Clayton Rd,3,h,,PI,Buxton,14/10/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,25 Acacia Av,3,h,1356250,S,Buxton,14/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Officer,54 Majestic Dr,4,h,590000,S,O'Brien,14/10/2017,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Ormond,37 Bethell St,4,h,1920000,S,Jellis,14/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,23A Collins St,3,t,1360000,PI,Jellis,14/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,42 Edenbrook Cct,3,h,520000,S,C21,14/10/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,132 McGregor Rd,3,h,493000,S,iTRAK,14/10/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,29 Antibes St,3,h,1775000,VB,Barry,14/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,56b Davey St,2,u,740000,SP,Buxton,14/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,6 Genoa St,3,h,,PI,O'Brien,14/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/84 Warrigal Rd,2,u,512000,S,Thomson,14/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,23 Church St,4,h,1620000,S,Nelson,14/10/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,26/248 The Avenue,2,u,650000,PI,Jellis,14/10/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,50 Anderson St,3,t,800000,PI,Nelson,14/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,170 Boundary Rd,3,t,710000,S,Brad,14/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/171 Cumberland Rd,2,t,686000,S,Ray,14/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14 Irvine St,3,h,1215000,S,Nelson,14/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/9 Plymouth Av,2,u,617500,SP,Brad,14/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,32 Surrey St,4,h,780000,S,Nelson,14/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,5 Beaurepaire Dr,4,h,631000,S,LJ,14/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,148 Citybay Dr,5,h,,VB,hockingstuart,14/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,34 Fuchsia Cr,4,h,711500,S,Point,14/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Helpmann Av,4,h,800000,SP,hockingstuart,14/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,17 Sincere Dr,4,h,622000,S,LJ,14/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,143 Cruikshank St,4,h,2926000,S,Greg,14/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,174 Dow St,2,h,1231000,S,hockingstuart,14/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,104/54 Nott St,2,h,548000,S,Frank,14/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,13 Park Sq,4,h,2160000,PI,Buxton,14/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,116 Princes St,2,t,1190000,S,Buxton,14/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,3/8 Airlie Av,1,u,480000,SP,Jellis,14/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/6 Lalbert Cr,2,u,,SP,hockingstuart,14/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,304/47 Porter St,2,u,540000,PI,hockingstuart,14/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/4 Rae Ct,2,u,673000,S,Jellis,14/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1 Trinian St,3,h,3250000,SP,Jellis,14/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,87 Williams Rd,3,h,,S,Biggin,14/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2/11 Graham Ct,2,u,708000,S,RW,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10/397 Murray Rd,2,t,695000,SP,McGrath,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17 Percival St,3,h,850000,PI,hockingstuart,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/108 Plenty Rd,3,t,895000,S,Nelson,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/109 Plenty Rd,2,h,,SN,Barry,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/20 Symons St,2,u,541000,PI,Nelson,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/210 Wood St,2,h,678250,S,McGrath,14/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,7/18 Bedford St,2,h,480000,VB,Jellis,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,153 Boldrewood Pde,4,h,725000,S,Ray,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/8 Chaleyer St,2,t,,PI,Ray,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Charlton Cr,3,h,750000,PI,Barry,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Jess St,3,h,921000,S,Ray,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,47 Keon Pde,3,h,715000,S,Ray,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/17 Lake St,2,u,460000,PI,Love,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/125 North Rd,2,h,681000,S,Stockdale,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6A Oulton Cr,2,t,610000,VB,hockingstuart,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Pallant Av,4,h,960000,PI,Barry,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,195 Purinuan Rd,3,h,930000,S,HAR,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/94 Purinuan Rd,2,u,565000,S,Ray,14/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,3 Bennett St,4,h,1750000,SP,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/200 Brighton St,2,u,736000,SP,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/366 Church St,2,u,815500,S,Kay,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13 Darlington Pde,2,h,1270000,SP,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,53 Firebell La,3,t,1635000,S,RT,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,401/3 Kennedy Av,2,u,900000,SP,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/52 Lyndhurst St,2,h,1625000,S,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,205 Punt Rd,3,h,1100000,SP,Jellis,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35 River St,3,h,1525000,S,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,121/45 York St,1,u,,SP,Marshall,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 York St,3,h,,PI,Biggin,14/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/22 Andrew St,2,u,550000,SP,Justin,14/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2 Ashton Cl,4,h,,SP,Carter,14/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,16 Collett Av,3,h,852000,S,Fletchers,14/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Kinton Ct,3,h,,SS,Philip,14/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,12 Ripley Ct,4,h,958000,S,Barry,14/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,7 Pamela Pl,5,h,1306000,S,Jellis,14/10/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rockbank,15 Quarters St,4,h,620000,S,HAR,14/10/2017,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,41 Finlayson St,3,h,950000,S,Miles,14/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/20 Prospect Rd,3,t,1206000,S,Miles,14/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,51 Stanton Cr,4,h,1120000,VB,Miles,14/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,15 Liviana Dr,4,h,865000,SP,Harcourts,14/10/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,8 Bonney Pl,4,h,566000,S,Raine,14/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,16 Pickersgill Cr,5,h,675000,S,Ray,14/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Porter Av,3,h,610000,S,Ray,14/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,34 Salween Cr,4,h,,PI,Barry,14/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,12 Stillwell Cr,6,h,797500,S,RW,14/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,135 Fortescue Av,4,h,890000,S,Eview,14/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,17 Nepean Hwy,3,u,,PI,hockingstuart,14/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,256 Nicholson St,2,h,,SP,Sweeney,14/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,22 Vernon St,4,h,,SP,Biggin,14/10/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,62 Bridport St,3,h,1800000,S,Cayzer,14/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,11 Eville St,3,h,1805000,S,Greg,14/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,401/142 Park St,3,u,,SP,Greg,14/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1 Wilson St,3,t,1380000,S,Barry,14/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,194 Meridian Dr,5,h,825000,SP,Iconek,14/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Possum Pl,4,h,666000,S,Millership,14/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2 Premier Av,4,h,710000,S,HAR,14/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,21 The Atrium,4,h,,PI,Ray,14/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,15 Trinity Wy,3,h,520000,S,The,14/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,3/57 Adams St,2,u,888000,SP,Jellis,14/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,58 Nicholson St,2,h,,SP,Marshall,14/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +St Albans,1/82 Biggs St,3,u,476000,S,Bells,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,111 Conrad St,4,h,715000,SP,Sweeney,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Grace St,3,h,,SN,Barry,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,20 Ivanhoe Av,3,h,675000,S,Barry,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/2 Lester Av,2,h,438000,S,Westside,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/2 Lester Av,3,h,530000,PI,Westside,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/4 Levenia St,2,u,423000,S,Raine,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,74 Oleander Dr,3,h,669000,S,Westside,14/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,33 Covala Ct,4,h,910000,S,Buckingham,14/10/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,13/14 Chapel St,2,u,680000,SP,Biggin,14/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/16 Charnwood Rd,2,u,,VB,Biggin,14/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/11 Herbert St,2,u,,S,Biggin,14/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,19 Spenser St,4,h,2200000,S,hockingstuart,14/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,39 Wordsworth St,2,h,1100000,SP,McGrath,14/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2/35 Balmoral Av,3,u,750000,VB,Barry,14/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,27 Fenacre St,4,h,1310000,S,Considine,14/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,27 First Av,4,h,1310000,SP,Brad,14/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,11 Roland Av,3,h,1380000,S,Barry,14/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,18 Wood St,3,h,1485000,SP,Brad,14/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,2 Agar Pl,3,h,470000,S,Blackbird,14/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,68 Olive Gr,3,h,555000,S,YPA,14/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,116 Pasley St,3,h,480000,SP,Raine,14/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,83 Phillip Dr,3,h,650000,S,YPA,14/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,20 Couch St,3,u,764000,S,Barry,14/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,376 Ballarat Rd,5,h,750000,PI,RW,14/10/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/14 Charles St,3,h,555000,PI,Douglas,14/10/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,139 David Dr,2,u,385000,S,Bells,14/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,23 Felstead Av,3,h,590000,S,S&L,14/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,149 Hall St,3,h,765000,S,Barry,14/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,61A Broughton Rd,4,t,,VB,Fletchers,14/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/19 Elm St,2,u,695000,VB,Harcourts,14/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/3 New St,3,t,1280000,S,Fletchers,14/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/11 Union Rd,4,t,1105000,S,Woodards,14/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/56 Windsor Cr,3,u,824000,S,Fletchers,14/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,4 Rockbank Ct,3,h,535000,SP,Greg,14/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,21 Tenterfield Pl,4,h,621000,SP,Greg,14/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,9 Akma Ct,3,h,746000,S,Barry,14/10/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,18 Burnett Cl,4,h,780000,S,Pagan,14/10/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,2 Hampden Ct,4,h,1450000,VB,Barry,14/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,8 Laviah Ct,5,h,1350000,SP,Jellis,14/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/2 Wyena Wy,2,u,,S,Jellis,14/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,17 Chatsworth Qd,4,h,1100000,VB,Purplebricks,14/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,84 Olympus Dr,4,h,1350000,S,Purplebricks,14/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,37 Arndell St,3,h,850000,SP,Ray,14/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Edwards St,3,h,720000,S,hockingstuart,14/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,31 Lockwood Gr,4,h,750000,S,Ray,14/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Pandora Av,3,h,655000,S,HAR,14/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,72 Ballantyne St,3,h,,S,Nelson,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,33 Clarendon St,3,h,1370000,PI,Jellis,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/86 Flinders St,1,u,377000,S,Harcourts,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/39 Martin St,2,u,669000,S,Harcourts,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,192b Raleigh St,2,t,885000,S,McGrath,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1 Speight St,2,h,1105000,S,Woodards,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,92 Wilmoth St,2,t,750000,PI,McGrath,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,94 Wilmoth St,2,t,750000,PI,McGrath,14/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,10/159 Alexandra Av,2,u,692000,S,Woodards,14/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,699 Malvern Rd,4,h,,S,Marshall,14/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,20/723 Orrong Rd,3,u,940000,S,RT,14/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/9 Struan St,3,u,902000,S,Marshall,14/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,58 Tadstan Dr,4,h,735000,S,Jason,14/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/11 Tullamarina Av,4,h,650000,S,Stockdale,14/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,82 Terrara Rd,3,h,905000,S,hockingstuart,14/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,41 Mullens Rd,4,h,1020000,S,Barry,14/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,34 Lyon Rd,4,h,1080000,S,Miles,14/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,18 Robern Pde,4,h,1240000,SP,Miles,14/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,24 Sherlowe Cr,3,h,930000,S,Miles,14/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,2/3 Cassia Ct,3,u,,SP,Barry,14/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,58 Raheen Av,5,h,1430000,S,MJ,14/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,18 Wondalea Cr,4,h,1003000,S,iTRAK,14/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,53 Wondalea Cr,4,h,1490500,S,Harcourts,14/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,34 Sylphide Wy,3,h,945000,S,iTRAK,14/10/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,34 Dresden Dr,3,h,,S,O'Brien,14/10/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,4/67 Bungay St,2,u,545000,S,Barry,14/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,14 Temby St,3,h,800000,S,Darren,14/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,38 Webster Cr,3,h,855000,S,Darren,14/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,7 Avoca Ct,3,h,468000,S,Barry,14/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,91 Ballan Rd,4,h,506000,S,Sweeney,14/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Dequin Ct,5,h,,PI,Greg,14/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Jika Ct,4,h,,W,Eview,14/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,20 Julian St,3,h,510000,S,hockingstuart,14/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3/652 Barkly St,2,u,383000,SP,Trimson,14/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4/100 Stanhope St,3,t,733000,S,Jas,14/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2 West St,3,h,942500,S,Sweeney,14/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,88 Roden St,4,h,2371000,S,Alexkarbon,14/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,32 Eyre St,8,h,892250,S,Stockdale,14/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,8 Hyton Cl,3,h,620000,S,YPA,14/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,40b Belinda Cr,4,t,1160000,S,Harcourts,14/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,21 Graduate Cr,3,h,1070000,S,Barry,14/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,39 Haversham Av,4,h,1170000,S,Barry,14/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,34 Strickland Dr,4,h,1540000,S,Barry,14/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wildwood,430 Wildwood Rd,5,h,1030000,S,RE,14/10/2017,3429,Western Metropolitan,83,31.7,Hume City Council +Williamstown,10 Dover Rd,3,h,,PI,Barry,14/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,19 Osborne St,3,h,1950000,SP,Greg,14/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,39 Sandpiper Pl,4,h,2350000,VB,Greg,14/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,39 Earl St,2,h,,S,Kay,14/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,15 Kent St,2,h,1201000,S,Biggin,14/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,6/4 Normanby St,1,u,,S,hockingstuart,14/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,39 Birchmore Rd,4,h,335000,PI,hockingstuart,14/10/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,59 Haines Dr,4,h,680000,SP,hockingstuart,14/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,24 Pelham Cr,3,h,417000,S,Barry,14/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,82 Vaughan Ch,3,h,505700,S,YPA,14/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,1 Berry St,4,h,1700000,S,Jas,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,53 Eirene St,3,h,960000,S,Jas,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/11 Fielding St,3,t,1460000,S,hockingstuart,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,22 Newcastle St,2,h,752500,S,Sweeney,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6/37 Stephen St,3,t,980000,S,hockingstuart,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,87 Stephen St,3,h,1200000,PI,Sweeney,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26A Sussex St,2,t,790000,S,Sweeney,14/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,11/328 Johnston St,2,u,650000,SP,Collings,15/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Albanvale,33 Robyn Av,4,h,655000,S,Sweeney,15/07/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Alphington,2 Perry St,3,h,1110000,PI,Jellis,15/07/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,43 David St,4,h,890000,S,Barlow,15/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,35 Lowe Av,4,h,935000,SP,Barlow,15/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,65 Sargood St,3,t,815000,S,hockingstuart,15/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,2/6 Carling Ct,3,u,440500,S,Greg,15/07/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,2/2 Cleghorn Av,3,t,750000,VB,hockingstuart,15/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2C Sixth Av,3,t,685000,S,Purplebricks,15/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4/15 Stapley Cr,3,u,451500,SP,Barlow,15/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ascot Vale,24/157 Epsom Rd,3,u,825000,PI,McDonald,15/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/25 Harold St,2,u,425500,S,Brad,15/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,20 Kent St,2,h,920000,VB,Nelson,15/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,8/39 Maribyrnong Rd,3,t,762000,S,Nelson,15/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,37 Roxburgh St,3,h,1306000,S,Jellis,15/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/129 The Parade,2,u,566000,S,Nelson,15/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,10 Kiewa St,3,h,1420000,S,Fletchers,15/07/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,15 Mitchell Av,3,t,1008000,S,Buxton,15/07/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,5/148 Nepean Hwy,3,t,805000,S,Buxton,15/07/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,9 Thompson St,4,h,934000,S,Moonee,15/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,1/36 The Avenue,2,u,585000,PI,Marshall,15/07/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,92 Winmalee Rd,3,h,2330000,S,Jellis,15/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1/54 Maud St,3,t,1721000,S,Fletchers,15/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,20 Blandford Cr,3,h,650000,SA,Stockdale,15/07/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,30 Dunlop Av,3,h,,SN,Barry,15/07/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,17 Kalawar Av,3,h,762000,S,Ray,15/07/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,5/8 Michael St,2,u,672000,S,Ray,15/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,6 Poplar Cr,2,h,,S,Barry,15/07/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,4a Hobart St,4,t,1340000,S,Ray,15/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,20 Barrani St,3,h,883000,S,Greg,15/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Pell St,4,h,1384000,S,Gary,15/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Blackburn,22 Cootamundra Cr,3,h,1350000,SP,Noel,15/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,17 Hirst St,3,h,1070000,S,Jellis,15/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,18 Masons Rd,2,h,1500000,S,Noel,15/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,74 Williams Rd,3,h,1200000,PI,McGrath,15/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1 Gay St,4,h,,SN,Noel,15/07/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,42 Junction Rd,6,h,1200000,VB,Noel,15/07/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,169 Springfield Rd,3,h,1100000,S,Noel,15/07/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1/108 Surrey Rd,2,u,706000,S,Hoskins,15/07/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,49 Holland Rd,3,h,,SP,Fletchers,15/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,3 Devenish Rd,3,h,785000,S,iTRAK,15/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,10 Hansen Rd,4,h,950000,S,iTRAK,15/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Brighton,4 Baroona Ct,4,h,,SP,Marshall,15/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,51 Bay St,4,h,2800000,VB,hockingstuart,15/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,37/18 Cochrane St,1,u,290000,PI,Greg,15/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,2/19 Beddoe Av,2,u,,SA,Buxton,15/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,137b Marriage Rd,4,h,1625000,PI,Hodges,15/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,37 Gosford Cr,3,h,570500,S,YPA,15/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,125 Graham St,3,h,,SN,YPA,15/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,37 Stanhope St,4,h,631000,S,YPA,15/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/42 Nolan Av,2,u,372100,SP,hockingstuart,15/07/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,15 Hall St,4,h,1350000,VB,Nelson,15/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,44 Mitchell St,5,h,1300000,S,Jellis,15/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,23/1 Pottery Ct,1,u,315000,PI,Walshe,15/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,2/111 Victoria St,2,t,702500,PI,Jellis,15/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,10/3 Allard St,1,u,275000,VB,Jellis,15/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,22 Henderson St,2,h,835000,VB,Nelson,15/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/312 Hope St,1,u,,SN,Barry,15/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/80 Hopetoun Av,2,u,,PI,Ray,15/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/4 Irvine Cr,2,u,,PN,buyMyplace,15/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,35 Summit Dr,5,h,,S,Ray,15/07/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Ball Ct,10,h,900000,PI,Ray,15/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,27 Norfolk Cr,3,h,710000,S,Darren,15/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,26 Andrews St,6,h,,SN,Oriental,15/07/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 Bronte Av,4,h,,S,Oriental,15/07/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,45 Lenna St,3,h,1320000,S,McGrath,15/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Carlton,78 Palmerston St,3,h,,S,Jellis,15/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,1/11 Rosstown Rd,2,u,480000,VB,Better,15/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,55 Tranmere Av,3,h,1840000,S,Ray,15/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/40 Woorayl St,2,u,430000,VB,Ray,15/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,45 Abbington Cr,3,h,525000,S,YPA,15/07/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,20 Parkside Bvd,2,t,495000,S,O'Brien,15/07/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,10A William Rd,2,h,403500,S,Harcourts,15/07/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,13 Lord St,4,h,1550000,S,Ray,15/07/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,4/7 Hudson St,1,u,361000,S,hockingstuart,15/07/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,1/3 Evans St,3,u,960000,S,Jellis,15/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,119 Thames Prm,5,h,1130000,S,Ray,15/07/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Clayton,1/30 Morton St,3,u,696000,S,Harcourts,15/07/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,25 View St,5,h,1115000,S,Buxton,15/07/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,32 Wellington Rd,3,h,1950000,S,Buxton,15/07/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,3/43 Main Rd,2,t,,PN,Ray,15/07/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,48 McMillan St,4,h,962000,S,C21,15/07/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clyde North,9 Fenway Bvd,5,h,,W,O'Brien,15/07/2017,3978,Eastern Victoria,2987,43.4,Casey City Council +Coburg,19 Hall St,3,h,900000,S,Nelson,15/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,6/13 Alexander St,1,u,365000,SP,Jellis,15/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,15 Brecon Nk,4,h,,SN,Barry,15/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28/60 Cradle Mountain Dr,2,t,310000,PI,Ray,15/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Girraween Cr,3,h,,SN,Barry,15/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,192 Dorset Rd,2,h,,SN,Ray,15/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,33 Jackson St,3,h,662000,S,hockingstuart,15/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/25 Ruskin Av,3,u,625500,S,C21,15/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,18 Berger St,3,h,459000,S,YPA,15/07/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,21 Pyalong Cr,3,h,420500,S,FN,15/07/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,28 Ray St,4,h,583000,SP,O'Brien,15/07/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,86 Bellbrook Dr,4,h,,PI,Biggin,15/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,355 Gladstone Rd,3,h,,SN,Ray,15/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,11 Gloria Av,3,h,,PI,Barry,15/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,84 Loch Rd,3,h,618500,S,iSell,15/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1 Maffra Ct,3,h,,SP,Boutique,15/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,3 Victor Av,3,h,727000,S,C21,15/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,26 Irvine St,3,h,535000,S,Stockdale,15/07/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,10 Alexander Cl,3,h,560000,S,YPA,15/07/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,61 Windsor Bvd,4,h,860000,S,Stockdale,15/07/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,18 Albert Pl,3,t,802000,S,Buxton,15/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,29 Elliott Cr,3,h,800000,S,Ray,15/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Tarnook Ct,4,h,854000,S,Ray,15/07/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,3/8 Persimmon Ct,4,t,1220000,PI,Barry,15/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,34 Cassowary St,4,h,,SN,Parkes,15/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,26 Champion St,3,h,1735000,S,Jellis,15/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6/22 Powers St,3,t,920000,S,Barry,15/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,14 Sturdee Rd,3,h,904000,S,Fletchers,15/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,5 Crimson Dr,3,h,500000,S,Hall,15/07/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,104 Studley Rd,3,h,1440000,S,Miles,15/07/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Elsternwick,307/242 Glen Huntly Rd,3,u,900000,VB,Buxton,15/07/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/44 Arthur St,2,u,540000,VB,Buckingham,15/07/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,38 Meruka Dr,4,h,1054000,S,Barry,15/07/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Endeavour Hills,18 Struan Av,4,h,625000,SP,O'Brien,15/07/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,1 Centurion Ct,3,h,600000,S,Love,15/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Inverloch St,2,t,401500,S,Love,15/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,17 Knoll Wk,4,h,,PI,Iconek,15/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,40 Lyndarum Dr,3,h,630000,S,Ray,15/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Nuthall Wy,4,h,1012000,S,Iconek,15/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Saddlers Ct,4,h,565000,S,Ray,15/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,10/10 Ardoch St,2,u,502500,SP,McDonald,15/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,103 Woodland St,3,h,1550000,S,Nelson,15/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/15 Woodvale Cl,2,u,420000,S,Nelson,15/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/9 McCulloch St,2,u,785000,S,Nelson,15/07/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,384 Buckley St,3,h,1410000,PI,Jellis,15/07/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fawkner,9 James St,3,h,750000,S,YPA,15/07/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,5 Bruce Cr,4,h,748888,S,Ray,15/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,42 Bryden Dr,4,h,850000,S,Noel,15/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,1/12 Wilson St,5,h,,SN,Barry,15/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,205/96 Charles St,1,u,490000,S,hockingstuart,15/07/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,4/199 Barkly St,1,u,381000,SP,Nelson,15/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,86/682 Nicholson St,2,u,650000,VB,Nelson,15/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,37 Woodside St,3,h,1502000,S,Nelson,15/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,60 Cross St,3,h,878000,SP,Jas,15/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,19/44 Everard St,3,u,440000,S,Jas,15/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5/248 Gordon St,2,u,395000,S,Sweeney,15/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,27 Leander St,2,h,991000,S,Village,15/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,305/21 Moreland St,3,u,,W,McGrath,15/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/16 Stafford St,2,u,710000,S,Jas,15/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,35 Panorama Dr,4,h,945000,S,Ray,15/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,52 Parkmore Rd,2,h,1020000,S,Ray,15/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2 Thornhill Dr,6,h,1234000,S,Ray,15/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,3/19 Cricklewood Av,2,u,300000,S,Aquire,15/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Lutana Ct,3,h,,SS,O'Brien,15/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,12 Tantani St,3,h,506000,S,Aquire,15/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,50 Towerhill Rd,4,h,755000,S,Ray,15/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne,21 Braeside Rd,4,h,807000,S,Raine,15/07/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1/12 Rodney St,3,h,426000,S,Raine,15/07/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Glen Iris,30 Bath Rd,5,h,,S,Jellis,15/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/14 Charles St,2,u,540000,S,Woodards,15/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,9/1524 Malvern Rd,2,t,,S,Marshall,15/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/25 Fernhill St,2,u,960000,S,Ray,15/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,707 Waverley Rd,5,h,1116500,S,Harcourts,15/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,40 Glenroy Rd,4,h,,PI,Harcourts,15/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/7 Langton St,3,t,700000,S,Brad,15/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,1/39 Alexandra St,2,u,610000,S,Darren,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,48 Duncan Av,3,h,690000,S,Darren,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/111 Nepean St,2,u,585000,S,Darren,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4 Nokuna Ct,3,h,800000,S,Buckingham,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,13 Stowe Av,4,h,800000,S,Darren,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/11 Stubley Ct,3,t,,SP,Barry,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,54 Warralong Av,3,h,896000,S,Fletchers,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Warruga Pl,3,h,1010000,S,Buckingham,15/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hampton,1/35 Holyrood St,3,t,1660000,S,Buxton,15/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13 Kyarra St,2,h,1960000,S,Charlton,15/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3/21 Highbury Av,3,t,1250000,VB,Buxton,15/07/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,1/164 Barkers Rd,3,t,1200000,VB,Noel,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/23 Glen St,2,u,670000,S,Woodards,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,504/2 Golding St,2,u,600000,SP,Fletchers,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/23 Hawthorn Gr,1,u,415000,S,Nelson,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/1 Muir St,3,u,1150000,S,Marshall,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,24/1 Muir St,3,h,1100000,S,Marshall,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/73 Riversdale Rd,2,u,,PI,Biggin,15/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/102 Camberwell Rd,3,u,740000,PI,Noel,15/07/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7/1 Maraquita Gr,4,h,,S,Marshall,15/07/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,1/34 Campbell St,2,u,525000,S,Fletchers,15/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,35 Buckingham Dr,3,h,,SN,Miles,15/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/3 Mary Av,2,t,650000,S,Barry,15/07/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,54 Alamein Rd,2,h,580000,S,Harcourts,15/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2 Maple Ct,2,h,820000,VB,Barry,15/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Hillside,22 Santolin Dr,4,h,600000,PI,Barry,15/07/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,12 Bolger Cr,3,h,,SN,Barry,15/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,30 Don Av,3,h,536500,S,Reliance,15/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,53 Mossfiel Dr,3,h,541000,S,Ray,15/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,62 Powell Dr,3,h,557000,SP,Greg,15/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,3 Hampton Ct,4,h,,SN,Miles,15/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,82 McArthur Rd,2,h,1601000,S,Haughton,15/07/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,13 Robinson St,3,h,559000,S,YPA,15/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,3 Delaney Ct,5,h,,VB,Daniel,15/07/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,15 Feathertop Dr,3,h,930000,S,Nelson,15/07/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,11 Cromer Pl,4,h,705000,PI,Brad,15/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,4 Nandeen Ct,4,h,590000,VB,Brad,15/07/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,54 David Av,3,h,920000,SP,Nelson,15/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,44 Granite Wy,4,h,1100000,VB,Nelson,15/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,14 Noga Av,3,h,840000,VB,Whiting,15/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,43 The Crossway,3,h,860000,S,Nelson,15/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,2 Collett St,3,h,840000,S,Bullen,15/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,11/12 Mawbey St,2,u,535000,PI,Edward,15/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/8 Pleasant Av,3,h,1080000,S,Marshall,15/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Queen St,4,h,,S,Marshall,15/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,3 Oakwood Dr,4,h,575000,S,hockingstuart,15/07/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,43 Green Av,3,h,740000,S,Ray,15/07/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,10 Lakewood Dr,6,h,,PI,Schroeder,15/07/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,22 Watersedge Cl,4,h,1040000,S,Ray,15/07/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,92 Sarissa St,4,h,795000,S,Harcourts,15/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6 Willard Ct,4,h,660000,S,Harcourts,15/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,22 Beleura Gr,3,h,,S,Fletchers,15/07/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,19 Hinkler Av,4,h,825000,PI,Purplebricks,15/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,32b Jacka St,2,u,770000,S,Nelson,15/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,15 Havelock St,2,h,1170000,S,Biggin,15/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,20 Jackson St,3,h,930000,S,Jas,15/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,76A Norfolk St,2,t,650000,S,Jas,15/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,72B Richelieu St,3,t,702000,S,Jas,15/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,7 Ulmara Pky,3,t,,SN,Barry,15/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/26 McArthur St,2,u,575000,PI,Purplebricks,15/07/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Maribyrnong,1/59 Middle Rd,2,t,675000,S,Biggin,15/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,403/77 Village Wy,2,u,440000,VB,Woodards,15/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,13 Allendale Ct,3,h,520000,S,RW,15/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,103 Cassinia Cr,3,h,430000,S,Barry,15/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,7 Dalton Ct,4,h,570000,S,Raine,15/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,11 Hermitage Ct,3,h,520000,S,Stockdale,15/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,16 Papworth Pl,4,h,515000,PI,RW,15/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,608/422 Collins St,1,u,415000,S,Dingle,15/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,806/22 Coromandel Pl,2,u,387000,S,Galldon,15/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,13 Bridge Rd,3,h,341000,S,YPA,15/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,15 Kurrajong Cr,3,h,336000,S,hockingstuart,15/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,23 Neerim St,4,h,426000,S,Raine,15/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,2 Tania Pl,4,h,,PI,YPA,15/07/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mernda,16 Melliodora Dr,4,h,780000,SP,hockingstuart,15/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,17 Primavera Dr,4,h,610000,S,Ray,15/07/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,46 Buckmaster Dr,3,h,775500,S,Harcourts,15/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,14 Malua Cr,3,h,726000,S,Love,15/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Whernside Ct,4,h,710000,S,Ray,15/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,21B Vernal Av,3,h,1045000,S,Noel,15/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/22 Looker Rd,3,t,820000,S,Buckingham,15/07/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/36 Para Rd,3,t,,VB,Barry,15/07/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,6 Wooded Wy,3,h,1301000,SP,Buckingham,15/07/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,53 Derby St,2,h,951000,S,Nelson,15/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,115 Eglinton St,4,h,1425000,S,Jellis,15/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,10 Barilla Rd,3,t,935000,SP,Buxton,15/07/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,36 Bellara Dr,3,h,637500,SP,hockingstuart,15/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,27 Marion Av,3,h,780000,PI,Harcourts,15/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,31 Charles St,3,h,,SN,Barry,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Charlton St,3,h,1800000,S,Ray,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Darbyshire Rd,3,h,,SN,Barry,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Kunzea Ct,3,h,1700000,VB,McGrath,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,203 Lawrence Rd,5,h,1930000,S,McGrath,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5/280 Lawrence Rd,2,u,730000,S,Ray,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/24 Mummery St,4,t,,SN,Barry,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,46 Sesame St,5,h,2248000,S,Jellis,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Viewbank Rd,3,h,1260000,PI,Buxton,15/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,28 Curie Av,3,h,,SN,Biggin,15/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/11 Glencairn St,3,u,760000,S,Ray,15/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,27 Glencairn St,5,h,960000,S,Ray,15/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,13 Vincent St,3,h,,SN,Biggin,15/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/135 Wanda St,3,u,,SN,hockingstuart,15/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,16/5 Murrumbeena Rd,2,u,550000,PI,Fletchers,15/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,203/113 Poath Rd,2,u,,PI,Ray,15/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9/14 Wahroongaa Cr,3,t,956000,S,Woodards,15/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,25 Franleigh Dr,3,h,620000,S,O'Brien,15/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,2 Ireland Av,3,h,605000,SP,Only,15/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,4/23 Carmen St,3,h,740000,S,Greg,15/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,59 Ford St,3,h,990000,S,Jas,15/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,42 Newman Cr,4,h,950000,SP,Nelson,15/07/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,33 Nolan St,3,h,830000,S,Brad,15/07/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,72 Goodman Dr,3,h,,SN,Barry,15/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,46 Jacana St,4,h,650000,S,C21,15/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,14 Mons Pde,3,h,752000,S,HAR,15/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,1/150 Peel St,2,u,541000,S,Nelson,15/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,317/350 Victoria St,1,u,,SN,Woodards,15/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,179 Arthurton Rd,3,h,1307500,S,Ray,15/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15 Bird Av,3,h,1100000,PI,Collins,15/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,182 Separation St,3,h,1050000,VB,Nelson,15/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Swift St,3,h,1800000,VB,McGrath,15/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,73 Westbourne Gr,3,h,1550000,VB,Nelson,15/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,3 Risdon Dr,4,h,1211000,S,One,15/07/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,1/39 Lemon Gr,3,t,,PN,Noel,15/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,21 Marie St,3,h,970000,S,Nelson,15/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4 School Ct,4,h,1453000,S,Eview,15/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4/154 Waterloo Rd,3,t,650000,VB,Brad,15/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,42 Bishop St,4,h,1610000,S,Buxton,15/07/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/1514 Dandenong Rd,3,u,,SN,Ray,15/07/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3 McKenzie Ct,2,h,1150000,S,Ray,15/07/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Officer,24 Henrietta Av,4,h,559000,SP,Ray,15/07/2017,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Olinda,30 Monash Av,4,h,,SA,Fletchers,15/07/2017,3788,Eastern Victoria,794,30.6,Yarra Ranges Shire Council +Ormond,38 Stewart St,6,h,,VB,Buxton,15/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,3 Cottage Lk,3,h,470000,S,Ray,15/07/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,4 Toorang Ct,4,h,435000,S,C21,15/07/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,1/6 Birdwood St,3,t,1190000,PI,Hodges,15/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,268 Nepean Hwy,3,h,935000,SP,Greg,15/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4/25 White St,1,t,503750,SP,Barry,15/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,30 Irvine St,2,h,962000,S,D'Aprano,15/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,149 Landells Rd,3,h,777000,S,Raine,15/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/33 Park St,2,t,,S,Ray,15/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8 Sunbeam St,3,t,629000,S,Ray,15/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,17 Wicklow St,3,h,881000,S,Brad,15/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,84 Beachview Pde,4,h,690000,VB,hockingstuart,15/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,49 Lindsay Gdns,4,h,596000,S,hockingstuart,15/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,15 Metcalf Wy,4,h,698000,S,hockingstuart,15/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,407/55 Beach St,2,u,,PI,Chisholm,15/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,74 Aberdeen Rd,2,h,,SN,hockingstuart,15/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/3 Anchor Pl,2,u,,PN,Royston,15/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/299 Dandenong Rd,2,u,500000,SP,hockingstuart,15/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/2 King St,1,u,,SP,Buxton,15/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,17 Donald St,2,t,600000,S,Barry,15/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Kenneth St,4,h,1060500,S,RW,15/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/56 Newcastle St,2,t,760000,SP,McGrath,15/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33b Okeefe St,4,h,940000,VB,Nelson,15/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/33 Spring St,2,t,650000,SP,RW,15/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Wurruk Av,4,h,990000,VB,Nelson,15/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4/23 Compton St,2,u,652000,S,Love,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,66 Crookston Rd,3,h,953000,S,Ray,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/767 High St,2,u,468000,S,Nelson,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/27 Horton St,2,t,710000,S,Raine,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,55 Lloyd Av,4,h,,SP,Ray,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11B Mahoneys Rd,3,h,550000,VB,Ray,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,107 McFadzean Av,3,h,725000,S,Nelson,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,106 Miranda Rd,3,h,880000,S,Harrington,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/118 Rathcown Rd,2,u,502000,SP,Barry,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,57 Southernhay St,3,h,1175000,S,Barry,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/36 Wattlebird Cr,3,t,,SN,Barry,15/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,126 Buckingham St,2,h,,PI,Biggin,15/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,107/61 Stawell St,1,u,432000,SP,Biggin,15/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,201/65 Stawell St,2,u,800000,VB,hockingstuart,15/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Waltham St,3,h,,S,Marshall,15/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,2/9 Green St,3,h,710000,S,Noel,15/07/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rockbank,20 Quarters St,4,h,,PN,hockingstuart,15/07/2017,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,7 Hylton Cr,2,h,1310000,S,Fletchers,15/07/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,16 Jones Cr,2,h,855000,S,Miles,15/07/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,3 Barwon Ct,3,h,735000,S,Barry,15/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,5 Nocera Pl,4,h,,SP,Barry,15/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,2 Wallingford Pl,3,h,755000,S,Harcourts,15/07/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,16 Reading Cl,3,h,537000,S,Raine,15/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,14/10 Claude St,2,t,386000,S,hockingstuart,15/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,10 Maple St,4,h,763000,S,U,15/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,54 Rosslyn Av,3,h,725000,S,Ray,15/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,210 Seaford Rd,4,h,768000,S,Buxton,15/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,26 Bridport St,3,h,2800000,VB,Greg,15/07/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11A Raphael Ri,4,h,,PI,Ray,15/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,16/74 Thomas St,2,t,345000,SP,Harcourts,15/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,906/700 Chapel St,2,u,666000,S,hockingstuart,15/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/2 Cromwell Rd,2,u,910000,S,Marshall,15/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/4 Powell St,1,u,401500,S,hockingstuart,15/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2404/118 Kavanagh St,2,u,,SP,MICM,15/07/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,13 Kallista Rd,3,h,760000,S,Win,15/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,19 Treesbank Av,3,h,,PI,Barry,15/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,11 Craigielea Av,2,h,610000,PI,RW,15/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,153A Fox St,3,h,,SP,RW,15/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Jamieson St,3,h,550000,S,Raine,15/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,62 Lester Av,4,h,520000,PI,Westside,15/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,89 Theodore St,2,h,,PI,Barry,15/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,91 Theodore St,2,h,,PI,Barry,15/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,14 Covala Ct,3,h,805000,S,Darren,15/07/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,8/289 Barkly St,2,u,470000,VB,McGrath,15/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46 Chapel St,3,h,1000000,S,Langwell,15/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,407/7 Greeves St,2,u,630000,S,hockingstuart,15/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/27 Mitford St,2,u,580000,S,Woodards,15/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,24/25 Robe St,2,u,,SP,Ray,15/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunshine,18 Benjamin St,3,h,860000,PI,Jas,15/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/2 Cooper St,3,h,532000,S,Douglas,15/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,10 Matthews St,3,h,960000,S,RW,15/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3 Whitty St,4,h,745500,S,Sweeney,15/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,3/30 Camperdown Av,3,u,392500,S,Jas,15/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4 Barnes Cr,3,h,630000,S,Bells,15/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,27 Champa Rd,4,h,580000,PI,Douglas,15/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1 Raymond St,3,h,,PI,Barry,15/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sydenham,30 Chandos St,3,t,450000,SP,Brad,15/07/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Lakes,1 Cowes Pl,4,h,853000,S,Barry,15/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,3 Mantaura Av,4,h,704000,S,Barry,15/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Thomastown,28 Pleasant Rd,4,h,,SN,Barry,15/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,52 Richardson St,3,h,508000,S,Harcourts,15/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/13 Spring St,2,u,573000,S,Harcourts,15/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,348 Gooch St,3,h,800000,SP,McGrath,15/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,352 Gooch St,3,h,800000,SP,McGrath,15/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,54 Swift St,3,h,1236000,S,hockingstuart,15/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,12/45 Woolton Av,1,u,328000,S,Woodards,15/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2/619 Toorak Rd,2,u,1140000,S,Marshall,15/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1a Woorigoleen Rd,4,h,,S,Marshall,15/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,2115/18 Mt Alexander Rd,2,u,341500,S,McGrath,15/07/2017,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,2/28 Broadmeadows Rd,2,u,470000,SP,Barry,15/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,3/20 Waratah Av,2,u,,SP,Barry,15/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,18 Barbara St,3,h,1111500,S,Philip,15/07/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,23 Bartram Ri,3,h,868000,S,Miles,15/07/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,509 Boronia Rd,4,h,1214000,S,Ray,15/07/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,42 Argyle Wy,4,h,1045000,S,Noel,15/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,12/440 Stud Rd,3,u,622000,S,Ray,15/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,24 Fossickers Wy,3,h,826000,S,Gardiner,15/07/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,7 Portland Pl,4,h,1265000,S,Ray,15/07/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,2/63 Devonshire Rd,2,u,604000,S,Ray,15/07/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/34 Longmuir Rd,2,u,655000,S,Darren,15/07/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,4/6 Powley Pde,3,t,850000,SP,Buckingham,15/07/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,280 Grimshaw St,3,h,740000,SP,Barry,15/07/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,7 Carey Cl,5,h,,SP,Ray,15/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,6 Cassowary Av,3,h,505000,SP,Greg,15/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Gavan Ct,3,h,570000,S,S&L,15/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Kestrel Pl,3,h,453000,S,YPA,15/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/50 Tower Rd,2,h,335000,S,Greg,15/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3/30 Beaumont Pde,1,h,280000,VB,Jas,15/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,41 Dongola Rd,4,h,955000,S,Jas,15/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,208/432 Geelong Rd,2,u,,PI,Compton,15/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,5/2 Ormond Rd,3,t,700000,S,Jas,15/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,310/53 Batman St,1,u,380000,SP,MICM,15/07/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,74 Dudley St,4,h,1900000,VB,Whiting,15/07/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,27 Eyre St,3,h,800000,S,YPA,15/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,994 Waverley Rd,5,h,1090000,S,Ray,15/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,47 Pasco St,4,h,1920000,SP,Williams,15/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,19 Atkinson Cl,3,h,,PI,Hodges,15/07/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,24 Edenvale Bvd,4,h,530000,SP,hockingstuart,15/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,13 Strathalbyn Ch,4,h,631000,PI,hockingstuart,15/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,12 Suffolk Pl,4,h,,PI,Harcourts,15/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,3/20 Lady Penrhyn Dr,2,h,327500,S,hockingstuart,15/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,27 Ribblesdale Av,3,h,,SN,Barry,15/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,1 Bimbadeen Cr,3,h,,PI,Darren,15/07/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,17 Adeney St,3,h,982500,S,Village,15/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,72 Bishop St,3,h,1400000,S,Jas,15/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,86 Francis St,3,h,1042000,SP,Jas,15/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,12 Montague St,3,h,1230000,S,Jas,15/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,220 Roberts St,3,h,1005000,S,Jas,15/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,22 Clifton St,3,h,1400000,S,Barry,15/09/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,72 Fawkner St,4,h,2100000,S,Rendina,15/09/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Albert Park,121 Richardson St,3,h,3090000,S,Marshall,15/09/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,40 View St,3,h,1900000,S,Nelson,15/09/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,50 Bracken Gr,3,h,1170000,S,Greg,15/09/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Armadale,8/42 Adelaide St,2,u,600000,VB,hockingstuart,15/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,52 Barkly Av,3,h,,S,Marshall,15/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9 Egerton Rd,2,h,,S,Marshall,15/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10/19 Mercer Rd,3,u,,SN,Thomson,15/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,17 Railway Av,3,h,2000000,VB,hockingstuart,15/09/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,5 Brown Av,4,h,2360000,S,Nelson,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,19 Charles St,5,h,2100000,VB,Brad,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,59 Charles St,5,h,,S,Woodards,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,66 Ormond Rd,3,h,1190000,S,Jellis,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12 Pentland St,3,h,1010000,S,Brad,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2b Regent St,2,u,425000,S,Brad,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,18 Woods St,2,h,1700000,PI,Nelson,15/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,8 Alamein Av,2,h,1200000,VB,Tim,15/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,22 Eleanor St,4,h,,S,Marshall,15/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,15 Oliver St,3,h,1400000,PI,Noel,15/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,23 Pitt St,3,t,1445000,S,Jellis,15/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1 Harold St,3,h,,VB,Fletchers,15/09/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,16 Shaw St,5,h,1255000,S,Noel,15/09/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,4 Elanora Ct,3,h,926240,SP,Biggin,15/09/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,38 Gale St,3,h,1225000,VB,Buxton,15/09/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,3/189 Nepean Hwy,2,u,645000,PI,Barry,15/09/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,9 Jude Ct,4,h,995000,SP,Buxton,15/09/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,21 Trumpington Tce,4,h,,SP,Barry,15/09/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,4 Chaumont Dr,3,h,,VB,Harcourts,15/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,8a Herbert St,3,t,,VB,Barry,15/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,10 River Dr,5,h,,PI,HAR,15/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,3/19 Riverside Av,2,u,,SN,Rendina,15/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,1 Sutherland St,3,h,480000,S,Arbee,15/09/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,401 Inkerman St,3,h,,SN,Greg,15/09/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1/10 Brenbeal St,2,u,795000,S,Jellis,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,30 Fitzgerald St,4,h,2150000,VB,Fletchers,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,25 Hertford Cr,5,h,2750000,SP,Kay,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,29A Norbert St,3,t,,PI,Jellis,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,16/206 Whitehorse Rd,2,u,580000,SP,hockingstuart,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,108 Winmalee Rd,4,h,2050000,PI,RT,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,122 Winmalee Rd,3,h,,SP,hockingstuart,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,5/11 Yerrin St,2,u,,SP,Jellis,15/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,10 Agnes Av,5,h,,SP,RW,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Aquila St,4,h,1662500,S,Fletchers,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Belmore Rd,3,h,1760000,S,Nelson,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Citron Av,5,h,1550000,VB,Fletchers,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,61 Fortuna Av,4,h,1850000,VB,Fletchers,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,84 Greythorn Rd,3,h,,PN,Buxton,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/3 Hatfield St,3,u,790000,PI,Ham,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Hughes St,5,h,,S,Fletchers,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/49 Kawarren St,4,h,1400000,VB,Jellis,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,34 Macedon Av,5,h,1600000,VB,Marshall,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4/9 Maylands Av,2,u,610000,VB,hockingstuart,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/19 Moody St,2,t,1135000,SP,Fletchers,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Pam Av,3,h,1500000,VB,Marshall,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Singleton Rd,4,h,1525000,PI,Buxton,15/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,35 Armstrong Rd,3,h,718500,S,K.R.Peters,15/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,15 Greenglade Ct,4,h,,VB,Noel,15/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,3 Bayview Rd,4,h,2050000,PI,Buxton,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,21 Bellaire Ct,4,h,1620000,VB,Hodges,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/165 Charman Rd,3,t,840000,PI,Marshall,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11/1 Coles Ct,1,u,460000,PI,hockingstuart,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,15 Llewellyn St,4,t,1580000,S,Buxton,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/2 Llewellyn St,3,u,,PI,Jellis,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2 Valmont Av,4,h,1810000,S,Buxton,15/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/22 Castles Rd,3,u,1270000,S,Gary,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7/13 Clapperton St,1,u,,SP,FN,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13 Fairbank Rd,5,h,1550000,S,Jellis,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/31 Mavho St,3,t,,VB,Jellis,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,28 McLean Av,5,h,1520000,S,Jellis,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,23 Robert St,3,h,1305000,S,Woodards,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11B Ross St,3,t,,S,Buxton,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Ross St,4,h,1715000,S,Buxton,15/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,21 Birdwood St,3,h,,PI,Obrien,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/64 Brooks St,3,u,800000,VB,Woodards,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Brooks St,4,h,1500000,PI,Jellis,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 David St,5,h,,S,Buxton,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9b Edinburgh St,4,t,,S,Jellis,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/1 Latham St,3,u,800000,VB,Buxton,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Opal Ct,3,h,,PI,Buxton,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Roselyn Cr,4,h,1350000,PI,Hodges,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Sanicki Ct,3,h,960000,VB,Buxton,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/43 Wards Gr,3,t,1030000,PI,Buxton,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Wonga Ct,3,h,,S,hockingstuart,15/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Selkirk Ct,3,h,581000,SP,Haven,15/09/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/4 Glenmore Cr,2,u,817000,S,Hodges,15/09/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,3 Boulton Rd,3,h,1225000,VB,Noel,15/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,16 Game St,4,h,,S,Jellis,15/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/11 Hillside Cr,3,t,,S,Woodards,15/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,8 Maple St,5,h,1825000,PI,Jellis,15/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,12A Pope Rd,3,h,958000,S,Woodards,15/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,12 Iris Ct,4,h,997000,S,Fletchers,15/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,68 Morrie Cr,3,h,900000,S,Jellis,15/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,49 Surrey Rd,5,h,,PI,Jellis,15/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1 Canora St,4,h,,PN,Woodards,15/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,28 Marama St,4,h,1050000,VB,Fletchers,15/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,2/10 Mernda Av,3,t,800000,VB,Property,15/09/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,2/393 Station St,3,h,,PI,Ray,15/09/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,4 Dinsdale Rd,3,h,,PI,Barry,15/09/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,4/10 Victoria St,3,u,975000,PI,RW,15/09/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,4 Hector St,4,h,1920000,S,Buxton,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8/41 Kinane St,3,t,1202500,S,Buxton,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Lewis St,3,h,1350000,VB,Jellis,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,400 New St,3,h,,W,Vicprop,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/568 New St,1,u,400000,VB,Gary,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12/32 Outer Cr,3,u,,SP,Marshall,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,111 Roslyn St,5,h,2325000,PI,Marshall,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,47 Windermere Cr,4,h,,SP,Marshall,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 York St,4,t,,SN,Marshall,15/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,2/6 Carr St,3,t,1105000,S,Buxton,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Clive St,2,h,1050000,VB,Marshall,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,38 Davey Av,3,h,,S,Buxton,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,25 Gillard St,4,h,1360000,S,Buxton,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Lansdown St,4,h,2000000,VB,Hodges,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,45 Shasta Av,3,h,,VB,Jellis,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,311 South Rd,3,h,,S,Buxton,15/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1/12 Blair St,3,t,515000,S,YPA,15/09/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/22 Ernest St,4,t,585000,PI,YPA,15/09/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,24 Brickworks Dr,3,t,934000,SP,Nelson,15/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10/99 Brickworks Dr,2,u,490000,S,Barry,15/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Charles St,3,h,960000,VB,Nelson,15/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12A Sheffield St,2,h,,PI,Ray,15/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,1/440 Albion St,1,u,275000,PI,Nelson,15/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,528 Albion St,3,h,860000,PI,Barry,15/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,35 Cook St,4,h,1165000,S,Nelson,15/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,11 Henderson St,4,h,1450000,VB,Jellis,15/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,11/33 McLean St,3,t,,SP,Jellis,15/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2/9 Carrathool St,4,t,1400000,VB,Barry,15/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,23 Cuthbert St,3,h,,PI,Fletchers,15/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,36 Flinders St,3,h,,VB,Barry,15/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2A Lonsdale St,3,h,1200000,VB,Barry,15/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,4 Barbara Ct,3,h,700000,S,Darren,15/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,48 Windsor Cr,3,h,721000,SP,Barry,15/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,18 Daniel St,5,h,2188000,S,Ray,15/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,49A Daniel St,4,t,1375000,S,Noel,15/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,24 Summit Rd,3,h,1405000,S,Buxton,15/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,20 Barry Rd,3,h,1020000,S,Woodards,15/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,2A Acacia St,4,h,1900000,VB,Jellis,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,37 Carramar Av,3,t,1500000,VB,Jellis,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,39 Carramar Av,3,t,1500000,PI,Jellis,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,29 Glyndon Rd,4,t,1907000,S,Jellis,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22 Halley Av,3,h,,VB,Fletchers,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,46 Radnor St,4,h,1820000,VB,Kay,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,808 Riversdale Rd,3,h,,PI,Woodards,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,72 Spencer Rd,3,h,1450000,VB,Marshall,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/4 Through Rd,3,h,1400000,VB,Marshall,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/1311 Toorak Rd,3,t,900000,VB,Fletchers,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/107 Wattle Valley Rd,4,h,1600000,VB,Marshall,15/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,17 Alta St,3,h,2550000,VB,Jellis,15/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,49 Wentworth Av,5,h,,PN,Kay,15/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,23/611 Drummond St,1,u,414000,SP,Nelson,15/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,1/1072 Lygon St,2,u,,S,Nelson,15/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,857 Rathdowne St,4,h,2450000,S,Nicholson,15/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,18/40 Koornang Rd,1,u,280000,PI,Ray,15/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,11/81 Koornang Rd,2,u,620000,S,Ray,15/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,20 Rigby Av,4,h,1850000,VB,Jellis,15/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,14/17 Shepparson Av,1,u,332000,S,Jellis,15/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield North,34 Crimea St,4,h,,PN,Abercromby's,15/09/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,42 Almond St,3,h,1350000,VB,Gary,15/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,15A Raynes St,4,t,1525000,VB,Gary,15/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,69 Swan Wk,3,h,,PI,Ray,15/09/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,10 Linton Cl,4,h,890000,S,Buxton,15/09/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,2 Banool St,4,h,1300000,VB,Jellis,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,102 Chesterville Rd,3,t,,PI,McGrath,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Ivy St,3,h,,PI,Ray,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9a Jean St,3,t,,PI,Buxton,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/28 Luxmoore St,3,t,820000,VB,Buxton,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Munro Av,3,h,1200000,PI,hockingstuart,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,38 Stuart Av,4,h,1650000,S,hockingstuart,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/24 Sunray Av,2,t,680000,PI,hockingstuart,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,198 Weatherall Rd,3,h,1275000,VB,Chisholm,15/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,5 Songbird Av,5,h,,PI,Platinum,15/09/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,10 Camdale St,3,h,780000,S,C21,15/09/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,59 Edinburgh St,4,h,,SP,Woodards,15/09/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/2 Jean Av,3,u,,PI,Buxton,15/09/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/36 Panorama St,4,t,795000,S,HAR,15/09/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/5 Thompson St,2,u,,W,Ray,15/09/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/23 Byron St,3,u,,PI,Buxton,15/09/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/1484 Centre Rd,2,u,555000,PI,LJ,15/09/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,66 Berry St,3,h,1466000,SP,Jellis,15/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,7/77 Field St,3,u,947500,S,Jellis,15/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,16 Hodgkinson St,6,h,,PI,Nelson,15/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,9 Connolly Av,2,h,750000,PI,Walshe,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,12 Cope St,2,h,850000,VB,Peter,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Governors Rd,4,h,1200000,S,Peter,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,166 Munro St,3,h,950000,SP,Nelson,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,62 Ohea St,5,h,,PI,Barry,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/21 Queen St,2,u,550000,VB,Raine,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,23 Webb St,2,h,953000,S,Barry,15/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,39 Galeka St,3,h,900000,SP,Nelson,15/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/16 Lorensen Av,2,h,585000,S,Eview,15/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,70 Shorts Rd,3,h,1010000,PI,Nelson,15/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,306/132 Smith St,2,u,675000,SP,Biggin,15/09/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,12/34 Smith St,2,u,805000,S,Purplebricks,15/09/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,17 Kyabram St,3,h,480000,S,RW,15/09/2018,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,7 Coral Ct,4,h,425000,PI,McDonald,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,54 Evergreen Cr,4,h,603000,S,Barry,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Gift Rd,4,h,725000,S,Stockdale,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Ivy Pl,2,h,380000,SP,Sweeney,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Medway Rd,3,h,537000,S,Ray,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Nobility Rd,4,h,610000,VB,Prof.,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Riverside Dr,5,h,781000,S,YPA,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Taunton Pl,3,h,560000,S,Ray,15/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,2 Hope Ct,4,h,503500,S,Biggin,15/09/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,20 Blanche St,3,h,2292000,S,Jellis,15/09/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,130 Gwynne St,2,h,900000,VB,Jellis,15/09/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,35 Sellick Dr,3,h,920000,PI,McGrath,15/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Deer Park,9 Classic Ct,4,h,,SN,Stockdale,15/09/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,7/37 Gregg St,3,u,620000,PI,Jellis,15/09/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,76 Kingston Dr,4,h,980000,S,Buxton,15/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,12 Lackenheath Ct,4,h,920000,VB,Ray,15/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,44 High St,5,h,1220000,SA,Ray,15/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,16 Roseland Gr,5,h,1210000,S,Fletchers,15/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,31 The Boulevarde,5,h,1350000,PI,Jellis,15/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/12 The Glades,4,t,,PI,Mandy,15/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,30 Ascot St,3,u,860000,S,Jellis,15/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6 Ananda Ct,3,h,1030000,VB,Jellis,15/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,15a Florence Av,3,u,710000,PI,Ham,15/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,18 Illawong Dr,5,h,2700000,PI,Barry,15/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,20 Jolen Ct,4,h,,VB,Barry,15/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,17 Saltia Dr,3,h,465000,S,McGrath,15/09/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,6 Glen Dr,5,h,2700000,VB,Marshall,15/09/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,3/52 Grey St,2,u,1700000,S,Caine,15/09/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,2/111 Kinross Av,3,t,670000,SP,RT,15/09/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,19 Bayview St,3,h,1770077,S,Biggin,15/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,22 Edward St,2,h,1150000,PI,Biggin,15/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/35 Nepean Hwy,2,u,650000,S,Woodards,15/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,46 Parkside St,4,h,1775000,S,Jellis,15/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2 Prentice St,3,h,1736000,S,Biggin,15/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8/34 Victoria St,3,u,762000,S,Gary,15/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,8 Mulberry Ct,5,h,1220000,PI,Jellis,15/09/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,6/130 Glen Huntly Rd,1,u,412000,SP,Buxton,15/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/24 Tennyson St,2,u,450000,PI,Greg,15/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/24 Tennyson St,2,u,,SP,Greg,15/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,20A Wave St,3,h,1350000,S,Chisholm,15/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Emerald,10 Westlands Rd,3,h,750000,SP,Kaye,15/09/2018,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Endeavour Hills,6 Chivell Cl,5,h,850000,S,C21,15/09/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,1/7 Lauren Ct,3,u,,PI,The,15/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,19A Lionheart Ct,3,h,538000,SP,HAR,15/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/14 Braemar St,2,h,591000,PI,Frank,15/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/1 Cameron Rd,3,t,910000,S,Raine,15/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/5 Cudmore St,3,u,825000,S,Brad,15/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,82 Hedderwick St,4,h,1815000,S,Nelson,15/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,16 Lincoln Rd,4,h,1600000,VB,Brad,15/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/141 Roberts St,3,u,,PI,Jellis,15/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/10 Greville St,3,h,980000,S,Nelson,15/09/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,41 Gordon St,3,h,1250000,PI,Love,15/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1 Alva Ct,3,h,650000,PI,Barry,15/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/71 McBryde St,2,t,480000,PI,LITTLE,15/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,25 Tucker St,3,h,850000,PI,Brad,15/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,22 Koolamara Bvd,5,h,1000000,PI,Ray,15/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,5/178 Rose St,3,u,,PI,Nelson,15/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,207/9 Smith St,2,u,950000,VB,Nelson,15/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,754 Brunswick St,3,h,1300000,S,Collins,15/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,89 Delbridge St,3,h,1501000,S,Jellis,15/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,164 Park St,2,h,,S,Collins,15/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,106/64 Cross St,2,u,520000,S,Jas,15/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,204/9 Hewitt Av,2,u,493000,SP,Jas,15/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1004/59 Paisley St,2,u,,PN,Hodges,15/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2/7 Bogong Ct,3,t,820000,VB,Noel,15/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,68 Dunsterville Cr,3,h,617500,S,Property,15/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Nilma Ct,4,h,600000,S,One,15/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/22 Robinia St,3,h,,PI,Ray,15/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,41 Laurina Cr,3,h,455000,S,Win,15/09/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,1 Liddesdale Av,3,h,1375000,S,One,15/09/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,21 Sussex Rd,4,h,,S,hockingstuart,15/09/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,2/73 Aitken St,3,u,590000,VB,Raine,15/09/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,15 Grant Av,4,h,483000,S,YPA,15/09/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,11 Scenic Ct,3,h,1217500,S,Raine,15/09/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,27 Scenic Ct,3,h,,W,Raine,15/09/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Glen Huntly,206/1177 Glen Huntly Rd,2,u,535000,S,Gary,15/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,104/103 Grange Rd,2,u,,PI,Ray,15/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,2/16 Woodville Av,3,t,,SN,Hodges,15/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,196A Burke Rd,3,h,1100000,VB,Marshall,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Celia St,3,h,,VB,Jellis,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Florence St,3,h,,SN,Marshall,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,13 Jesse St,4,h,1700000,VB,Marshall,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,9 Leopold St,4,h,,VB,Jellis,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,21 Lithgow St,2,h,1140000,S,Jellis,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,31 Lurnea Rd,4,h,2661000,S,Jellis,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/9 Maverston St,2,h,1220000,S,hockingstuart,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/10 Osborne Av,2,u,655000,S,hockingstuart,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/23 Peace St,4,t,1750000,VB,Kay,15/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,50 Atheldene Dr,4,h,,SP,Harcourts,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Brazilia Dr,5,h,1520000,S,Woodards,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/598 Highbury Rd,3,u,730000,PI,Barry,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/14 Myers Av,4,t,,S,Woodards,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Snowden Dr,4,h,1410000,PI,Jellis,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Valentine Ct,4,h,,S,Woodards,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/71 Windella Cr,4,t,1000000,PI,Barry,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Wolseley Av,4,h,1620000,S,Fletchers,15/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,90 Evell St,3,h,,PI,Barry,15/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Gervase Av,3,t,,S,Barry,15/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Kiama St,4,h,735000,S,Nelson,15/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/78 Maude Av,4,h,,SN,Eview,15/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,266 West St,4,h,742300,S,Eview,15/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,17 Crest St,4,h,1110000,S,Darren,15/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4/71 Nell St,3,t,800000,S,Darren,15/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,16 Buchanan Pl,4,h,1775000,S,Nelson,15/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Cassara Wy,3,h,651000,S,RW,15/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Montenegro Rd,5,h,801000,S,RW,15/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,4 Exeter St,3,h,,PI,Barry,15/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,17 Avelin St,4,h,2475000,S,Marshall,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,36 Bateman St,4,h,,VB,Hodges,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,72A David St,3,h,,S,Hodges,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,92a David St,3,t,,SN,Marshall,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,92A David St,3,t,1840000,S,Marshall,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5 Fewster Rd,5,h,,S,Marshall,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,107 Linacre Rd,4,h,,S,Buxton,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,14 Margarita St,3,h,,S,Marshall,15/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,36A Heath Cr,3,h,1110000,PI,Buxton,15/09/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,5 Highbury Av,3,h,1500000,VB,Buxton,15/09/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,5/197 Auburn Rd,1,u,385000,PI,hockingstuart,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Grattan St,4,h,2600000,VB,Jellis,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/50 Grove Rd,2,u,681000,S,Jellis,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,21/2 Henrietta St,2,u,600000,VB,LITTLE,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/70 Power St,2,u,,SN,Woodards,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,108/39 Riversdale Rd,2,u,,S,hockingstuart,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Simpson Pl,4,h,2180000,SP,Marshall,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/24 Wattle Rd,2,u,,VB,Greg,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/15 Yarra St,2,u,,SN,Marshall,15/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,19 Bayview Av,3,h,,SA,Fletchers,15/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,17 Carnarvon St,2,h,1321000,S,Marshall,15/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,22 Loch St,3,h,1610000,PI,Marshall,15/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7/332 Riversdale Rd,1,u,,SP,Woodards,15/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,444 Tooronga Rd,4,h,,S,Jellis,15/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/31 Tourello Av,2,u,611000,S,Noel,15/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,7 Royal Av,4,h,,SP,Barry,15/09/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,33 Waterloo St,3,h,,VB,Barry,15/09/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,175 Cape St,4,h,,VB,Jellis,15/09/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,10 Olive Gr,3,h,855000,S,Nelson,15/09/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/54 Bonar St,3,u,660000,SP,Ray,15/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,8 Hillcrest Av,2,h,1150000,VB,Woodards,15/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1c Middleton St,3,t,,PN,Buxton,15/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/31 Miller St,3,t,1240000,PI,Hodges,15/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,30 Elder Rd,4,h,,PI,Ray,15/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Third Av,3,h,581000,S,hockingstuart,15/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/10 Clapham Rd,3,h,,S,Woodards,15/09/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,10 Rendell Ct,2,h,,PI,Ray,15/09/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,39 Myrtle St,4,h,1220000,PI,Nelson,15/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,8/289 Upper Heidelberg Rd,1,u,369000,S,Miles,15/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,317 The Boulevard,5,h,1970000,VB,Miles,15/09/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,31 Warncliffe Rd,5,h,2600000,S,Jellis,15/09/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor East,10 Tuppal Pl,3,h,,PI,Moonee,15/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,50 West Gwy,3,h,660000,S,Nelson,15/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kew,2 Belmont Av,4,h,,S,Marshall,15/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Finhaven Ct,5,h,,PI,RT,15/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,70 Fitzwilliam St,4,h,,VB,hockingstuart,15/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/50 Gladstone St,2,t,870000,VB,Jellis,15/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Henry St,3,h,1510000,VB,Kay,15/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 River Rt,3,h,,SP,Kay,15/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/54 Clyde St,3,t,1200000,VB,Nelson,15/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,8 Cole Av,4,h,2438000,S,The,15/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,18 Namur St,4,h,,S,Jellis,15/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,131 Bloomfield Rd,3,h,,PI,Area,15/09/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,33 Eastbury St,4,h,,PI,Barry,15/09/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,20 Empress Av,3,h,960000,SP,Jas,15/09/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,1/102 Harley St N,3,u,,W,Harcourts,15/09/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,20 Lynne St,3,h,,PI,HAR,15/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,90 Messmate St,3,h,615000,S,Barry,15/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,43 Tunbridge Cr,4,h,570000,S,Jellis,15/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2 Tyson Ct,4,h,,PI,HAR,15/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3 Yuonga Ct,4,h,640500,S,Love,15/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,14 Wackett St,3,h,540000,S,Ray,15/09/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,2/21 Alma St,3,u,,S,Fletchers,15/09/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,11 View Rd,4,h,2000000,VB,Morrison,15/09/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Macleod,4 Kinlock St,4,h,1105000,S,Miles,15/09/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,86 Ballarat Rd,3,h,,PI,Biggin,15/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3b Havelock St,3,h,770000,S,hockingstuart,15/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,46 Johnstone St,3,h,1950000,VB,Marshall,15/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,107/1387 Malvern Rd,1,u,430000,S,Scott,15/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,25 Albert St,5,h,2350000,PI,Thomson,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1181 Dandenong Rd,2,h,951000,SP,Jellis,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/14 Dene Av,3,h,,S,Marshall,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,102/1 Eucalypt Av,2,u,680000,VB,Jellis,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/12 Illowa St,2,u,595000,SP,Jellis,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,31 Millewa Av,4,h,,S,Marshall,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15 Nyora St,4,h,,SN,Marshall,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,20 Tooronga Rd,2,h,1100000,PI,Buxton,15/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,23 Bertie St,4,h,,SN,MICM,15/09/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,21 Hillsdale Av,3,h,855000,S,Jellis,15/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,48 Kynoch La,2,u,529000,S,FN,15/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,11 Skyline Dr,5,h,,PI,Biggin,15/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,310/44 Skyline Dr,1,u,350000,SP,Biggin,15/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,3 Amelia St,3,h,1602000,S,C21,15/09/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,3 Melwood Ct,3,h,,PI,Barry,15/09/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,15 Rocklands Ri,3,h,572500,S,Ray,15/09/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,19/78 Queens Rd,2,u,460500,S,Gary,15/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,6/118 Patty St,1,h,366000,S,Hodges,15/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,5 Murmungee Av,4,h,,PI,HAR,15/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Umbria Rd,3,h,,VB,Stockdale,15/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,486 Brookfield Bvd,4,h,,PI,Ray,15/09/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,9 Chevery St,3,h,,PI,Revolve,15/09/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,55 The Panorama,4,h,1950000,SP,hockingstuart,15/09/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,5/53 Blackman Av,3,u,580000,S,Ray,15/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Flintoff Ct,4,h,,S,HAR,15/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Hales Ct,3,h,,S,Barry,15/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Penrose Ct,5,h,,PI,Ray,15/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Septimus Cl,3,h,636000,S,Barry,15/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Wenden Rd,3,h,596500,S,Barry,15/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,45 Creek Rd,3,h,,S,Fletchers,15/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1A Linlithgow St,3,h,,PI,Noel,15/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Nymph St,4,h,,VB,Noel,15/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Monbulk,45 Moores Rd,3,h,653000,SP,Kaye,15/09/2018,3793,Eastern Victoria,1424,34.1,Yarra Ranges Shire Council +Moonee Ponds,3 Mantell St,4,h,1700000,VB,Nelson,15/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,84 Margaret St,2,h,995000,S,Nelson,15/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,40 Ngarveno St,3,h,,S,Jellis,15/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2/4 Avon St,3,u,,PI,Jellis,15/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6b Margaret St,4,t,1300000,PI,Buxton,15/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,14 Bennett Av,5,h,2400000,S,Fletchers,15/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/319 Waverley Rd,3,u,690000,VB,Fletchers,15/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,42 Winbourne Rd,4,h,2400000,S,Fletchers,15/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,6 Iverna Cl,5,h,1386000,S,Ray,15/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,96 Jacksons Rd,5,h,960000,S,Win,15/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,13A Atkinson St,3,h,,PI,VicBrokers,15/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1 Merrimu St,3,h,,VB,hockingstuart,15/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,193 Poath Rd,2,h,850000,PI,Ray,15/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,34 Sallybrook Cct,4,h,,W,Eview,15/09/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,11 Upton Cr,3,h,,PI,LJ,15/09/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,25 Gordon St,3,t,880000,S,Williams,15/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/11 Junction St,3,t,880000,SP,Sweeney,15/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,4A Carrington Rd,2,h,930000,PI,Barry,15/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,62 Ida St,3,h,,W,McDonald,15/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,27 Jennings St,4,h,,PI,Barry,15/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,2 Chapman St,2,h,,VB,Jellis,15/09/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,211/150 Peel St,2,u,,SN,W.B.,15/09/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,654 Queensberry St,2,t,895000,S,Alexkarbon,15/09/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,36 Bower St,2,h,971000,SP,Fletchers,15/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,358 Clarke St,3,h,857000,S,Nelson,15/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,19 High St,2,h,1230000,S,Jellis,15/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/2 McCracken Av,3,t,935000,S,Nelson,15/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11 Northcote St,3,h,1160000,S,Jellis,15/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,3/21 Watt Av,3,t,695000,SP,Brad,15/09/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,39 Clayton Rd,3,h,875000,VB,Woodards,15/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3/78 Macrina St,4,t,900000,SP,Ray,15/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,8 Fraser St,3,h,,S,Jellis,15/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,589 North Rd,3,h,885000,PI,Ray,15/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,31 Clare St,3,h,,VB,hockingstuart,15/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/122 Como Pde W,2,u,580000,PI,Jellis,15/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,5 Edmond St,4,h,1175000,S,hockingstuart,15/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,8 Edmond St,3,h,1100000,S,Buxton,15/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,7 Fourth St,4,h,,VB,hockingstuart,15/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,11/22 Warrigal Rd,2,u,648000,S,Buxton,15/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,15 Manchester La,3,t,1050000,S,Jellis,15/09/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,214 Cumberland Rd,3,h,920000,S,Nelson,15/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/136 Derby St,2,t,584000,S,Nelson,15/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,11/14 Pascoe St,3,u,575000,PI,Nelson,15/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,1/41 Gladesville Bvd,4,t,770000,PI,Buxton,15/09/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,2/4 Tradewinds La,3,u,700000,SP,Buxton,15/09/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,33 Fairbridge Rd,4,h,650000,SP,LJ,15/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,8 Garland Tce,4,h,,W,PRDNationwide,15/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,16 Sassari Ct,3,h,,SN,Ray,15/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,62 Signature Bvd,3,h,,PI,Ray,15/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,74 Signature Bvd,3,h,,SN,Ray,15/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,2/187 Clark St,3,h,1145000,PI,Dixon,15/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,304/1 Danks St W,2,u,,PI,RT,15/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5 Esplanade Pl,2,h,1289000,S,Cayzer,15/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,301/77 Nott St,2,u,718000,S,Buxton,15/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,267 Princes St,2,h,1015000,S,Frank,15/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,20 Swallow St,4,h,,SN,RT,15/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,413/31 Grattan St,1,u,,PN,Royston,15/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/23 Irving Av,2,u,715500,S,McGrath,15/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,26 Trinian St,4,h,2675000,PI,Marshall,15/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/32 Williams Rd,1,u,470000,S,Jellis,15/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/25 Wynnstay Rd,2,u,592100,S,hockingstuart,15/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,6 Arthur St,3,h,880000,VB,Nelson,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Kathleen St,3,h,850000,PI,Love,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33 Leicester St,4,h,,VB,Nelson,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/55 Newcastle St,3,u,750000,S,Nelson,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/41 Spring St,2,t,585000,S,Nelson,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 The Mews,3,h,865050,SP,Nelson,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13/24 Tyler St,2,u,515000,PI,Love,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Watson St,3,h,885000,S,Nelson,15/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,5/95 Barton St,2,u,450000,SP,Nelson,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,56A Boldrewood Pde,3,t,,VB,Nelson,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,76 Botha Av,3,h,775000,S,Barry,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/54 Crookston Rd,2,u,481000,S,Barry,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Eisenhower St,2,h,595000,PI,hockingstuart,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Elliot St,4,h,,PI,Ray,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,69 Hickford St,3,h,,PI,hockingstuart,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Kingsley Rd,2,h,720000,VB,Nelson,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/3 Mack St,3,t,600000,VB,hockingstuart,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/13 Miranda Rd,2,u,460000,PI,Love,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/99 Miranda Rd,3,h,,PI,HAR,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/48 Northernhay St,3,u,734500,S,Harcourts,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Royal Pde,3,h,900000,PI,Nelson,15/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,102/77 Abinger St,2,u,600000,SA,Biggin,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Cameron St,2,h,1070000,S,Biggin,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,109/120 Palmer St,2,u,570000,VB,hockingstuart,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/50 Palmer St,1,u,558000,S,hockingstuart,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/24 Tanner St,2,u,1245000,S,Jellis,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21/30 Tanner St,2,u,,S,Kay,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,303/45 York St,1,u,445000,SP,Biggin,15/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,33 Marwarra St,5,h,820000,VB,Barry,15/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/19 Mines Rd,3,t,850000,S,Noel,15/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,102 Beverley Rd,3,h,910000,VB,Miles,15/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,13/19 Lower Plenty Rd,3,t,,SP,Miles,15/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,3 Hindmarsh St,3,h,,VB,Noel,15/09/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,6 Porter Av,4,h,698500,S,RW,15/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seddon,8 Oscar St,3,h,1205000,S,Jas,15/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,409/52 Park St,1,u,290000,VB,Greg,15/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,13 Auburn Rd,3,h,647000,S,HAR,15/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,77 Bushmans Wy,5,h,879000,S,RW,15/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,29 Yellowbox Av,3,h,627000,S,RW,15/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,410/9 Darling St,2,u,,VB,Kay,15/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/30 Murphy St,2,u,660000,PI,Jellis,15/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,13 Myrtle St,2,h,901000,PI,Marshall,15/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,315/183 City Rd,1,u,375000,SP,MICM,15/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2809/1 Freshwater Pl,2,u,,VB,MICM,15/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,5606/35 Queens Bridge St,2,u,,VB,MICM,15/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2104/152 Sturt St,2,u,550000,VB,Galldon,15/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,199/79 Whiteman St,2,u,,SP,MICM,15/09/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,29 Avondale St,4,h,,PI,Barry,15/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Kilda,27/128 Chapel St,2,u,760000,S,McGrath,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/55 Chapel St,2,u,,VB,Abercromby's,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/60 Chapel St,2,u,525000,S,hockingstuart,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/145 Fitzroy St,2,u,680000,VB,McGrath,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/20 Marine Pde,2,u,618500,S,Buxton,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/16 Robe St,2,u,,PI,Ray,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3 Robe St,4,t,1650000,PI,Marshall,15/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,31B First Av,2,h,680000,S,Frank,15/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,57 Mascoma St,5,h,1430000,S,McDonald,15/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/16 Wendora St,3,t,900000,VB,Brad,15/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,14 Woodland St,3,h,,S,Brad,15/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,94 Cornwall Rd,3,h,673000,S,hockingstuart/Barry,15/09/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,12 Baynton Av,3,h,700000,PI,Douglas,15/09/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,19 Kutcher Ct,4,h,820000,PI,Douglas,15/09/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,7 Young St,3,h,726000,S,Barry,15/09/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4 Beech St,4,h,,S,Jellis,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,775 Canterbury Rd,3,h,1650000,VB,Jellis,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,113 Croydon Rd,4,h,1961000,PI,Jellis,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,35 Kingston Rd,5,h,2425000,S,Jellis,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,38 Kingston Rd,4,h,1815000,S,Fletchers,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,64 Middlesex Rd,3,h,,S,Marshall,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,81 Middlesex Rd,3,h,1905000,S,Fletchers,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,109 Warrigal Rd,5,h,1575000,VB,Buxton,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/7 Wilson St,4,t,1720000,VB,Kay,15/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,3 Hardware La,3,h,,PI,Ray,15/09/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,12 Maple Ct,3,h,,PI,Barry,15/09/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,2f Apollo Rd,4,u,625000,S,Barry,15/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2/1 Mallacoota Ct,3,u,640000,S,Barry,15/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,1/181 Foote St,3,t,800000,VB,Barry,15/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,22 Whitehall Ct,3,h,1430000,VB,Jellis,15/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,26 Magnolia Dr,5,h,1170000,S,Jellis,15/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,4 Kemp Av,3,h,589000,S,Nelson,15/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,29 Larch St,3,h,630000,S,Barry,15/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,10 Queenscliff Rd,3,h,625000,S,Iconek,15/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,10 Riviera Ct,3,h,560000,S,Love,15/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,12 Stella Dr,3,h,585000,SP,Flannagan,15/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/79 The Boulevard,3,u,618250,S,Ray,15/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,100 Ballantyne St,3,h,1000000,PI,McGrath,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/42 Clarendon St,2,u,480000,PI,McGrath,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,135 Gooch St,4,h,1250000,S,McGrath,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,44 Harold St,2,h,1260000,S,Jellis,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,54 Leinster Gr,3,h,1080000,S,Nelson,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/301 Mansfield St,2,u,531000,S,Biggin,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/313 Rathmines St,3,t,840000,SP,Thomas,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,277A Rossmoyne St,3,h,892500,S,Nelson,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/13 Strettle St,2,h,615000,S,Nelson,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,25 Wales St,3,h,1510000,S,McGrath,15/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,10/38 Grange Rd,2,t,700000,VB,RT,15/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11 Mell St,2,h,1260000,PI,Marshall,15/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/723 Orrong Rd,2,u,795000,SA,Kay,15/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11/28 Power St,2,u,630000,VB,Jellis,15/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/19 Wallace Av,3,u,2800000,VB,Kay,15/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,2/46 Gordon St,3,h,600000,S,Stockdale,15/09/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,20 Jillian St,3,h,512500,S,Jason,15/09/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,20/200 Melrose Dr,2,u,346000,S,HAR,15/09/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Viewbank,38 Eamon Dr,4,h,933000,S,Ray,15/09/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,21 Fran Cr,3,h,855000,VB,Miles,15/09/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,175 Martins La,4,h,1200000,VB,Fletchers,15/09/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,25 Clarence Rd,3,h,820000,VB,Fletchers,15/09/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,5 Danielle Ct,5,h,1280000,SP,Barry,15/09/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,38 Argyle Wy,3,h,,PI,Stockdale,15/09/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,23 Campbell Ct,5,h,1763000,SP,Barry,15/09/2018,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,20 Crellin Cr,3,h,820000,S,Barry,15/09/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,2/1 Lincoln St,2,u,,VB,Nelson,15/09/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,98 Macorna St,3,h,665000,S,Barry,15/09/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,5 Pinecone Ct,4,h,490000,SP,LJ,15/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/270 Shaws Rd,3,u,,PI,Richardson,15/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee South,1/50 Catamaran Dr,1,u,,PI,Richardson,15/09/2018,3030,Western Metropolitan,821,14.7,Wyndham City Council +West Footscray,106 Essex St,3,h,916000,S,Jas,15/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,2 Hertford Cr,5,h,,SA,Buxton,15/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,52 Albert St,3,h,1430000,SP,RT,15/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,7 Alfred Pl,3,h,,SP,Williams,15/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/10 Clark St,4,h,,VB,Greg,15/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,42 Merrett Dr,4,h,2350000,SP,RT,15/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,3/261 Nelson Pl,4,h,2370000,S,Compton,15/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,3 Schutt Ct,4,h,,SP,Sweeney,15/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,66a Florence St,2,h,826000,SP,Williams,15/09/2018,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,19/209 Dandenong Rd,1,u,,SP,hockingstuart,15/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,19 Hornby St,4,h,2500000,VB,hockingstuart,15/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,4 Latrobe St,2,h,,SP,Jellis,15/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9 McIlwrick St,3,h,2850000,PI,Biggin,15/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,2 Baume St,4,h,,PI,hockingstuart,15/09/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,7 Beresford Rd,4,h,482000,S,HAR,15/09/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,25 Huntington Tce,4,h,647500,SA,Ray,15/09/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,17 Nundroo Cr,3,h,435000,S,Ray,15/09/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,10 Agnes St,3,h,1575000,S,Hodges,15/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5/232 Williamstown Rd,1,u,370000,PI,Jas,15/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,16 William St,2,h,1310000,S,Jellis,15/10/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,5 Aroona Ct,1,h,1720000,PI,Nelson,15/10/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,25 Beaver St,2,h,1705000,S,Nelson,15/10/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,71 Bowes Av,4,h,985000,S,Barry,15/10/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/40 Earl St,3,t,700000,PI,Brad,15/10/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/112 Parer Rd,2,u,509500,SP,Nelson,15/10/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,201 Opie Rd,3,h,495000,SP,YPA,15/10/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,70 Barrett St,3,h,2575000,S,Greg,15/10/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,65 Graham St,2,h,1322500,S,Greg,15/10/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,1 Herbert Pl,2,h,,S,hockingstuart,15/10/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,364 Montague St,2,h,1562500,S,Greg,15/10/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,27 Burnewang St,2,h,670000,S,Barry,15/10/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,5 Perth Av,4,h,644500,S,hockingstuart,15/10/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,815 Heidelberg Rd,3,h,2000000,PI,hockingstuart,15/10/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,3/46 Sargood St,2,u,447000,S,Burnham,15/10/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,28 Jared Rd,4,h,750000,S,hockingstuart,15/10/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,7 Selwood Pl,7,h,870000,PI,Greg,15/10/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,11 Beevers St,3,h,708000,S,Greg,15/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/10 Cleghorn Av,3,t,656000,SP,Gunn&Co,15/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2 Edward Av,4,h,883000,S,hockingstuart,15/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,10 Murphy St,4,h,965000,SP,Gunn&Co,15/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,128 Second Av,3,h,870000,S,Hunter,15/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,5/24 Valerian Av,3,h,681000,PI,Village,15/10/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,2b Denbigh Rd,3,h,,S,Jellis,15/10/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,791 High St,3,h,1800000,PI,RT,15/10/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,22 Lambeth Av,4,h,,SN,hockingstuart,15/10/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,25 Llaneast St,4,h,2200000,PI,Jellis,15/10/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,125 Epsom Rd,4,h,1100000,VB,Nelson,15/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,33 Hockey La,3,h,1255000,S,Nelson,15/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,55 Hunt Cr,4,h,1483000,S,Brad,15/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/28 Ormond Rd,2,u,432000,S,Biggin,15/10/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,18 Glen Rd,3,h,1665000,S,Jellis,15/10/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,58 Ashwood Dr,3,h,1631000,S,Jellis,15/10/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,9 Barrington Dr,3,h,,SN,Buxton,15/10/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3 Harold St,4,h,1500000,S,Buxton,15/10/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,75 Ebb St,4,h,895000,S,Biggin,15/10/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,24b Nepean Hwy,3,t,1250000,VB,Buxton,15/10/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,8 Parkview Dr,3,h,962000,S,hockingstuart,15/10/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,103 Military Rd,3,h,,SP,Moonee,15/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,7 Monmouth St,3,h,650000,SP,Moonee,15/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,15 River Dr,3,h,725000,SP,Moonee,15/10/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,4/9 Gourlay St,2,u,502500,S,Buxton,15/10/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,1/22 Sycamore Gr,2,u,520000,S,Gary,15/10/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,38 Frederick St,4,h,2730000,S,RT,15/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Linckens Cr,4,h,2410000,S,Jellis,15/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 May St,4,h,2530000,S,Marshall,15/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8/483 Whitehorse Rd,2,u,,PI,Jellis,15/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,49 Yongala St,3,h,,SP,RW,15/10/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,14 Bernard St,3,h,,SP,Jellis,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Dumblane St,5,h,1750000,PI,RW,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,13 Glenthorn Av,3,h,1636000,S,Jellis,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,64 Greythorn Rd,5,h,2000000,S,Fletchers,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,42 Maud St,3,h,1480000,PI,Jellis,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,19 Nicholson St,4,h,,S,Jellis,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Stephens St,4,h,3000000,PI,Nelson,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,54 Sutton St,3,h,1818000,S,Fletchers,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Ventnor St,3,h,,S,Jellis,15/10/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,19 Larne Av,4,h,818000,S,Ray,15/10/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,925 Mountain Hwy,3,h,,SN,Philip,15/10/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,18a Orchard Rd,3,h,,SN,Barry,15/10/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,6 Alfred St,4,h,1307000,S,Eview,15/10/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,6 Atkinson St,3,h,1293000,S,Buxton,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,19b Howell St,4,h,1250000,VB,Woodards,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,38 Leckie St,3,h,1390000,S,Buxton,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15 Luckins Rd,3,h,1400000,SP,Buxton,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33 Luckins Rd,3,h,1328000,S,Woodards,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4a Rosina St,4,t,1247000,S,hockingstuart,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14 Sandra Gr,3,h,1311000,S,Buxton,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 The Highway,3,h,1100000,S,hockingstuart,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,98 Tucker Rd,3,h,,PI,Hodges,15/10/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,37 Valkstone St,4,h,,SP,hockingstuart,15/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Vasey St,3,h,1085000,S,Woodards,15/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1a Wamba Rd,4,t,1325000,S,Buxton,15/10/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,47 Lawrence Dr,4,h,850000,SP,Harcourts,15/10/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/528 Balcombe Rd,3,t,880000,S,Bayside,15/10/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,5/45 Bluff Rd,2,u,1100000,S,Buxton,15/10/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,52 Fourth St,4,h,1650000,PI,Ray,15/10/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,13 Acacia Av,4,h,2000000,S,Fletchers,15/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/8 Duckham St,3,t,1258000,S,Fletchers,15/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,25 The Ridge,3,h,1290000,S,Noel,15/10/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,16 Gerbera Ct,4,h,1110000,S,Ray,15/10/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1/7 Ventura St,3,u,690000,VB,Noel,15/10/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,6 Shawlands Av,3,h,1340000,S,Fletchers,15/10/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,30 Pine Cr,5,h,785000,SP,Fletchers,15/10/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1/14 Barkly St,4,t,975000,VB,Lindellas,15/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,23 Bass St,3,h,1325000,S,Lindellas,15/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/14 Bedford St,3,t,750000,S,Jellis,15/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,5 Wavell St,3,h,1400000,S,hockingstuart,15/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,22 William St,3,h,1500000,SP,Ray,15/10/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,29a Heather Gr,3,h,770000,SP,Nelson,15/10/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,95 Cochrane St,4,h,3295888,S,Hodges,15/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,65 Male St,3,h,1205000,SP,Buxton,15/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/138 New St,1,u,375000,S,hockingstuart,15/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,157 New St,4,h,,SP,Buxton,15/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8/35 Normanby St,2,u,756000,S,Buxton,15/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/66 Well St,4,h,,SP,Marshall,15/10/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,55 Baird St,4,h,2050000,SP,Marshall,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,25 Camperdown St,5,h,2550000,PI,RT,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/5 Camperdown St,2,u,905000,S,Hodges,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9a Elizabeth St,3,h,1355000,S,C21,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Farmer St,2,h,1845000,S,Buxton,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,69 Landcox St,4,h,2110000,SP,Buxton,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7a Robinson St,5,h,1760000,PI,Kay,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Shasta Av,4,h,2655000,S,hockingstuart,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Tuxen Ct,5,h,2050000,PI,RT,15/10/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,125 Kitchener St,3,h,591000,S,YPA,15/10/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,17 Waverley St,3,h,,SP,Ray,15/10/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,157 Albion St,2,h,770000,S,Nelson,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/305 Albion St,1,u,279500,S,Walshe,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,177 Barkly St,4,h,1800000,VB,Nelson,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1 Bruce St,4,h,,PI,Jellis,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30 Charles St,4,h,1350000,S,Nelson,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,113 Glenlyon Rd,4,h,1320000,S,Nelson,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,25 Merri St,4,h,,S,Nelson,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,56 Rose St,2,h,,SP,Woodards,15/10/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,202b Edward St,3,h,1170000,S,Nelson,15/10/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,221/408 Lygon St,1,u,370000,VB,Nelson,15/10/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,474a Brunswick Rd,2,h,,S,Jellis,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/11 Egginton St,2,u,,PI,Nelson,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2 Henderson St,7,h,1205000,S,Raine,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/19 Hopetoun Av,3,t,775000,S,Walshe,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/42 Passfield St,2,u,380000,PI,Jellis,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,171 Union St,3,h,1095000,S,Nelson,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/243 Union St,2,t,680000,VB,Nelson,15/10/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,23 Bourke St,4,h,1302000,SP,Barry,15/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,8 Vera St,3,h,1050000,PI,Fletchers,15/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,7 Yarraleen Pl,4,h,,SP,Jellis,15/10/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,2 Avon Ct,4,h,655000,S,Barry,15/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,38 Carolyn Cr,3,h,753000,S,Barry,15/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2/13 Edward St,3,u,550500,S,Ray,15/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,109 Plenty Rd,5,h,1265000,S,Barry,15/10/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,22 Andrews St,3,h,1175000,S,Noel,15/10/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,24 Wallace Rd,3,h,1521000,S,Marshall,15/10/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,62 Davis St,3,h,,S,Ray,15/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,40 Dorothy St,4,h,,SN,Barry,15/10/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,110 Cairnlea Dr,3,t,,SN,Barry,15/10/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,112 Cairnlea Dr,3,t,,PI,Barry,15/10/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,10 Acacia St,4,h,,S,Marshall,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/5 Acheron Av,2,u,550000,S,Noel,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,46 Athelstan Rd,5,h,2608000,S,Marshall,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/828 Burke Rd,1,u,,S,Marshall,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Callanish Rd,3,h,,S,RT,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,45 Doonkuna Av,3,h,1410000,S,Hamilton,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Gavan St,3,h,1780000,S,Fletchers,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4 Oxford St,5,h,,SP,RW,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,30 Seymour Gr,3,h,,PI,Ray,15/10/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,7 Augusta Av,5,h,,SP,Barry,15/10/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,6 Cross St,4,h,,S,Marshall,15/10/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,8 Dudley Pde,5,h,2350000,VB,Jellis,15/10/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/8 Faversham Rd,3,t,1680000,S,Jellis,15/10/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,21 Marden St,3,h,1640000,PI,Marshall,15/10/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,18 Pitt St,3,h,920000,SP,Woodards,15/10/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,40 Ogrady St,2,h,1330000,S,Nelson,15/10/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,18/144 Grange Rd,2,u,,S,Woodards,15/10/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/48 Moonya Rd,1,u,345000,S,Thomson,15/10/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,2 Springfield Cl,3,h,420000,PI,Daniel,15/10/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,3/2 Myola St,3,t,628000,S,hockingstuart/hockingstuart,15/10/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,11 Arthur St,3,h,1400000,SP,Gary,15/10/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,28 Wanda Rd,4,h,2830000,S,Gary,15/10/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,11 Alfada St,2,h,,PN,Gary,15/10/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,1/19 Trevascus St,2,u,525500,S,Ray,15/10/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,15 Aloomba St,3,h,992000,S,Gary,15/10/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,5/5 Churchill Av,3,t,,PI,Buxton,15/10/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,4/5 Rae St,3,h,650000,PI,hockingstuart,15/10/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,4/26 Glenola Rd,2,u,386000,S,Gary,15/10/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,36 Second Av,3,h,691000,SP,Buxton,15/10/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,5/14 Jellicoe St,2,u,600000,PI,O'Brien,15/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,28 Mernda Av,5,h,1232000,S,O'Brien,15/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17 Munro Av,3,h,1440000,S,Ray,15/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/190 Weatherall Rd,3,t,956000,S,O'Brien,15/10/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,3 Davanzo Av,3,h,808000,S,C21,15/10/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,6/28 Eulinga Rd,3,t,665000,S,Buxton,15/10/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,2/37 Raleigh St,3,u,850000,S,Century,15/10/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,30 Dennis St,3,h,1309000,S,Harcourts,15/10/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,17 Faulkiner St,3,h,1460000,S,Buxton,15/10/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,36 Cleary Ct,3,h,739000,S,Buxton,15/10/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,29 Ester Cr,4,h,806000,S,Ray,15/10/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/1 Leslie Ct,3,u,635000,S,Ray,15/10/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,11 Clifton Av,4,h,2560000,S,Collins,15/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,36 Ogrady St,2,h,1620000,S,Nelson,15/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,6 Walker St,4,h,,S,Nelson,15/10/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,14a Hardwick St,2,h,,SP,Nelson,15/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,53 Hawthorn St,2,h,903000,S,Nelson,15/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Miller St,3,h,1000000,S,Nelson,15/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,134 Reynard St,3,h,,S,Nelson,15/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Shaftsbury St,4,h,1742000,SP,Nelson,15/10/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,4/97 Shorts Rd,2,t,523000,SP,hockingstuart,15/10/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Smith St,3,h,772000,S,Nelson,15/10/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,18 Derby St,2,h,1260000,S,Peter,15/10/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,10 Perry St,5,h,,S,Nelson,15/10/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,22 Amstel St,5,h,446000,S,Ray,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,42 Bainbridge Cl,4,h,,SN,Biggin,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Marion Ct,3,h,,SN,Barry,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,46 Medway Rd,3,h,,SN,Barry,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Perth St,4,h,532000,S,RE,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,40 Pines Wy,3,h,,SN,Barry,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,50 Princes Cct,3,h,500000,S,Ray,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Toongabbie Pl,3,h,,SN,Barry,15/10/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,183 Cubitt St,2,h,895000,S,Biggin,15/10/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,7 Gladys Gr,3,h,625000,S,McGrath,15/10/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Jarvis Av,3,h,,VB,Fletchers,15/10/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,32 Baringa Rd,5,h,1392500,S,McGrath,15/10/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,1a Reilly Ct,2,h,526000,SP,McGrath,15/10/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,16 Washington St,3,h,345000,S,Prof,15/10/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,1 Birdwood Av,3,h,478000,S,Stockdale,15/10/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,170 Foster St,3,h,750000,PI,Barry,15/10/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/68 Scott St,3,u,,PI,Barry,15/10/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,7 Wedge St,3,t,,SN,LJ,15/10/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,21 Hillside Av,3,h,,SN,McLennan,15/10/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,69 McFees Rd,3,h,555300,S,Hall,15/10/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,96 Somerset Dr,4,h,672000,S,Stockdale,15/10/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,1/962 Burke Rd,2,h,1000000,PI,Marshall,15/10/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,77 Dumfries St,3,h,430000,S,Bells,15/10/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,19 Ryland Cct,5,h,671000,S,Barry,15/10/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,22 Themeda Ct,4,h,,PI,YPA,15/10/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,9 Cormorant Pl,4,h,810000,S,Buxton,15/10/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,20 Dingley Ct,4,h,742000,PI,Ray,15/10/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2 Twofold Cl,3,h,665000,S,Buxton,15/10/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,41 Burgundy Dr,3,h,1180000,S,Barry,15/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,18c High St,3,t,746000,S,hockingstuart,15/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,25 Wilsons Rd,4,h,,PI,Philip,15/10/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,5 Longstaff Ct,4,h,1380000,S,Barry,15/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Maldon Cr,3,h,1508000,S,Barry,15/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Renshaw St,3,h,,S,Barry,15/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,53 Thea Gr,3,h,1382000,S,Jellis,15/10/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,13 Carbine St,4,h,1110000,PI,Barry,15/10/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2 Wembley Gdns,3,h,1501500,S,Noel,15/10/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,3 William St,3,h,1233000,S,Noel,15/10/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,4 Box St,3,h,,SN,Barry,15/10/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,92 Power Rd,3,h,,SN,Barry,15/10/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,61 Glenard Dr,4,h,2050000,S,Miles,15/10/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,47 Ormond Rd,5,h,1930000,S,Miles,15/10/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,61 Keith Av,3,h,818500,S,Barry,15/10/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/29 Vincent St,3,t,696000,S,Asset,15/10/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,78a Allison Rd,2,h,900000,VB,Gary,15/10/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5 Baxter St,3,h,1390000,PI,Biggin,15/10/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,421 Kooyong Rd,4,h,,SP,Biggin,15/10/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,16 Floriston Gr,5,h,892500,S,Morrison,15/10/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,51 Glenister Dr,3,h,1001000,S,Barry,15/10/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Mays Rd,5,h,,S,Barry,15/10/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/22 Silver St,3,h,610000,S,Morrison,15/10/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,12 Wycliffe Cr,5,h,890000,S,Buckingham,15/10/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,44 Ramptons Rd,3,h,1050000,VB,Barry,15/10/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,172 Ryans Rd,4,h,930000,S,Morrison,15/10/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,1/125 Glen Huntly Rd,2,u,630000,S,Chisholm,15/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/102 Milton St,2,u,,SP,Chisholm,15/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/63 Ormond Rd,2,u,,S,Chisholm,15/10/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,13 Dozey Pl,3,h,,SP,Grant's,15/10/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,37 Bacchus Dr,4,h,535000,PI,hockingstuart,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Coronet Cl,3,h,465000,S,Ray,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18 Edith St,3,u,367000,S,Harcourts,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,27 Guinea Ct,3,h,498000,S,Love,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,870 High St,3,h,437000,S,Love,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,48 Loughton Av,3,h,622000,S,Harcourts,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,17 Vilcins Views,4,h,726000,S,Iconek,15/10/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6 Banchory St,5,h,,VB,Barry,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/16 Braemar St,2,u,520000,VB,Barry,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,29 Brewster St,4,h,,SN,Brad,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/134 Cooper St,2,u,585000,VB,Nelson,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,90 Cooper St,4,h,1295000,S,Nelson,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,124c Hoffmans Rd,3,t,720000,S,Frank,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/57 Lincoln Rd,2,h,732500,S,Nelson,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,33 McCarron Pde,4,h,1635000,VB,Nelson,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13/947 Mt Alexander Rd,2,u,485000,SP,Pagan,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,108 Ogilvie St,3,h,980000,S,Brad,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/48 Spencer St,3,u,840000,S,Nelson,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,130 Tennyson St,2,h,1001000,S,Jellis,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,26a Violet St,3,u,891000,S,Brad,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,20/6 Winifred St,2,t,580000,VB,Barry,15/10/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,479a Buckley St,3,h,685000,S,Nelson,15/10/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,4/63 Hampton Rd,4,t,652500,S,Harcourts,15/10/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,88 Perry St,4,h,1730000,S,Jellis,15/10/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,4/28 Rushall St,2,u,438000,S,Harcourts,15/10/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/12 Brooks St,3,t,460000,SP,Eview,15/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,64 Dowding Cl,4,h,,SN,Barry,15/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Imaroo St,4,h,570500,S,Ray,15/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/31 Princess St,2,t,,SN,Barry,15/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/79 Queens Pde,1,u,288000,S,Brad,15/10/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy North,22 Coleman St,2,h,,S,Nelson,15/10/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,10 Delbridge St,2,h,1315000,S,Jellis,15/10/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,200 Miller St,3,h,,SP,Nelson,15/10/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,16 Rushall Cr,3,h,,S,Nelson,15/10/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,2 Scotchmer St,2,h,1210000,S,Nelson,15/10/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,1/4 Chatham St,3,h,1205000,S,Rendina,15/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,3/39 Dover St,2,u,395000,PI,Rendina,15/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,3/121 Wellington St,2,u,476000,S,Alexkarbon,15/10/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,4/5 Empire St,2,u,295000,SP,Gunn&Co,15/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3/23 Pickett St,2,u,433000,SP,Jas,15/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/6 Rosamond Rd,2,t,410000,SP,Rendina,15/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,53 Ryan St,2,h,1170000,S,Sweeney,15/10/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,19 Bristow Dr,5,h,,SN,Woodards,15/10/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2a Clifford Ct,3,t,650000,S,HAR,15/10/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,369 Springvale Rd,3,h,850000,SP,Noel,15/10/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,13 Helvetia Ct,3,h,696000,SP,Eview,15/10/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,4 Eumeralla Ct,3,h,890000,SA,Community,15/10/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,1/63 McComb Bvd,3,h,645000,S,hockingstuart,15/10/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,29 The Ridge,3,h,830000,S,Community,15/10/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,10 Calshot Gr,4,h,617500,S,Stockdale,15/10/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,46 Clarke Dr,5,h,550000,VB,Barry,15/10/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,94 Clarke Dr,4,h,726000,S,Barry,15/10/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,6 Power Cl,3,h,540000,SP,Barry,15/10/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,10 Bardolph St,2,t,585000,S,Jellis,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Celia St,5,h,1960000,PI,Gary,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,67 Celia St,4,h,1700000,PI,Fletchers,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,25 Dorrington Av,4,h,,S,Jellis,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/18 Edgar St,2,u,680000,S,hockingstuart,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Ellis Rd,3,h,,SP,Marshall,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,18 Fuller Av,4,h,2225000,PI,Marshall,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Glentilt Rd,4,h,,S,Marshall,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Hillcrest Rd,4,h,,S,Marshall,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33 Queens Pde,4,h,,S,Jellis,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/15 Scott Gr,3,t,1220000,S,Jellis,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/67 Staughton Rd,3,h,1375000,S,Marshall,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/292 Tooronga Rd,3,u,,SP,Marshall,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,56 Wills St,2,h,920000,S,Fletchers,15/10/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,4 Arianne Rd,5,h,,SN,Harcourts,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Deirdre St,4,h,1585000,S,Harcourts,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,49 Delmore Cr,5,h,1661000,S,Harcourts,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/18 Durward Av,4,t,920000,S,Buxton,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,36 Golden Gr,5,h,,PI,Ray,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/2 Myers Av,3,h,,PI,Barry,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/8 Myers Av,3,h,,SP,hockingstuart,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,76 Shepherd Rd,4,h,1560000,S,Harcourts,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,116 Springvale Rd,3,h,1101000,S,Barry,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,541 Waverley Rd,4,h,1225000,SP,Harcourts,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Wilson Rd,3,h,1508999,SP,Harcourts,15/10/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,149 Augustine Tce,3,h,447500,S,Melbourne,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,45 Fran St,3,h,588000,S,YPA,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,69 Hartington St,3,h,,SP,Ray,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/148 Hilton St,3,t,,S,Barry,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,7 Isla Av,3,h,695000,S,Stockdale,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/25 Morell St,3,h,420000,PI,Raine,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,41 Ridgeway Av,3,h,,W,Eview,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/22 Sadie St,2,u,410000,SP,Brad,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Widford St,3,h,688000,S,Stockdale,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,57 Widford St,3,h,612500,S,Stockdale,15/10/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greenvale,16 Firenze Rd,4,h,745000,SP,Brad,15/10/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,645b Somerton Rd,3,h,,PI,YPA,15/10/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Vidos Rd,4,h,630000,PI,RE,15/10/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,3/99 East St,2,u,405000,S,Nelson,15/10/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,15 Lawrence St,3,h,660000,S,YPA,15/10/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,156 Princes Hwy,3,h,488000,S,Ray,15/10/2016,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,7 Austin Rd,3,h,1050000,S,Hodges,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,63 Beach Rd,2,h,1690000,S,Buxton,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3/1 Edinburgh St,3,u,810000,S,Buxton,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10/45 Grenville St,2,u,,SP,Hodges,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/8 Grenville St,2,u,,PI,Charlton,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/33 Holyrood St,3,h,1460000,S,Buxton,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,26 Teddington Rd,3,h,1620000,SP,Buxton,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,39 Thorburn St,3,h,910000,S,Chisholm,15/10/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,8/203 Auburn Rd,1,u,320000,VB,Marshall,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/8 Brook St,1,u,,SP,LITTLE,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,48 Connell St,4,h,,S,Marshall,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Falmouth St,2,h,1828500,S,Jellis,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Kooyongkoot Rd,4,h,,S,Marshall,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/6 Osborne Ct,1,u,400000,PI,Biggin,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,78/8 Wallen Rd,4,u,1650000,VB,Kay,15/10/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,123/20 Camberwell Rd,2,u,670000,VB,RT,15/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,12 Heather Ct,3,h,,SP,Jellis,15/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,36 Invermay Gr,4,h,2381000,S,Marshall,15/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/36 Pleasant Rd,4,t,1738000,S,Jellis,15/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1 Torring Rd,2,h,1582000,S,Fletchers,15/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/31 Tourello Av,2,u,,S,Noel,15/10/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,47 Cuthbert St,3,h,,PI,hockingstuart,15/10/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,2b Leawarra Dr,3,t,756000,S,Carter,15/10/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,5/58 Mount St,2,u,,SP,Barry,15/10/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Highett,5 Dart St,3,h,910000,PI,Barry,15/10/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,15 Jackson Rd,3,h,1200000,S,Buxton,15/10/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1 Miller St,4,h,1393000,S,Buxton,15/10/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,18 Antionetta Wy,3,h,445000,S,Prof.,15/10/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,58 Chris Ct,3,h,344000,S,Barry,15/10/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Oakwood Ct,4,h,614000,S,Barry,15/10/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 Tormorvey Av,4,h,482000,S,Barry,15/10/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,4 Everard Pl,3,h,455000,S,YPA,15/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,38 Priestley Av,4,h,407500,S,YPA,15/10/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,20 Bowmore St,2,h,1262000,S,Woodards,15/10/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1 Calembeena Av,3,h,880000,S,Barry,15/10/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,22 Skipton Rd,4,h,1337000,S,Ray,15/10/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/64 Jellicoe St,2,t,610000,VB,Miles,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,78 Jellicoe St,3,h,,SN,Nelson,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/19 Livingstone St,2,u,690000,S,Barry,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,33 Livingstone St,3,h,1535000,S,Miles,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/57 Locksley Rd,3,t,,SN,Barry,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,19 Myrtle St,4,h,1470000,VB,Miles,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,171 Waterdale Rd,3,h,1486000,S,Nelson,15/10/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,29 Orbital Dr,4,h,1095000,S,Sweeney,15/10/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,5 Hermes Ct,4,h,650000,PI,Brad,15/10/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,3 Watson Ri,3,h,,S,Nelson,15/10/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,2 Dunbar Ct,3,h,627500,S,Daniel,15/10/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1 Harley Ct,3,h,740000,S,Nelson,15/10/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,10 Sell St,3,h,650000,S,Nelson,15/10/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,12 Hardiman St,3,h,1135000,S,Rendina,15/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,36 The Crescent,4,h,975000,S,Nelson,15/10/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/75 Alfred St,2,u,672000,S,RT,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,33 Argyle Rd,4,h,2286000,S,Jellis,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,30 Cobden St,3,h,,S,Nelson,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14 Denmark St,3,h,,S,Nelson,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13 Findon Cr,5,h,2600000,VB,Marshall,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,54a Parkhill Rd,3,h,,SP,Marshall,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,71 Peel St,3,h,1575000,PI,Marshall,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11/48 Princess St,2,u,590000,SP,Jellis,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,67 Sackville St,5,h,,S,Jellis,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/54 Studley Park Rd,2,u,765000,S,Marshall,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,76 Walpole St,2,h,1507000,S,Jellis,15/10/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,7 Violet Gr,4,h,1830000,PI,Marshall,15/10/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,33a Westbrook St,3,h,1300000,S,Nelson,15/10/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,44 Westbrook St,3,h,1880000,S,Jellis,15/10/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,8 Lorland Ct,4,h,,S,Buxton,15/10/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,88 Chirnside St,1,h,750000,PI,Village,15/10/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/15 Edgar St,2,u,440000,S,hockingstuart,15/10/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,6/1 Monaro Rd,2,h,1290000,S,hockingstuart,15/10/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,14a Casey Dr,3,u,395000,S,Harcourts,15/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,22 Middleton St,3,h,481000,S,Stockdale,15/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,27 Richards St,3,u,,PI,Harcourts,15/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Whitehall Pl,3,h,497500,S,Barry,15/10/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,1/10 Maskell Cr,2,u,540000,S,Barry,15/10/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4 Windsor St,3,h,725000,S,Darren,15/10/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/27 Baird St,3,t,728000,S,Sweeney,15/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,10 Churchill Av,4,h,741000,SP,RT,15/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/48 Inkerman St,2,t,600000,S,hockingstuart,15/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,45 Radio St,3,h,695000,S,Burnham,15/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,14 Suffolk St,3,h,935000,S,Nelson,15/10/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,22 Milton Pde,3,h,2415000,S,Jellis,15/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,60 Milton Pde,2,h,,SP,Fletchers,15/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,203/1 Norfolk Pl,2,u,710000,VB,Jellis,15/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,85 Stanhope St,3,h,,S,RT,15/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29/202 Wattletree Rd,2,u,566000,SP,hockingstuart,15/10/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1413 Dandenong Rd,5,h,1600000,S,Woodards,15/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Tennyson St,4,h,2001000,S,Marshall,15/10/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,2/38 Bloomfield Av,4,t,,S,Burnham,15/10/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,102/64 Wests Rd,2,u,460000,SP,Jellis,15/10/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,10/13 Elm Gr,2,u,530000,S,O'Brien,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,7/13 Elm Gr,2,u,430000,VB,hockingstuart,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,17 Graham Av,4,h,1940000,SP,C21,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,30 Lewis St,3,h,1630000,S,Buxton,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,74 McKinnon Rd,5,h,1350000,VB,Gary,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,233 Tucker Rd,4,h,,SP,Buxton,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,81a Wheatley Rd,3,h,1306000,SP,Buxton,15/10/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,131/1 Albert Rd,1,u,500000,VB,Cayzer,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,901/265 Exhibition St,3,u,750000,S,Greg,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,208/108 Flinders St,1,u,375000,PI,LITTLE,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,12/18 Queens Rd,2,u,600000,PI,Williams,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,19/30 Queens Rd,4,u,,PI,Biggin,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,4/58 Queens Rd,2,u,,PI,hockingstuart,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1610/83 Queens Rd,1,u,435000,SP,hockingstuart,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,703/610 St Kilda Rd,2,u,363500,S,Gary,15/10/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,517 High St,3,h,240000,SP,Raine,15/10/2016,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,32 Morris St,3,h,,SP,Ryder,15/10/2016,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,2 Argyll Cct,4,h,271000,S,hockingstuart,15/10/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1a Anderson Ct,3,h,1121000,S,Woodards,15/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,15 Derwent St,5,h,,SP,Buxton,15/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,16 Marina Rd,4,h,3033000,S,hockingstuart,15/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,15a Teague Av,3,t,1190000,S,Buxton,15/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4 Williams St,3,h,,S,Hodges,15/10/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,12 Geranium Gr,3,h,545000,S,hockingstuart,15/10/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Powlett St,4,h,495000,SP,Ray,15/10/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,26 Delacombe Dr,5,h,,SN,Barry,15/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/138 Mill Park Dr,3,h,552000,S,Harcourts,15/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,11 Peugeot Prst,4,h,705000,S,Harcourts,15/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Taree Pl,4,h,936000,S,Love,15/10/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,14 Ferris Av,4,h,1112000,S,Jellis,15/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/35 Glenburnie Rd,3,h,827000,S,Ray,15/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,307 Mitcham Rd,3,h,930000,SP,Noel,15/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1a Thomas St,4,h,1590000,S,Noel,15/10/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7/27 High St,3,t,1310000,S,Fletchers,15/10/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,6/41 Zetland Rd,2,u,540000,S,hockingstuart,15/10/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,42 Cressy St,3,h,712500,S,Barry,15/10/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1a McFarlane St,4,h,940000,S,Morrison,15/10/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,25 Argyle St,2,h,750000,VB,Nelson,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,14 Eglinton St,2,h,1013000,S,Raine,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Lennox St,3,h,840000,VB,Nelson,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,103/701 Mt Alexander Rd,1,u,465000,S,Frank,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10 Normanby St,4,h,1150000,S,Nelson,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,75 Scott St,5,h,1900000,VB,Nelson,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,83 Scott St,3,t,890500,S,Brad,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,44 Vine St,5,h,2340000,S,Rendina,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,10/7 York St,1,u,,S,Brad,15/10/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,34 Fletcher St,3,h,,SN,Bayside,15/10/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/30 Matilda Rd,3,t,905000,S,hockingstuart,15/10/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,4 Eurythmic St,4,h,1431000,S,Donovan,15/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,67 McDonald St,4,h,1275000,SP,Ray,15/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2 Woodlands Ct,4,h,1188000,S,Barry,15/10/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1 Beverley Gr,4,h,1655000,PI,McGrath,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Catherine Av,3,h,1100000,SP,Buxton,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Charlton St,3,h,1635000,S,Stockdale,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Farquharson St,3,h,1480000,PI,McGrath,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/24 Illuka Cr,4,t,1265000,S,McGrath,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,77 Lemont Av,3,h,870000,S,Ray,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 Rosaline Av,3,h,1250000,PI,Jellis,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Stanley Av,5,h,1200000,PI,Ray,15/10/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,13 Gregory Cr,3,h,,SP,Jellis,15/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,4 Matlock Av,4,h,,S,Fletchers,15/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Oliver Ct,6,h,1050000,PI,Win,15/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Whitehaven Cr,4,h,705000,PI,C21,15/10/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,21 Ardyne St,4,h,1610000,S,Ray,15/10/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/34 Bute St,1,u,290000,S,McGrath,15/10/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/1222 Dandenong Rd,2,u,,PI,Buxton,15/10/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,199 Poath Rd,2,h,910500,S,hockingstuart,15/10/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,8 Louisa Ct,3,h,546000,SP,O'Brien,15/10/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,73 Farm St,3,h,923000,S,Village,15/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,31 Milford St,2,h,1030000,S,Village,15/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,115 North Rd,3,h,1046000,SP,Sweeney,15/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/20 Walker St,2,u,,PI,Barlow,15/10/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2 Michael Ct,3,t,840000,S,Barry,15/10/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,44 Byron St,2,h,990000,S,Nelson,15/10/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,142 Beaconsfield Pde,5,h,,S,Nelson,15/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Clarke St,3,h,1050000,SP,Nelson,15/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/78 Helen St,3,h,1010000,S,Nelson,15/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2 Jamieson St,5,h,2155000,S,Jellis,15/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/184 Separation St,2,h,,SP,Jellis,15/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7/7 Simpson St,2,u,430000,PI,Nelson,15/10/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,22 Joanna St,3,h,1278000,S,Jellis,15/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,60 Oshannessy St,2,h,,SN,Barry,15/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Wren Cl,4,h,1350000,S,hockingstuart,15/10/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,28 Curie Av,3,h,1160000,S,Brad,15/10/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3 Flannery Ct,3,h,925000,S,Brad,15/10/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/8 Gregory St,2,t,475000,PI,Barry,15/10/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/16 Winifred St,2,u,,PI,Harcourts/Barry,15/10/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1/1478 Dandenong Rd,3,u,690000,S,Buxton,15/10/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1494b Dandenong Rd,3,t,790000,PI,Ray,15/10/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,53 William St,3,h,1050000,SP,Buxton,15/10/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/80 Carmichael Rd,4,t,862000,SP,Ray,15/10/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,6 Turnbull Av,3,h,1190000,PI,Ray,15/10/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,24 Guest Rd,3,h,1235000,S,Buxton,15/10/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/3 Coane St,3,u,973000,SP,Marshall,15/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,58 Draper St,4,h,1845000,S,Buxton,15/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,16 Sherwood St,3,h,1535000,S,Marshall,15/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,21 Stewart St,4,h,2005000,S,hockingstuart,15/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,3/16 Wheeler St,3,u,932000,S,Woodards,15/10/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/218 Como Pde W,2,t,635500,S,Thomson,15/10/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,40 Melrose St,3,h,1060000,S,Hodges,15/10/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,30 Sixth St,3,h,,SN,Bayside,15/10/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,9/18 Lennon St,1,h,307000,S,Jellis,15/10/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,152 Park Dr,2,h,2200000,S,Collins,15/10/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,105/459 Royal Pde,1,u,485000,PI,Jellis,15/10/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,3 Dale Av,5,h,977000,S,Brad,15/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/42 Danin St,2,u,,SP,Nelson,15/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/6 Devon Rd,3,t,590000,PI,Nelson,15/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7 Dorothy St,3,h,770000,SP,Barry,15/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Northumberland Rd,3,h,815000,S,Nelson,15/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,27 Sefton St,3,h,975000,SP,Brad,15/10/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,307/49 Beach St,2,u,,SN,Barry,15/10/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,146 Dow St,5,h,2350000,S,hockingstuart,15/10/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,172 Liardet St,3,h,,PI,Frank,15/10/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,81 Charles St,3,h,,S,Marshall,15/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,21 Chomley St,3,h,,S,Jellis,15/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,32 Larnook St,3,h,1590000,S,Kay,15/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2 McMicken La,2,h,1200000,S,Marshall,15/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,30 Union St,2,h,1100000,VB,hockingstuart,15/10/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,14 Arthur St,2,h,1065000,S,Love,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,22 Furzer St,3,h,1200000,S,Love,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/32 Kitchener Gr,3,u,798000,S,Nelson,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,531 Murray Rd,2,h,850000,S,Harcourts,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,590 Murray Rd,3,h,1355000,S,Barry,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 North St,3,h,815000,S,Love,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,103 Raglan St,3,h,971000,S,Jellis,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/55 Regent St,2,u,530000,S,Nelson,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,141 Tyler St,3,h,,SS,RW,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Watson St,3,h,900000,SP,Love,15/10/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,1/2 Academy Av,2,h,565000,S,Nelson,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/36 Butters St,2,h,605000,S,Nelson,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/104 Cheddar Rd,3,h,410000,S,hockingstuart,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,115 Cheddar Rd,2,h,836000,SP,Ray,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Clements Gr,2,h,635000,SP,Ray,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,117 Darebin Bvd,4,h,811000,S,McGrath,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Eisenhower St,3,h,,SN,Love,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Epstein St,2,h,650000,PI,Barry,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Gellibrand Cr,3,h,634000,S,Peter,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/124 Hickford St,2,u,,PI,Harcourts,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,74 Lloyd Av,2,h,700000,S,Ray,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,147 Mahoneys Rd,4,h,,PI,Love,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 North Rd,3,h,765000,S,Nelson,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/102 Rathcown Rd,2,u,440000,SP,Ray,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Rosenthal Cr,3,h,710000,S,hockingstuart,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/37 Shand Rd,3,u,620000,S,Nelson,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Southernhay St,3,h,715000,SP,hockingstuart,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Winter Cr,3,h,795000,S,Ray,15/10/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,106/28 Burnley St,1,u,380000,PI,Collins,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,249 Church St,3,h,,S,hockingstuart,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/366 Church St,2,u,680000,S,Jellis,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4a Gardner St,2,t,1081000,S,hockingstuart,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/16 Goodwood St,2,h,,PI,Biggin,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/26 Gordon St,2,t,955000,S,Jellis,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,225 Highett St,3,h,,VB,Kay,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,42 Hunter St,2,h,860000,S,Biggin,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,40 Parkville St,3,h,,S,Jellis,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,48 Rooney St,3,h,1820000,S,Jellis,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35 Shelley St,2,h,905000,S,Biggin,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,401/18 Tanner St,2,u,691000,S,Biggin,15/10/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/2 Best St,3,h,601000,S,Fletchers,15/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/324 Maroondah Hwy,2,u,455000,VB,C21,15/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Rollington Dr,3,h,830000,SP,Carter,15/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4/22 Wilana St,3,u,736000,S,Philip,15/10/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1 Coolooli Ct,4,h,865000,S,Philip,15/10/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,21 Fernwood Av,4,h,900000,S,Philip,15/10/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,6 Mines Rd,3,h,1020000,S,Philip,15/10/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7 Walhalla Dr,3,h,690000,S,Fletchers,15/10/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,1/139 Warrandyte Rd,2,u,550000,SP,Carter,15/10/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rockbank,4 Socrates Wy,2,h,260000,S,Raine,15/10/2016,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,4/49 Bellevue Av,2,u,,SN,Miles,15/10/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/75 Ellesmere Pde,3,h,695000,S,Love,15/10/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,3 McIntyre Av,4,h,521100,S,Professionals,15/10/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,32 Thames Wy,3,h,420100,SP,Raine,15/10/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,6/170 Beach Rd,3,t,,S,hockingstuart,15/10/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,46 Arnold Dr,4,h,801000,S,Ray,15/10/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,12/117 Albert St,2,u,,PI,Barry,15/10/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,5 Henry St,2,h,780000,S,Jas,15/10/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,64 Pilgrim St,3,h,880000,SP,Jas,15/10/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,7 Emerald Wy,3,h,1350000,VB,Cayzer,15/10/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,23 Mountain St,4,h,,S,Marshall,15/10/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,6b Napier St,1,u,380000,VB,Cayzer,15/10/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,114 Palmerston Cr,2,h,1026000,S,hockingstuart,15/10/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,16 Tribe St,3,h,2000000,S,Cayzer,15/10/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,9/18 Harmony Dr,4,t,462500,SP,RW,15/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Jezwing Av,4,h,,SN,Barry,15/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Woodforest St,4,h,,PI,Harcourts/LJ,15/10/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,20 Argo St,3,h,1700000,S,hockingstuart,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/7 Barnsbury Rd,2,u,613000,S,Kay,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/101 Caroline St,2,u,1240000,S,RT,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/210 Domain Rd,2,u,832000,S,Williams,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,33 Hawksburn Rd,4,h,,SN,Kay,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/18 Kensington Rd,2,u,693000,S,Biggin,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/21 Kensington Rd,2,u,551000,S,Williams,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/31 Kensington Rd,3,u,740000,S,Biggin,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3 Palermo St,3,h,2285000,S,Kay,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,70 Park St,3,h,3000000,VB,Marshall,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,407/57 Toorak Rd,1,u,450000,S,Hodges,15/10/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,50 Gray St,3,h,812500,S,Century,15/10/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,29 Lee Av,4,h,602000,S,iSell,15/10/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,4a Altyre Ct,3,h,,W,Barry,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Craigielea Av,4,h,,SN,Barry,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,33 Grace St,3,h,,SN,Barry,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,62 Henry St,3,h,600000,S,Daniel,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,16 Lester Av,3,h,616000,S,Homes,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,67 McArthur Av,3,h,,W,LJ,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,21 Ruth St,4,h,,PI,Barry,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Woods St,3,h,421000,SP,Ray,15/10/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,52 Blanche St,3,h,920000,PI,Marshall,15/10/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,21/127 Grey St,1,u,330000,SA,hockingstuart,15/10/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/12 Irymple Av,1,u,579000,S,hockingstuart,15/10/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,69 Glenview Rd,2,h,,SP,Brad,15/10/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,8/12 Lamart St,3,u,,VB,Brad,15/10/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,196a Mascoma St,3,h,850000,VB,Considine,15/10/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,61 Mascoma St,3,h,1150000,SP,Nelson,15/10/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,26 Wallace Cr,3,h,1175000,S,Frank,15/10/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,13 Woolart St,3,h,910000,S,Nelson,15/10/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,3 Donald St,3,h,816000,S,Douglas,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,59 Hertford Rd,2,h,825000,S,Bells,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,34 Matthews St,3,h,950000,SP,Jas,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/10 Norma St,2,u,425500,SP,Barry,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,20 Servante St,3,h,735000,PI,hockingstuart,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,14 Thomson St,3,h,595000,S,Douglas,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13 Union St,3,h,735000,S,Bells,15/10/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,16 Ball St,3,h,725000,S,GL,15/10/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,93 Westmoreland Rd,2,h,715000,S,Douglas,15/10/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,81a Hall St,3,h,,SN,Barry,15/10/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,54 Hilma St,3,h,825000,S,Barry,15/10/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/23 Broughton Rd,2,u,610000,PI,Marshall,15/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,54 Croydon Rd,4,h,2003000,S,Jellis,15/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/290 Mont Albert Rd,2,u,831000,S,Noel,15/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,18 View St,4,h,,S,Marshall,15/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,49 Weybridge St,4,h,,S,Jellis,15/10/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,13 Ondella Wy,4,h,700000,S,YPA,15/10/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,26 Bloomsbury Dr,3,h,505000,S,Barry,15/10/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,12 Puckle St,4,h,,PN,Prof.,15/10/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,5 York Cl,4,h,630000,S,Ray,15/10/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,16 MacKenzie Cl,4,h,865000,S,Prof.,15/10/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,6 Glenvista Pl,4,h,,SP,Fletchers,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,9 Helmsdale Rt,5,h,,S,Parkes,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,14 Hillcroft Dr,5,h,2600000,S,Parkes,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Keryn Cl,4,h,1385000,PI,Barry,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/11 Milne St,2,u,,SP,Fletchers,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,18 Templemore Dr,3,h,,S,Jellis,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,36 The Grange,5,h,1140000,S,Barry,15/10/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,2/47 Parker St,2,t,678000,S,Barry,15/10/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,5/327 High St,2,u,265000,S,Ray,15/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,36 Kemp Av,3,h,493000,S,Barry,15/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,26 Oxford Dr,3,u,471000,S,Harcourts,15/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,70 Pandora Av,3,h,452000,S,Love,15/10/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,28 Bradley Av,3,h,1200000,S,Nelson,15/10/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,126 Keon St,3,h,1265000,S,Jellis,15/10/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,111 Smith St,2,h,1085000,S,Nelson,15/10/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,17 Albany Rd,3,h,6250000,S,Kay,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,23 Canberra Rd,4,h,4500000,PI,RT,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,28 Church St,4,h,2025000,PI,Sotheby's,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/36 Grange Rd,1,u,541000,S,Jellis,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/83 Grange Rd,3,t,1550000,VB,Kay,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/1085 Malvern Rd,3,u,2205000,S,Jellis,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,18/703 Orrong Rd,2,u,1100000,VB,David,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12/1 Ruabon Rd,2,u,490000,PI,Thomson,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,74/546 Toorak Rd,3,u,,SN,Kay,15/10/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,110 Baroda St,4,h,1562000,SP,Nelson,15/10/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Upwey,6 Lilian St,3,h,630100,SP,Harcourts,15/10/2016,3158,Eastern Victoria,2591,29.3,Yarra Ranges Shire Council +Vermont,1/51 Boronia Rd,3,h,630000,SA,hockingstuart,15/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,11a Park Cl,5,h,1165000,S,Ray,15/10/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,13 Gelea Cr,4,h,1100000,S,Ray,15/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,5 Murray Ct,3,h,,SP,Biggin,15/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,7 Sewart Cl,4,h,1260000,VB,Noel,15/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,50a Stanley Rd,4,h,1415000,S,Ray,15/10/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wallan,18 McNaughton Cl,3,h,,PI,Barry,15/10/2016,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,14 Tabilk Ct,3,h,,SN,Barry,15/10/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Waterways,26 Broadwater Dr,4,h,950000,PI,Ray,15/10/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia North,155 Cameron Pde,3,h,635000,SP,Stockdale,15/10/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,161 Cameron Pde,3,h,705000,SP,Barry,15/10/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,37 Hawkesbury Rd,3,h,392000,S,Pellegrino,15/10/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,120 Cross St,4,h,850000,SA,Ray,15/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,47 Fontein St,3,h,,SP,Sweeney,15/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/9 Indwe St,3,t,620000,S,Nelson,15/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,21 Napoleon St,2,h,1001000,S,Burnham,15/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,20 Warleigh Rd,3,h,875000,SP,Sweeney,15/10/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,24 Franklin Pl,3,t,,PI,Jellis,15/10/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,12/26 Hillcrest Dr,3,t,510000,S,Barry,15/10/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,297 Mickleham Rd,3,h,490000,PI,Stockdale,15/10/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,2 Homestead Dr,4,h,1002000,S,Stockdale,15/10/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,27 Kooringa Cr,4,h,925000,S,Owen,15/10/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,18 Plato Cr,3,h,940000,S,Barry,15/10/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,18 Strada Cr,3,h,985000,S,Ray,15/10/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,102 John St,2,h,1000000,S,Jas,15/10/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,24/18 Station Rd,2,u,415000,S,Greg,15/10/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,106/233 Dandenong Rd,1,u,300000,VB,Ray,15/10/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,4/11 Lewisham Rd,2,u,520000,PI,Biggin,15/10/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,15 Cotchin Cl,4,h,650000,S,hockingstuart,15/10/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,16 Stoke Cct,3,h,410000,S,Harcourts,15/10/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Woori Yallock,12 Alan Gr,3,h,,PN,Landmark,15/10/2016,3139,Northern Victoria,1164,35.2,Yarra Ranges Shire Council +Yallambie,4 Coleen St,3,h,742000,S,Barry,15/10/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,36 Longacres Rd,4,h,953000,S,Fletchers,15/10/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,203/109 Anderson St,2,u,666300,SP,Jas,15/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,27 Buninyong St,3,h,1217500,PI,Greg,15/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,41 Gent St,4,h,,SN,Barry,15/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1a Kingston St,2,h,610000,SP,Jas,15/10/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,16/11 Nicholson St,3,u,,PI,Philip,16/04/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,180 Parer Rd,3,h,830000,S,Barry,16/04/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,7 Oakwood Rd,4,h,,SN,Barry,16/04/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,86 Mills St,3,h,2000000,VB,RT,16/04/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,44 Naroon Rd,3,h,1540000,S,Nelson,16/04/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,11 Tower Av,4,h,,S,Jellis,16/04/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,1/57 Blyth St,3,u,730000,SP,Barlow,16/04/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,22 Fenfield St,3,h,678000,S,hockingstuart,16/04/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,315 Victoria St,3,h,514000,S,Greg,16/04/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Ardeer,3 Tower St,3,h,,PI,Barry,16/04/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,5 Alleyne Av,4,h,,S,Jellis,16/04/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/569 Orrong Rd,1,u,324000,S,Jellis,16/04/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,19 Sutherland Rd,3,h,,S,Marshall,16/04/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,7 Angler Pde,4,h,1640000,S,Raine,16/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,26 Ayr St,6,h,1430000,S,Nelson,16/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/127 Epsom Rd,2,u,610000,SP,Brad,16/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,57 The Parade,3,h,940000,S,Nelson,16/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,11a Ambon St,3,h,,S,Jellis,16/04/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,24 Fakenham Rd,3,h,,S,Marshall,16/04/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,95 Nicholas St,2,h,1445000,S,Jellis,16/04/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/21 Electra Av,2,t,690000,S,Buxton,16/04/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3/26 May Park Av,3,t,,PI,Fletchers,16/04/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Attwood,3 Mitchell Ct,4,h,660000,SP,Barry,16/04/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,16a Arbor Tce,3,u,665000,S,Brad,16/04/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,40a Herbert St,3,h,560500,S,Nelson,16/04/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,12 Malcolm St,5,h,,PN,Arbee,16/04/2016,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balwyn,7 Power St,5,h,2020000,S,Marshall,16/04/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6/29 Weir St,2,u,460000,VB,Jellis,16/04/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,3 Alpha St,4,h,2170000,SP,Fletchers,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,237a Balwyn Rd,5,h,1310000,PI,Appleby,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/17 Corhampton Rd,3,h,,S,Jellis,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,48 Hosken St,4,h,2525000,PI,Jellis,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Kawarren St,5,h,,SN,Jellis,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Stephens St,4,h,3360000,S,Assisi,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Sunburst Av,3,h,1845000,S,hockingstuart,16/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1 The Haven,3,h,,SN,Barry,16/04/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,458 Balcombe Rd,3,h,1050000,VB,Hodges,16/04/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2 Banksia Av,4,h,3000000,VB,Kay,16/04/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Church St,4,h,1250000,SP,Buxton,16/04/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,21 Lang St,4,h,1927500,S,Hodges,16/04/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 Martin St,4,h,1330000,PI,OBrien,16/04/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,8 Erica Ct,3,h,770000,S,Haughton,16/04/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,4 Leckie St,3,h,1327500,S,hockingstuart,16/04/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9b Marquis Rd,4,t,1435000,S,hockingstuart,16/04/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,10 Osborne Av,5,h,1960000,S,Buxton,16/04/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,41 Wavell St,4,h,,S,Buxton,16/04/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,43 Wavell St,4,h,1560000,PI,Buxton,16/04/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,32a Argyle St,3,t,920000,S,Buxton,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Barrani St,3,h,1050000,S,Woodards,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,45 Browns Rd,3,h,1560000,S,Woodards,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,69a Deakin St,3,h,1000000,VB,Woodards,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Glover St,4,h,800000,PI,Hodges,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Highview Rd,2,h,722000,S,Buxton,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Normanby Rd,3,h,930000,SP,Buxton,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/48 Pasadena Cr,3,h,780000,S,Buxton,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,93 Tudor St,3,h,921000,S,Buxton,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 York St,4,h,1035000,PI,First,16/04/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,4 Limousin Ct,4,h,,PN,Doyen,16/04/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,31 McNabb St,3,h,,SN,Barry,16/04/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,6 Theodore Tce,3,h,,PI,Barry,16/04/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/263 Beach Rd,3,h,,SN,RW,16/04/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,16 Cullinane St,2,h,1370000,S,Thomson,16/04/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,13 Keating St,4,t,,SP,Buxton,16/04/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/7 Doulton Rd,2,u,745500,S,Barry,16/04/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,11 Halley St,4,h,950000,PI,Noel,16/04/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,356 Middleborough Rd,3,h,899000,PI,Noel,16/04/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/180 Surrey Rd,2,u,487000,S,Fletchers,16/04/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,17 Merle St,2,h,1205000,S,Noel,16/04/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,2/10 Middlefield Dr,3,h,600000,S,Ray,16/04/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1 Shafer Rd,3,h,1075000,S,Fletchers,16/04/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,3 Ashcroft Gr,5,h,1330000,S,Jellis,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,30 Bindy St,3,h,,SN,Woodards,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,8 Cluney Ct,5,h,1075000,PI,Lindellas,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,40 Indra Rd,4,h,911000,S,Philip,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Jasmine Ct,4,h,,S,Noel,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,41 Samuel Rd,4,h,,SP,hockingstuart,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Sandgate Rd,3,h,850000,PI,Allens,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,31 Swan St,3,h,,S,Fletchers,16/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,18 Cannes Av,4,h,1110000,SP,Hodges,16/04/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,55 Albion Rd,4,h,1600000,S,Fletchers,16/04/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,40 Lawn Cr,3,t,,SN,GL,16/04/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,97 Fernside Av,3,h,795000,SA,Morrison,16/04/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,2/61 Black St,2,u,800000,VB,hockingstuart,16/04/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/2 Brandon Cl,2,u,,SP,Buxton,16/04/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,34 Middle Cr,4,h,4375000,S,hockingstuart,16/04/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,48 Montclair Av,2,h,1036000,S,Buxton,16/04/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,31 Orchard St,5,h,2100000,PI,Hodges,16/04/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,6 Balfour St,3,h,1620000,S,Marshall,16/04/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Burwah Av,4,h,2127000,S,hockingstuart,16/04/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Stradbroke Av,4,h,,S,Buxton,16/04/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/111 Thomas St,3,t,940000,S,hockingstuart,16/04/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,108 Waranga Cr,4,h,402500,S,YPA,16/04/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,311 Albion St,3,h,825000,S,Nelson,16/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,46 Cassels Rd,2,h,860000,S,Nelson,16/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,50 Davies St,2,h,830000,S,Nelson,16/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,58 Donald St,2,h,936000,S,Nelson,16/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,175 Edward St,3,h,1261000,S,Nelson,16/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,84 Stewart St,3,h,1045000,S,Jellis,16/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,2/146 Blyth St,2,u,510000,S,Nelson,16/04/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,89a Hickford St,3,h,1574000,S,Woodards,16/04/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,201 Hope St,2,h,711000,S,Nelson,16/04/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7 Zeal St,2,h,910000,S,Raine,16/04/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,7 Ronald Av,4,h,1298000,S,Barry,16/04/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,71 Summit Dr,4,h,1000000,VB,hockingstuart,16/04/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,9 Bendoran Cr,4,h,630000,SP,Barry,16/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Bendoran Cr,4,h,630000,S,Barry,16/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,40 David Cr,3,h,575000,S,Barry,16/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,26 Noorong Av,3,h,630000,S,Ray,16/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,92 Madden Gr,2,h,881000,SP,Jellis,16/04/2016,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,38 Gillard St,4,h,,PI,Marshall,16/04/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,4 Ian Gr,7,h,,PI,Ray,16/04/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,29 Meldan St,2,h,1350000,S,Fletchers,16/04/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,4 Ada St,3,h,2250000,S,O'Donoghues,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3a Braeside Av,3,h,,S,Marshall,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,591 Camberwell Rd,2,h,895000,PI,O'Donoghues,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Cooloongatta Rd,3,h,1800000,SP,Marshall,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10 Lofty Av,4,h,,S,Marshall,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Nicholsdale Rd,4,h,1400000,PI,Jellis,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,110 Rowell Av,3,h,2200000,PI,Noel,16/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,120 Faraday St,2,h,,S,Nelson,16/04/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,1018 Drummond St,4,h,2520000,S,Nelson,16/04/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,354 Station St,3,h,1214000,S,Nelson,16/04/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,25 Arawatta St,2,h,817500,S,Jellis,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/7 Judd St,1,u,,PN,Anderson,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,48 Lyons St,4,h,1450000,PI,Ray,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,51 Mimosa Rd,3,h,1000000,PI,Ray,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/79 Mimosa Rd,2,t,855000,S,Gary,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/61 Moonya Rd,2,h,675000,S,Gary,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7a Parton Ct,4,t,,SN,RT,16/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,1 Blossom Wy,3,h,390000,S,Munn,16/04/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,40 Snowdon Av,4,h,1220000,S,Gary,16/04/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,28 Ellington St,4,h,1960000,PI,hockingstuart,16/04/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,23 Lygon St,2,h,825000,S,Gary,16/04/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,136 Sycamore St,2,h,1262000,S,hockingstuart,16/04/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,67 Mulkarra Dr,4,h,,SP,Ray,16/04/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,76 Devon St,4,h,,SN,Buxton,16/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/92 Devon St,3,t,805000,S,OBrien,16/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/24 Jean St,3,t,850000,PI,hockingstuart,16/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21 Paul St,3,h,1280000,S,Buxton,16/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/8 Stuart Av,2,u,665000,S,J,16/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Ward St,3,h,795000,S,Ray,16/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,54 Viney St,3,h,730000,S,Century,16/04/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/1416 North Rd,4,t,725000,S,Buxton,16/04/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/30 Bevan Av,4,t,599999,PI,Fletchers,16/04/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,43 Ester Cr,3,h,635000,S,Century,16/04/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,49 Glenmorgan Cl,3,h,710000,S,LJ,16/04/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,12 Gordon St,4,h,865000,S,Brad,16/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11/5 Industry La,2,u,485000,VB,Nelson,16/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,12 Lascelles St,3,h,765000,S,Nelson,16/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,31 Camera Wk,2,t,460000,PI,Stockdale,16/04/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,3/53 Lincoln Av,2,u,,SN,Barry,16/04/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,5 Peterson Av,3,h,,SN,Barry,16/04/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,84 Budd St,3,h,1075000,S,hockingstuart,16/04/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,38/99 Oxford St,3,u,1470000,S,Nelson,16/04/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,13 Alma St,3,h,,PN,Jason,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Distinction Av,4,h,520000,VB,Ray,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Emerald Cct,4,h,445000,S,hockingstuart,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Gunning La,3,h,341000,S,Ray,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Jonesfield St,3,h,415000,SP,LJ,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,36 Mallacoota Wy,4,h,510000,SP,LJ,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Mittagong Ri,3,h,463000,S,Ray,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,39 Southern Cr,3,h,,SN,Barry,16/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,6 Boyana Cr,5,h,760000,PI,Fletchers,16/04/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,5 Moss Ct,4,h,705000,S,Carter,16/04/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong North,197 Outlook Dr,3,h,600000,S,Hodges,16/04/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,9 Dover Ct,3,h,550000,SP,Mason,16/04/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,18 Greenwoods Cl,4,h,691000,SP,Ray,16/04/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,2 Wheatland Cr,4,h,912000,S,Ray,16/04/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,460 Doncaster Rd,3,h,,S,Jellis,16/04/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,19 Gilmore Rd,3,h,1485000,S,Barry,16/04/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Gray St,3,h,,SN,Philip,16/04/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,22 Menarra St,3,h,1190000,S,Ray,16/04/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,8 Balinga Ct,5,h,1150000,VB,Jellis,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,39 Brindy Cr,3,h,720000,PI,hockingstuart,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Celia Ct,4,h,,SN,Parkes,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Kent Ct,4,h,1100000,PI,Barry,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/5 Maude Av,2,u,645000,S,Fletchers,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,62 Morna Rd,3,h,945000,S,Jellis,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,56 Owens St,4,h,1060000,PI,Barry,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,15 Tidcombe Cr,4,h,880000,PI,Fletchers,16/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,70 Carbine St,4,h,1075000,PI,Ray,16/04/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/4 Craileen St,3,u,662500,S,Jellis,16/04/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/45 Leslie St,2,u,585000,PI,Barry,16/04/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/201 Mitcham Rd,2,u,568000,S,Barry,16/04/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Edithvale,105 Berry Av,3,h,958000,S,Biggin,16/04/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,24 Hughes Av,3,h,890000,S,Mitchell,16/04/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/33 Lochiel Av,2,u,580000,S,hockingstuart,16/04/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,28 Tudor Ct,3,u,580000,S,hockingstuart/hockingstuart,16/04/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3/477 Kooyong Rd,3,t,1071000,S,Biggin,16/04/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,21 Liscard St,3,h,1800000,S,Biggin,16/04/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2 Park St,3,h,2345000,S,Biggin,16/04/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/16 St Georges Rd,2,u,741000,S,Biggin,16/04/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,181 Pitt St,3,h,950000,SP,Fletchers,16/04/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,17 Addison St,3,h,1700000,S,Chisholm,16/04/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/15 Dickens St,2,u,686000,S,hockingstuart,16/04/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/21 Milton St,2,u,560000,PI,Jellis,16/04/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/41 Shelley St,2,u,765000,S,Marshall,16/04/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,1 Harlequin Wk,4,h,,PN,YPA,16/04/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Lancia Ct,4,h,480000,PI,C21,16/04/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1/18 Wynnette Ct,3,u,382000,S,Harcourts,16/04/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,9a Ballater St,2,u,800000,S,Paul,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2 Cooke St,5,h,1575000,PI,Brad,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9/160 Napier St,1,u,280000,SP,Pagan,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,211 Napier St,4,h,1467000,S,Brad,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11 Raleigh St,3,h,770000,S,Brad,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,15/18 Raleigh St,2,u,446000,S,Nelson,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,20 Warner St,2,h,890000,PI,Nelson,16/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,62 Dowding Cl,4,h,615000,S,Stockdale,16/04/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,21 Frederick St,3,h,,SN,Barry,16/04/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,258 Napier St,3,h,2200000,VB,Nelson,16/04/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,111 Best St,3,h,1275000,SP,Nelson,16/04/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,102 Falconer St,3,h,,S,Nelson,16/04/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,282 Glenlyon Rd,3,h,1141000,S,Nelson,16/04/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,26 Grant St,3,h,,S,Nelson,16/04/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,7/30 Bryant St,1,h,250000,VB,Nelson,16/04/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,250 Pinoak Cr,3,h,815000,S,Nelson,16/04/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,105/72 Cross St,1,u,375000,S,Biggin,16/04/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/63 Everard St,2,u,615000,S,Sweeney,16/04/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,1 Olympic Ct,3,h,,PI,Woodards,16/04/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,11 Barwon Av,5,h,680000,SP,LJ,16/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,25 Franciscan Av,4,h,461000,SP,U,16/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,256 Heatherhill Rd,3,h,435000,S,Community,16/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gladstone Park,55 Snaefell Cr,4,h,605000,S,YPA,16/04/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,3 Barina Rd,3,h,,S,Marshall,16/04/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/38 Hillside Pde,3,h,,SN,hockingstuart,16/04/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/1537 Malvern Rd,3,u,,SP,Nelson,16/04/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,229 Tooronga Rd,3,h,,S,Jellis,16/04/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,5 Agnes Ct,3,h,,PI,Ray,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34 Angus Dr,4,h,1325000,S,Barry,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Grantley Dr,4,h,,SS,Barry,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,109 Herriotts Bvd,5,h,,PI,Ray,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,62 Ivanhoe St,4,h,,S,Biggin,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12/1 McKelvie Ct,3,t,,SN,Biggin,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Stableford Av,3,h,,PI,Biggin,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/32 Wilson Rd,3,u,846000,S,Ray,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,123 Windella Cr,3,h,920000,S,Barry,16/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,20 Tarana Av,3,t,545000,SP,Brad,16/04/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,64 Valley Cr,3,h,570000,PI,Barry,16/04/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,40 View St,3,h,525000,S,Brad,16/04/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,3 Gowanbrae Dr,3,h,700000,SP,Nelson,16/04/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,42 Seggan Cir,3,h,485000,S,Nelson,16/04/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,9 Beewar St,3,h,780000,S,Coventry,16/04/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,19 Hamlet St,3,h,760000,S,Buckingham,16/04/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Phillip Ct,4,h,820000,S,Buckingham,16/04/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,17 Bridlington Dr,5,h,751500,S,Jason,16/04/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,32 Buttercup Dr,4,h,563000,S,YPA,16/04/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2/6 Wallace Dr,3,h,450000,S,Evolve,16/04/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1/22 Volga St,3,t,510000,PI,Raine,16/04/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,5/52 Fewster Rd,2,h,,SP,Buxton,16/04/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,33 Widdop Cr,3,h,1225000,S,Buxton,16/04/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4 Ardene Ct,5,h,3950000,S,Jellis,16/04/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,31 Grove Rd,4,h,,S,Marshall,16/04/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,16/36 Anderson Rd,3,u,735000,S,Noel,16/04/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5 Nicholson St,4,h,2920000,S,Marshall,16/04/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,446 Tooronga Rd,3,h,,S,Marshall,16/04/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,13 Edgar St,3,h,750000,VB,Nelson,16/04/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,50 Manton St,4,h,1115000,S,Miles,16/04/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,19 Collins St,2,h,650000,S,Haughton,16/04/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,8 Leonard St,5,h,890000,S,hockingstuart,16/04/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,82 Southern Rd,3,h,650000,S,Miles,16/04/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,23 Catalina St,2,h,620000,PI,Ray,16/04/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2 Pandanus Ct,2,h,497500,SP,Miles,16/04/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,15/459 Waterdale Rd,2,u,360000,SP,Miles,16/04/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,34a Gilarth St,4,h,1206000,S,Woodards,16/04/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,21 Jackson Rd,3,h,921000,S,Hodges,16/04/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,39a Miller St,3,t,705000,S,Buxton,16/04/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,24a Tibrockney St,3,t,1235000,S,Buxton,16/04/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,18 Castlewellan Bvd,7,h,850000,PI,Barry,16/04/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,6 Queens Pde,5,h,685000,S,Ray,16/04/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Tormorvey Av,4,h,460000,SP,Barry,16/04/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hughesdale,3/14 Rugby Rd,2,u,455000,S,Fletchers,16/04/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,47 Greville St,3,h,936000,S,Hodges,16/04/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,3/16 Elphin St,1,u,420000,SP,Miles,16/04/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/24 Green St,3,t,750000,S,Barry,16/04/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/125 Locksley Rd,2,u,460000,VB,Fletchers,16/04/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,17 Withers St,3,h,,SN,Miles,16/04/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,11/1051 Pascoe Vale Rd,2,u,280000,PI,Raine,16/04/2016,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,108 Sunset Bvd,3,h,425000,S,Barry,16/04/2016,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,21 Barwon Av,3,h,530000,SP,Brad,16/04/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,50 Dongola Rd,4,h,470000,S,Brad,16/04/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1/19 Berembong Dr,3,t,570000,VB,Nelson,16/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,564 Buckley St,3,h,630000,S,Nelson,16/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,48 Fawkner Cr,3,h,780000,S,Brad,16/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,26 Heather Av,5,h,762000,SP,Nelson,16/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,13 Pennington St,4,h,835000,S,Nelson,16/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/31 Surrey Dr,3,t,705000,S,Barry,16/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,14 Altona St,2,t,812000,SP,Rendina,16/04/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,11 Nottingham St,5,h,1900000,VB,Nelson,16/04/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,32a Duke St,5,h,,VB,Fletchers,16/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,178 Peel St,5,h,2650000,VB,Marshall,16/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11/6 Swinton Av,2,u,950000,S,Marshall,16/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/147 Willsmere Rd,3,h,972500,S,Jellis,16/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,62 Munro St,4,h,2081000,S,Nelson,16/04/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,7 Silvercrest Ct,5,h,1080000,S,Ray,16/04/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,33 Glendale Ct,3,h,592000,S,Stockdale,16/04/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Lalor,9 Childs Rd,3,h,510000,S,Love,16/04/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,93 Cyprus St,3,h,540000,S,Barry,16/04/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,11 Donovan St,4,h,550000,S,Love,16/04/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,16 Kenna Dr,3,h,,SP,Love,16/04/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,5 Edwards St,4,h,910000,S,Fletchers,16/04/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,11 Rangeview Rd,4,h,900000,S,Buckingham,16/04/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,78 Harborne St,4,h,,SP,Barry,16/04/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,5 Wungan St,3,h,555000,SP,Miles,16/04/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,48/48 Eucalyptus Dr,2,u,349000,PI,hockingstuart,16/04/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,14 Woodmason St,3,h,1437000,S,hockingstuart,16/04/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,29 MacGregor St,3,h,1915000,PI,C21,16/04/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,102 Manning Rd,4,h,1690000,S,Marshall,16/04/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6 Ramona Av,3,h,1320000,PI,Fletchers,16/04/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,112 Edgewater Bvd,3,t,865000,PI,Clairmont,16/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,42/2 Horizon Dr,2,u,488000,S,Barry,16/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5 Lyric St,4,h,940000,S,GL,16/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3/26 Middle Rd,2,t,570000,S,Jas,16/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,19 Pridham St,3,h,,S,Brad,16/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,6 Wardell Cl,3,t,,VB,Brad,16/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,55 McKinnon Rd,4,h,,SP,Woodards,16/04/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,1104/582 St Kilda Rd,2,u,750000,PI,Kay,16/04/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,48b Albenca St,4,h,,S,hockingstuart,16/04/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12/78 Beach Rd,2,t,680000,S,hockingstuart,16/04/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/35 Como Pde E,2,u,520000,VB,RT,16/04/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,24 Teague Av,3,t,861000,S,hockingstuart,16/04/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,6/82 Patterson St,2,u,700000,SP,Greg,16/04/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,6 Laver Ct,4,h,,SN,Barry,16/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,43 Madigan Cr,3,h,520000,S,Harcourts,16/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Septimus Cl,4,h,610000,S,Love,16/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Woodvale Ct,3,h,501000,SP,Barry,16/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,12 Mountfield Rd,4,h,1040000,S,Noel,16/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9 Newbury St,3,h,814000,S,Allens,16/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,30 Tirana St,3,h,,PI,Philip,16/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,16 Station Rd,3,h,710000,S,Buckingham,16/04/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,2 Addison St,3,h,1370000,S,Nelson,16/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,61 Athol St,3,h,1400000,SP,Brad,16/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,22 McPherson St,4,h,1310000,S,Jellis,16/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Milverton St,4,h,1833000,SP,Jellis,16/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,10a Narooma St,3,u,1035000,S,C21,16/04/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/1 Perry St,3,t,785000,S,Ray,16/04/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,135c McDonald St,4,h,740000,SP,Buxton,16/04/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,10 Derham St,4,h,,SP,@Realty,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,39 Hansen St,2,h,1030000,S,Barry,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,496 Highbury Rd,3,h,1055000,S,Buxton,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,428 Huntingdale Rd,4,h,1200000,S,Buxton,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Lynden Gr,3,h,910000,PI,Barry,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Randall Ct,5,h,,PI,Ray,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Trevor Ct,5,h,,PI,Jellis,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,489 Waverley Rd,4,h,950000,S,Barry,16/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,7 Police Rd,4,h,776000,S,Ray,16/04/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,11 Seaview Cr,3,h,585000,S,Ray,16/04/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Sunrise Dr,4,h,877000,S,Ray,16/04/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,696 Wellington Rd,5,h,,PI,Barry,16/04/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,4/2 Shrives Rd,2,h,,PI,Barry,16/04/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,5 Croker St,3,h,716000,S,Williams,16/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1 Durkin St,2,h,740000,S,RT,16/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,91 High St,4,h,970000,S,Greg,16/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/29 Maddox Rd,3,t,735000,S,Williams,16/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,26 Nolan St,3,h,1076000,S,Barry,16/04/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,11 Spring St,4,h,850000,S,Barry,16/04/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3/30 Ambrie Cr,3,h,515000,SP,RW,16/04/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4/138 Corrigan Rd,3,t,,PI,Barry,16/04/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/61 Kelvinside Rd,3,u,320000,VB,hockingstuart,16/04/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,2/150 Arden St,2,u,440000,PI,hockingstuart,16/04/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,5 Carroll St,3,h,,SP,RT,16/04/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,12/700 Queensberry St,2,u,606000,S,Nelson,16/04/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,13 Andrew St,3,h,1900000,SP,hockingstuart,16/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,121 Bent St,2,h,888000,SP,hockingstuart,16/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,45 Emmaline St,2,h,1020000,S,Nelson,16/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,34 Oamaru St,3,h,1160000,S,hockingstuart,16/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/13 Spencer St,2,h,844000,S,Barry,16/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,64 Union St,3,h,1860000,S,Nelson,16/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,4 Marina Ct,3,h,,PI,Biggin,16/04/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Oak Park,2/2 Strachan St,2,t,,SP,Nelson,16/04/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,14 Summit Av,4,t,715750,SP,Stockdale,16/04/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,18 Summit Av,3,h,862500,S,Brad,16/04/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,184 Atherton Rd,3,u,,PI,Buxton,16/04/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Ormond,245 Grange Rd,4,h,1500000,VB,Ray,16/04/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,4/4 Ormond Rd,1,u,260000,SP,Thomson,16/04/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/11 Stewart St,3,h,,S,Buxton,16/04/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/5 Greenways Ct,4,t,1520000,SP,Buxton,16/04/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,29 Stewart Av,3,h,1211000,S,Hodges,16/04/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,84 Flemington Rd,10,h,2800000,VB,Nelson,16/04/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,106/459 Royal Pde,1,u,,SP,Woodards,16/04/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,109 Derby St,4,h,970000,S,Nelson,16/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/7 Hazel Gr,3,u,515000,SP,hockingstuart,16/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,75 Landells Rd,3,h,985000,S,D'Aprano,16/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/31 Pardy St,2,t,515000,SP,Brad,16/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,4 Lakeside Dr,4,h,,PI,Ray,16/04/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Tropic Cct,3,h,,SN,Ray,16/04/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,59 Beacon Vs,3,h,,S,Marshall,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,139 Cruikshank St,3,t,1565000,S,Cayzer,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,7/174 Esplanade Pl,2,u,730000,SP,RT,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,7/174 Esplanade East,2,u,730000,SP,RT,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,76/1 Graham St,2,u,,PI,Marshall,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,59 Heath St,3,h,1670000,S,Greg,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,312/19 Pickles St,2,u,,VB,Dingle,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,223 Princes St,2,h,,SN,Greg,16/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,77 Chomley St,3,h,,SN,hockingstuart,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,204/220 Commercial Rd,2,u,,SP,hockingstuart,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4 Green St,4,h,,S,hockingstuart,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/67 High St,2,u,530000,VB,Jellis,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,43 Highbury Gr,3,h,1651000,S,Marshall,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/113 Williams Rd,1,u,,S,hockingstuart,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/20 Wynnstay Rd,2,u,615000,SA,Biggin,16/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,37 Bailey Av,5,h,1615000,S,Harcourts,16/04/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13 Garnet St,2,h,700000,PI,Barry,16/04/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Hope St,3,h,930000,S,Barry,16/04/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,178 Raglan St,2,h,920000,SP,hockingstuart,16/04/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Walsh St,3,h,,S,hockingstuart,16/04/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,206 Richardson St,2,h,1100000,S,Nelson,16/04/2016,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,9 Ayr St,4,h,670000,SP,Ray,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/32 Banff St,2,u,,SN,Ray,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/18 Duffy St,2,u,376000,S,Ray,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/963 High St,2,u,323000,S,Nelson,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,119 Hughes Pde,3,h,680000,S,Ray,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/27 Kenilworth St,2,t,530000,S,Nelson,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Leichardt Cr,3,h,567000,SP,hockingstuart,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/6 Lucille Av,3,t,480000,PI,Ray,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Mason St,4,h,786000,S,Nelson,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Moira Av,4,h,,SN,Love,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/7 Pershing St,2,u,390000,VB,Nelson,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Wilkinson St,3,h,,SN,Barry,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Willoughby St,3,h,650000,S,hockingstuart,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Zinnia St,3,h,540000,S,Nelson,16/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,11 Barkly Av,4,h,1540000,S,Jellis,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29 Bennett St,3,h,1088000,S,Jellis,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/310 Burnley St,3,t,911000,S,Biggin,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Highett St,4,h,3001000,S,Biggin,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,92 Madden Gr,2,h,881000,SP,Jellis,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,101/7 Newry St,2,u,,PI,Biggin,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/63 Stawell St,2,u,638000,S,Biggin,16/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,8 Fyfe Av,2,h,,SN,Barry,16/04/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,9 Ireland St,4,h,,S,Carter,16/04/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,14 Maidstone St,4,h,,SN,Woodards,16/04/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/78 Warrandyte Rd,2,h,,S,Jellis,16/04/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1/1 Alexandra Rd,3,h,590000,S,Kay,16/04/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,180 Grandview Gr,6,h,1245000,S,Nelson,16/04/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,11/77 McCrae Rd,2,h,430000,S,hockingstuart,16/04/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,28 Stanton Cr,3,h,980000,S,Miles,16/04/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,5 Hermitage Pl,4,h,1210000,S,Barry,16/04/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,133 Turramurra Dr,5,h,1240000,S,Barry,16/04/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,7 Vue Ct,4,h,705000,PI,Schroeder,16/04/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 Wrigley Cr,4,h,495000,S,Raine,16/04/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,50 Warrego Cct,4,h,555000,SP,U,16/04/2016,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,108 Abbott St,4,h,1500000,VB,Buxton,16/04/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5/76 Bay Rd,2,u,576500,S,hockingstuart,16/04/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/10 Heath St,2,u,735000,S,Hodges,16/04/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,70 Vincent St,3,h,,S,Hodges,16/04/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/11 Waltham St,2,u,640000,VB,hockingstuart,16/04/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,38 Alfred St,3,h,920000,PI,Jas,16/04/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,11 Hotham St,3,h,1395000,SP,Jas,16/04/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,16 Margaret St,3,h,965000,S,Jas,16/04/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,58 Kernot St,4,t,915000,SP,Sweeney,16/04/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,14/182 Albert Rd,2,u,1500000,VB,Greg,16/04/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,50 Bridport St,2,h,2000000,PI,Greg,16/04/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,40a Napier St,2,u,692000,S,Greg,16/04/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,27 Chamonix Pde,4,h,,PI,Harcourts,16/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,21 Jezwing Av,3,h,495000,S,Millership,16/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,608/20 Garden St,2,u,515000,VB,Harrington,16/04/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3 Hyland St,2,h,,SP,Jellis,16/04/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,125/173 City Rd,1,u,425000,VB,Greg,16/04/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,13 Robb St,3,h,831000,S,Biggin,16/04/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,2/45 Whitworth Av,3,t,736000,S,Leyton,16/04/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,20 Fox St,3,h,526000,S,Douglas,16/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Helen St,3,h,,SN,Barry,16/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,59 Leonard Av,3,h,,SN,Barry,16/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,91 Oleander Dr,3,h,500000,S,Ray,16/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,3/38 Barkly St,2,u,503500,S,Buxton,16/04/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/50 Dalgety St,1,u,511000,S,McGrath,16/04/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/58 Grey St,2,u,580000,PI,McGrath,16/04/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,43 Henshall Rd,4,h,1430000,S,Nelson,16/04/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,10 Roslyn St,5,h,915000,S,Brad,16/04/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,82 MacEdon St,2,h,385000,SP,Barry,16/04/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,1 Boreham St,3,h,610000,S,Barry,16/04/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,95 Couch St,3,h,,PI,hockingstuart,16/04/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,14 Staughton St,3,h,600000,S,Sweeney,16/04/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,6 Gresford St,4,h,735000,S,Douglas,16/04/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,20 Mills St,3,h,635800,SP,Douglas,16/04/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,17 Fern St,3,h,480000,PI,Barry,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,68 Lachlan Rd,3,h,540000,PI,Barry,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1 Larool Cr,3,h,555000,S,Barry,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,60 Nicholson Pde,3,h,,W,Stockdale,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,20 Norton St,3,h,544500,S,Melbourne,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,19 Pickersgill Av,3,h,,SP,Biggin,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2/66 Talintyre Rd,2,u,345000,PI,Douglas,16/04/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/7 Beatrice Av,3,t,,S,Marshall,16/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,53 Broughton Rd,5,h,1350000,S,Fletchers,16/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/26 Florence Rd,2,u,550000,SP,Jellis,16/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Olyve Ct,4,h,1850000,VB,Marshall,16/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,27 Pembroke St,4,h,,S,Jellis,16/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,212 Union Rd,4,h,2050000,VB,Jellis,16/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,12 Sambuco Ct,3,h,388000,S,Barry,16/04/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,11 Cedarwood Ct,4,h,,SN,Sweeney,16/04/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,5 Lyrebird Ct,4,h,595000,PI,Barry,16/04/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,53 Pintail Cr,4,h,,S,Barry,16/04/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,7 Selwyn Ct,5,h,1165000,S,Jellis,16/04/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,38 Bryson Gr,4,h,,S,hockingstuart,16/04/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,17 Gidgee Av,4,h,1210000,S,Ray,16/04/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,13 Tasker St,3,h,1010000,S,Barry,16/04/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,14 Lorna Ct,3,h,,SN,Schroeder,16/04/2016,3154,Eastern Metropolitan,1690,27,Knox City Council +Thornbury,10 Ethel St,3,h,898000,S,hockingstuart,16/04/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,22 Gooch St,3,h,1235000,S,Jellis,16/04/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,52a Leinster Gr,3,t,910500,SP,hockingstuart,16/04/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,37 Lewis St,3,h,995000,S,Jellis,16/04/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,84 Raleigh St,2,h,760000,S,Nelson,16/04/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/305 Rossmoyne St,2,u,505000,S,Jellis,16/04/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,719a Malvern Rd,3,h,1300000,SP,Biggin,16/04/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/767 Malvern Rd,2,u,,SP,Thomson,16/04/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,8 Streetly Cl,4,h,530000,S,Jason,16/04/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,60 Boronia Rd,3,h,858000,S,Noel,16/04/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,80 Boronia Rd,4,h,880000,S,Barry,16/04/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,31 Grey St,4,h,,S,Noel,16/04/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,3 Bracknell Ct,4,h,1100000,S,Jellis,16/04/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,14 Coltain St,4,h,,SN,M.J,16/04/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,16 Donbirn Wy,4,h,957500,S,M.J,16/04/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,6/335 Hawthorn Rd,3,t,768000,S,Noel,16/04/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,15 Christine St,3,h,775000,SP,Miles,16/04/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,6 Glade Dr,3,h,,PI,Harcourts,16/04/2016,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,3 Albany Ct,4,h,778000,S,Ray,16/04/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,38 Cavendish Av,4,h,890000,SP,Professionals,16/04/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,30 Gresford Rd,4,h,721000,S,Ray,16/04/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,12 Arthur St,4,h,878000,S,Justin,16/04/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1/22 Moonah Rd,3,u,575000,S,Ray,16/04/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,3 Tennyson St,3,h,1040000,PI,Buckingham,16/04/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Westmeadows,29 Kenny St,3,h,430000,PI,Jason,16/04/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,5 Eaton Pl,4,h,1385000,S,Ray,16/04/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,22 Burbidge Dr,3,h,906000,SP,Compton,16/04/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,71 Hannan St,4,h,1805000,S,Greg,16/04/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,46 Illawarra St,3,h,,SN,Greg,16/04/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,169 Nelson Pl,3,h,,S,Rodney,16/04/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,16 Princes St,4,h,1126000,SP,Raine&Horne,16/04/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,21a Station Rd,3,t,935000,SP,Sweeney,16/04/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,42 Park Cr,2,h,600000,SA,Barlow,16/04/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,23 Victoria St,2,h,,S,Jellis,16/04/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,17 Akoona Wy,4,h,605000,S,Ray,16/04/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,64 Bishop St,3,h,1055000,S,hockingstuart,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/16 Dean St,3,t,620000,VB,iOne,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,117 Francis St,4,h,660000,PI,Sweeney,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,342 Francis St,3,h,681000,S,Sweeney,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5/69 Hamilton St,1,u,345000,S,hockingstuart/Village,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/1 Jepson St,2,t,705000,SP,Sweeney,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,25 Norfolk St,3,h,950000,SP,Village,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,9 Pearce St,3,h,955000,S,Jellis,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,11 Sanderson St,2,h,822000,S,Sweeney,16/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,54 Charles St,3,h,1310000,S,Nelson,16/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,8 Cooke St,3,h,1250000,S,Jellis,16/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,22 Lulie St,3,h,1130000,S,Nelson,16/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,41 Walters Av,3,h,700000,VB,Barry,16/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,91 Merton St,3,h,2000000,PI,hockingstuart,16/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,29 Philipson St,3,h,3000000,VB,Cayzer,16/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,80 Reed St,3,h,1310000,PI,Greg,16/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,33 Adelaide St,2,h,720000,VB,GL,16/06/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,4/24 Forrest St,2,u,,PI,Sweeney,16/06/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,3/3 King Edward Av,2,u,370000,S,Douglas,16/06/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,6/45 Broomfield Av,1,u,325000,S,Walshe,16/06/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,3 Medford St,3,h,800000,VB,R&H,16/06/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,2 Plenty Ct,3,h,655000,S,hockingstuart,16/06/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,57 Sommers Dr,3,h,,PI,Burnham,16/06/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,2b Edward Av,2,u,451000,PI,Burnham,16/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,80 Esmond St,5,h,,PI,GL,16/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,46 Rockbank Rd,3,h,1100000,PI,Barry,16/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,91 Suspension St,4,h,620000,S,GL,16/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,20/579 Dandenong Rd,2,u,535000,SP,Gary,16/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,21 Hume St,3,h,,S,Jellis,16/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/18 Mercer Rd,2,u,780000,VB,hockingstuart,16/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10 Munro St,3,h,2750000,SP,Abercromby's,16/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,34 Dalgety Dr,5,h,1535000,S,Brad,16/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,14/157 Epsom Rd,2,u,528000,S,Brad,16/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,71 Middle St,4,h,1170000,VB,Nelson,16/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/12 Sandown Rd,3,t,,SP,Jellis,16/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,63 The Parade,3,h,,PI,Hodges,16/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,13 Wigton St,4,h,,S,Nelson,16/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,2/7 George St,3,t,1100000,S,Buxton,16/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3/36 Queens Pde,2,u,688000,S,Buxton,16/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Avondale Heights,30 Brown St,3,h,,S,Barry,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,19 Davis Av,3,t,668000,S,Moonee,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,26 Intervale Dr,3,h,,SP,Moonee,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,54 Military Rd,3,h,,PI,Harcourts,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,50 North Rd,3,h,860000,PI,Nelson,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,29A Raglan St,3,h,710500,S,Nelson,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,82 Thompson St,2,h,1100000,S,Nelson,16/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,44 Brunning St,2,h,1200000,S,McGrath,16/06/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,22 Marlborough St,3,h,1400000,SP,McGrath,16/06/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,1/113 Westbury St,2,u,756000,S,McGrath,16/06/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2/33 Gordon St,2,u,,S,Jellis,16/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Metung St,3,h,2545000,S,Buxton,16/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,23 Wills St,5,h,,PN,Kay,16/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,16/47 Yerrin St,2,u,,S,Marshall,16/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,13 Libra St,4,h,1300000,VB,Fletchers,16/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Ray Dr,4,h,,S,Marshall,16/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,2/44 Elizabeth St,2,u,572500,SP,McGrath,16/06/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,6 Cherbourg Av,4,h,1650000,VB,Hodges,16/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,14 Florida Av,5,h,1800000,PI,Buxton,16/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1 Kerr St,3,t,990000,S,Buxton,16/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2 Barry St,3,h,1020000,S,Hodges,16/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,41 Bent St,4,h,1400000,VB,Hodges,16/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3A Somers St,4,t,1246000,S,Jellis,16/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33 Strathmore St,3,h,,S,Hodges,16/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12b Uonga Rd,4,t,1457000,S,Buxton,16/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,30 Tambet St,4,t,1275000,S,Buxton,16/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,77 Waratah St,5,h,,S,Buxton,16/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/697 Warrigal Rd,2,u,,W,Stockdale,16/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,5 Mansfield St,2,t,,PI,Eview,16/06/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,2/21 Laburnum St,3,u,1120000,S,Stockdale,16/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36A Sheehans Rd,5,h,,PI,Stockdale,16/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,29 Bridgeford Av,3,h,1100000,VB,Jellis,16/06/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,31 Gay St,4,h,,S,Jellis,16/06/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,96 Middleborough Rd,3,h,,PI,Ray,16/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,281 Forest Rd,3,h,696500,S,Ray,16/06/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,11 Kangerong Rd,3,h,975000,VB,Noel,16/06/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,10 Turner St,2,h,812000,S,Darren,16/06/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,8 Airlie St,3,h,,PI,hockingstuart,16/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,60 Carpenter St,3,h,2900000,S,Buxton,16/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Maher St,4,h,,S,Buxton,16/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,259 New St,3,h,1685000,S,Marshall,16/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,384 New St,4,h,1950000,PI,Marshall,16/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Arnold Rd,4,h,,SP,Marshall,16/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Beddoe Av,4,t,1540000,VB,Buxton,16/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Glencairn Av,4,h,2050000,SP,Buxton,16/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,26 Louise St,3,h,1400000,VB,Buxton,16/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,76 Marriage Rd,5,h,2850000,S,Nick,16/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Raymond Ct,4,h,1650000,PI,Marshall,16/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,28 Bicknell Ct,3,h,750000,SP,YPA,16/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,22 Pittos Av,3,h,420000,SP,Barry,16/06/2018,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,3/20 Cypress Av,3,t,630000,SP,hockingstuart,16/06/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,92 Mitchell St,4,h,,W,Nelson,16/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,2/243 Blyth St,2,h,450000,VB,Jellis,16/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,43 Brunswick Rd,3,h,1000000,VB,Woodards,16/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,23 Lanark St,2,h,,SN,Alexkarbon,16/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,79 Victoria St,3,t,1075000,S,Barry,16/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,4/1 Balfe Cr,2,t,605000,S,McGrath,16/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Hodgins Ct,3,h,1110000,SP,Ray,16/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,93 Pleasant Rd,4,h,1520000,S,Barry,16/06/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,34 Boadle Rd,3,h,,PI,Ray,16/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11/22 Greenhills Rd,2,u,470000,S,Barry,16/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Karl Ct,3,t,,PI,Barry,16/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Moreton Cr,4,h,730000,S,Barry,16/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,27/2 Shoalhaven St,2,t,460000,S,Ray,16/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/47 Station St,4,t,1030000,PI,Buxton/Buxton,16/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,106/213 Burwood Hwy,2,u,540000,SP,Ray,16/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,104 Glyndon Rd,4,h,2080000,S,Marshall,16/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,37 Moorhouse St,4,h,,SP,Jellis,16/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18/596 Riversdale Rd,2,u,546000,S,Jellis,16/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton North,18 Macpherson St,2,h,1465000,S,Nelson,16/06/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,119 Leila Rd,4,h,1200000,VB,Jellis,16/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/7 Maroona Rd,2,u,640000,SP,Gary,16/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,27/40 McCubbin Wy,3,h,473000,S,YPA,16/06/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,6 Parramatta Ct,4,h,,PI,Raine,16/06/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,4/106 The Esplanade,3,t,,PI,Barry,16/06/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2a Dyson Rd,2,t,685000,S,Buxton,16/06/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Castella,139 Castella Rd,3,h,770000,S,Ray,16/06/2018,3777,Northern Victoria,96,45.2,Murrindindi Shire Council +Caulfield North,9/10 Payne St,1,u,320000,PI,Marshall,16/06/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,8 Eumeralla Rd,4,h,1750000,S,Gary,16/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,8A Larch St,3,h,,SN,Gary,16/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,6 Nelson St,3,h,1300000,VB,Gary,16/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,28A Spring Rd,2,h,1120000,S,Gary,16/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,21 Glenora St,3,t,880000,S,Buxton,16/06/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,38 Second Av,3,h,806500,S,Buxton,16/06/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,64b Devon St,4,t,1170000,S,O'Brien,16/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,44 Browns Rd,4,h,,SP,Buxton,16/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,2/30 Bevan Av,2,u,570000,S,Buxton,16/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,44 Fairbank Rd,5,h,,W,Biggin,16/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,49 Kallay St,3,h,,PI,Buxton,16/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,30A Clifton Gr,2,h,855000,S,Barry,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,53 Donne St,3,h,,S,Nelson,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Fischer St,2,h,900000,VB,Nelson,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,21/129 Harding St,3,t,760000,PI,Nelson,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,22 Hutchison Pl,2,h,,S,Nelson,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,57 Linsey St,5,h,1390000,PI,Barry,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,10A Muchell Gr,3,h,,SN,Walshe,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,268 Reynard St,1,h,400000,PI,RW,16/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,35 Irene Av,3,h,800000,VB,Jellis,16/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/7 Shorts Rd,3,t,660000,S,Nelson,16/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,403/11 Hoddle St,1,u,440000,SP,Caine,16/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,386 Wellington St,3,h,1433000,PI,Nelson,16/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,10 Admiration Dr,4,h,610000,S,Ray,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Bellfield Dr,3,h,561000,S,Ray,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Commonwealth Ct,3,h,500000,S,Barry,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Enfield Pl,3,h,536000,S,Ray,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Hedges St,3,h,632000,S,Ray,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Jacaranda Pl,3,h,420000,VB,Brad,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Mittagong Ri,3,h,425000,PI,McDonald,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,21 Ravenwoods Wy,3,t,,PI,Ruralco,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Riverside Dr,5,h,,PI,Ray,16/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,92 Dorset Rd,3,h,,PI,Barry,16/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,40 Sellick Dr,3,h,,PI,Philip,16/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,180 Railway Cr,3,h,,SN,Stockdale,16/06/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,19/48 Princes Hwy,1,u,,SN,Community,16/06/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,4 Dowell Ct,4,h,,PI,Del,16/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,12 Fraser St,4,h,,SP,Hall,16/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,15 Leonard St,5,h,1920000,VB,hockingstuart,16/06/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,7 Salmond St,3,h,450000,PI,Stockdale,16/06/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,13 Stoke St,3,h,605000,S,Barry,16/06/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,40 Tulloch St,3,h,,PI,Barry,16/06/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,1 Ironbark Rd,4,h,,W,Darren,16/06/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,13 Ryan St,2,h,630000,SP,Barry,16/06/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,7 Florida Av,5,h,910000,PI,Buxton,16/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,12 Higgins Cl,4,h,1000000,PI,Ray,16/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Lord Av,3,h,720000,PI,Buxton,16/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,80 Village Dr,4,h,790000,S,Buxton,16/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,54 Ayr St,4,h,1270000,SP,Ray,16/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Fromhold Dr,4,h,1200000,PI,Woodards,16/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Park Av,5,h,,SP,Jellis,16/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,23 Calvin Cr,3,h,,PI,Parkes,16/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Catherine Av,4,h,1300000,S,Jellis,16/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,66a Darvall St,4,h,1155000,PI,Jellis,16/06/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,20 Bassetts Rd,4,h,544000,S,Raine,16/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,18 Wallaroo Wy,4,h,,PI,Barry,16/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,35 Blossom Dr,3,t,,PN,Just,16/06/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,21/155 Wellington Pde,2,u,1000000,S,Jellis,16/06/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,7/209 Station St,2,t,680000,PI,Ray,16/06/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3/2 Parkside St,2,u,,S,Hodges,16/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,28 Parnell St,3,h,,VB,Hodges,16/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,57 Malabar Cr,4,h,,PI,Elite,16/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,26 Heacham Rd,3,h,890000,SP,Buckingham,16/06/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,8/27 Dickens St,3,u,820000,PI,hockingstuart,16/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,86 Milton St,3,h,,PI,McGrath,16/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,129 Mitford St,4,h,,SP,McGrath,16/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/3 Ormond Esp,2,u,750000,S,McGrath,16/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11/7 Scott St,1,u,,VB,Nelson,16/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/1 Tennyson St,2,u,802500,SP,hockingstuart,16/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,281 Power Rd,3,h,,SP,Ray,16/06/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,394 Dalton Rd,4,h,660000,SP,hockingstuart,16/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,29 Eskay Rd,5,h,,W,hockingstuart,16/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Feldgrau Ri,4,h,640000,S,HAR,16/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Juggal Cl,3,h,547500,PI,hockingstuart,16/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,41 Forrester St,3,h,2046000,S,Nelson,16/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/140 Hoffmans Rd,2,u,454500,S,Barry,16/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,3/13 Royal Av,2,u,593000,S,Nelson,16/06/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,4/293 Station St,2,t,760000,SP,McGrath,16/06/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,6 Bungay St,3,h,750000,S,HAR,16/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,5/55 Major Rd,2,u,398500,S,Barry,16/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15 Margaret St,4,h,898500,S,Nelson,16/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/17 Shirley St,2,t,525000,S,Ray,16/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,5A Wurruk St,2,t,500000,S,Nelson,16/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,19 Thornley Cl,3,h,760000,PI,Barry,16/06/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,8/1 James St,2,u,866000,S,Jellis,16/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,14 Alfred St,2,h,1204000,S,Nelson,16/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,235 Holden St,4,h,,S,Jellis,16/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,15/247 McKean St,2,t,795000,S,Nelson,16/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,7/301 St Georges Rd,2,u,,S,Jellis,16/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,2/322 St Georges Rd,2,u,650000,PI,Chambers,16/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,40 Taplin St,3,h,,PI,Collins,16/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,88 Bryant St,3,h,1200000,SP,Nelson,16/06/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,40 Canterbury St,2,h,883000,S,RT,16/06/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,6 Illawarra Rd,2,h,937500,S,Alexkarbon,16/06/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,60 Albert St,3,h,1030000,S,Jas,16/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,202/20 Arthur St,2,u,465000,SP,Sweeney,16/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,272 Ballarat Rd,3,h,,PI,Barry,16/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,708/250 Barkly St,1,h,365000,S,Greg,16/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/28 Beevers St,3,t,630000,S,Biggin,16/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,201/1 Moreland St,3,u,,PI,McGrath,16/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,58 Brooklyn Av,4,h,670000,S,hockingstuart,16/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,21 Frank St,3,h,775000,VB,hockingstuart,16/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/23 George St,3,t,765000,S,Aquire,16/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,26 Silver Av,2,h,420000,PI,Aquire,16/06/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,16 Piper Cr,4,h,1150000,PI,O'Brien,16/06/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Woolston Dr,3,h,1060000,S,hockingstuart,16/06/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,32 Barrington Cr,5,h,,SP,Barry,16/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,5 Colden Ct,3,h,610000,SP,Barry,16/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,8 Drake Cl,4,h,640000,S,Barry,16/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Taylor Dr,3,h,645000,SP,RW,16/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,24A Bourne Rd,3,h,,SN,J,16/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,60 Dent St,4,h,1900000,PI,hockingstuart/Kerr,16/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,19 Hortense St,4,h,,SN,RT,16/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Maitland St,4,h,2500000,VB,Marshall,16/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,101/1565 Malvern Rd,3,u,1010000,PI,Marshall,16/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,63 Pascoe St,4,h,,S,Jellis,16/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,10 Ascot Ct,4,h,,SP,Biggin,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/4 Chivalry Av,3,t,,PI,Harcourts,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Clivejay St,6,h,,VB,Buxton,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/29 Glen Ct,2,u,800000,S,Barry,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,23 Guinevere Pde,4,h,1200000,PI,Barry,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/57 Kinnoull Gr,3,u,,PI,Barry,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Solar Ct,5,h,,VB,Jellis,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Squire Ct,5,h,1251500,S,Reach,16/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Greensborough,97B Alexandra St,3,h,945000,S,Darren,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,36 Bannerman Av,3,h,650000,VB,Darren,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5 Hamish Ct,4,h,,VB,Darren,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Kell St,3,h,915000,SP,Darren,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,31 Plenty La,3,h,,VB,Darren,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,33 Ridge Rd,4,h,950000,PI,Morrison,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Vincent Ct,4,h,,PI,Barry,16/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,8 Bolton Ct,3,h,775000,S,RW,16/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,15 Silvan Tce,4,h,755000,S,Ray,16/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 Urquhart Ct,3,h,700000,SP,Barry,16/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,49 Venezia Prm,3,h,485000,S,RW,16/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,36 Grout St,4,h,,VB,Buxton,16/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,1/21 Elm St,2,u,,S,Jellis,16/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/574 Glenferrie Rd,2,u,670000,S,Marshall,16/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,18 Hunter St,3,h,1700000,PI,Marshall,16/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11 Randolph St,3,h,1810000,S,Nelson,16/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,42 Mayston St,4,h,3200000,S,Marshall,16/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,25 Kingston Rd,3,h,800000,PI,O'Brien,16/06/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,18 Jarma Rd,4,h,1200000,PI,Barry,16/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,5 Reumah Ct,3,h,,S,Barry,16/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,2/30 Waterloo St,5,h,,PI,Philip,16/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,6 Collins St,2,h,810000,VB,Miles,16/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,101 Dougharty Rd,4,h,745000,S,Barry,16/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,4 Maple Ct,4,h,820000,S,Miles,16/06/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,178 Oriel Rd,2,h,712500,S,Miles,16/06/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,22 James Av,4,h,1805000,S,Jellis,16/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 James Av,4,h,1520000,S,Charlton,16/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,51 Queens Pde,4,h,895000,S,Barry,16/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,49 Saronvale Cr,4,h,715000,SP,RW,16/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,43 Ashton Cr,3,h,562000,S,YPA,16/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,41 Claremont Cr,4,h,570000,S,Wyndham,16/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,63 Dowling Av,3,h,,PI,YPA,16/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Regent St,3,h,598000,S,Barry,16/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,59 Virgilia Dr,4,h,,W,C21,16/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/1312 Dandenong Rd,2,u,570000,PI,Ray,16/06/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,20 Mortimer St,3,h,925000,S,Ray,16/06/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,3 Cook St,2,h,,W,Miles,16/06/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/381 Upper Heidelberg Rd,3,t,1260000,S,Miles,16/06/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor,7/9 Borrell St,3,t,570000,S,Sweeney,16/06/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,1 Hopkins Av,4,h,962000,S,Brad,16/06/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,32 Riverside Av,4,h,,VB,Harcourts,16/06/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,7 Itala Ct,3,h,667000,S,Barry,16/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,5 Ventnor Pl,3,h,801000,S,Prof.,16/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,20a Pennington St,4,h,1130000,S,Nelson,16/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,34 Shelley St,3,h,830000,S,Nelson,16/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,6 Cuffe Wk,3,t,942000,S,Jellis,16/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,9 Pridham St,2,h,875000,PI,Jellis,16/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,25 Kent St,5,h,,S,Marshall,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Locksley Av,4,h,2200000,VB,hockingstuart,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/1 Marshall Av,3,t,1950000,PI,Woodards,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/177 Peel St,2,u,727000,S,Nelson,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10/56 Princess St,2,u,,SP,Jellis,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,88 Stevenson St,4,h,2800000,PI,RT,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Vista Av,4,h,,SP,Marshall,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,156 Wellington St,5,h,,S,RT,16/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,2 Bennett Pde,3,h,,S,Marshall,16/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,18 Spruzen Av,3,h,1488000,S,Jellis,16/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,19 Liverpool Dr,5,h,,W,Area,16/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10 Northumberland Dr,2,h,585000,S,iSell,16/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,7 Joshua Ct,3,h,630000,PI,McGrath,16/06/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,110 Coronation St,3,h,1235000,S,Village,16/06/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,11 Empress Av,2,h,,S,Jas,16/06/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,120 Dalray Cr,4,h,,PI,Raine,16/06/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,7 Ethel Av,3,h,618000,S,McGrath,16/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,185 Main Rd,3,h,800000,PI,Jellis,16/06/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lyndhurst,29 Honeybark Cr,4,h,,PI,Area,16/06/2018,3975,South-Eastern Metropolitan,1934,33.8,Casey City Council +Macleod,1 Fernley Av,2,h,748000,S,Barry,16/06/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,47 Crefden St,3,t,,PN,HAR,16/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,45 Lindenow St,3,h,842500,S,Biggin,16/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3 Meredith St,1,h,845000,S,Marshall,16/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,11 Valetta St,3,h,2525000,S,Marshall,16/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,25 Argyll St,3,h,,S,Buxton,16/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Macgregor St,5,h,3180000,S,Marshall,16/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,26A Repton Rd,3,h,,VB,Jellis,16/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/12 Tollington Av,3,h,1551000,S,Marshall,16/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,56 Eltham Pde,3,h,500000,SP,S&L,16/06/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Manor Lakes,43 Hawkstone Rd,4,h,550000,SA,YPA,16/06/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,33 Bracken Av,3,h,1000000,SP,hockingstuart,16/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,25 Cornwall Pl,4,h,1520000,SP,hockingstuart,16/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,49 Middle Rd,3,h,936000,S,Jas,16/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,24 Woodruff Av,4,h,,VB,Nelson,16/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,7A Amelia St,3,t,,PI,Buxton,16/06/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2/16 Goodenia Cl,3,h,415000,SP,RW,16/06/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,301/668 Bourke St,2,u,605000,S,MICM,16/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1807/568 Collins St,2,u,,SP,Alexkarbon,16/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1305/582 St Kilda Rd,3,u,,W,Marshall,16/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,43 Stonehenge Dr,4,h,,PI,Jupiter,16/06/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,66 Riviera St,3,h,,S,Buxton,16/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2 Shearman Cr,3,h,1325000,VB,Buxton,16/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/18 Venice St,2,u,763000,S,Hodges,16/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,17 Galloway Dr,4,h,,PI,Ray,16/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,68 Lockhart St,4,h,,PI,Stockdale,16/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Oatmeal Wy,4,h,720000,S,HAR,16/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,41 Skeeter Dr,4,h,575000,SP,HAR,16/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,238 Betula Av,3,h,550000,SP,Ray,16/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Boyd Pl,3,h,757500,S,HAR,16/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Mockridge Dr,3,h,726000,S,Ray,16/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Sycamore St,5,h,,PI,Collings,16/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,25 Alwyn St,3,h,1140000,S,Jellis,16/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/45 Doncaster East Rd,2,u,650000,PI,Fletchers,16/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Monbulk,10 Nugent St,2,h,,PN,Stockdale,16/06/2018,3793,Eastern Victoria,1424,34.1,Yarra Ranges Shire Council +Mont Albert,5 Gawler Ct,2,h,,S,Woodards,16/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,9A Hotham St,4,h,2500000,VB,Noel,16/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/72 Kenmare St,4,t,,PI,Fletchers,16/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/322 Mont Albert Rd,2,u,740000,S,Fletchers,16/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,22 Norfolk St,3,h,,SN,Rendina,16/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,502/11 Central Av,2,u,550500,SP,Steller,16/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/1 William St,2,u,683000,S,Buxton,16/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,46 Greenslopes Dr,3,h,730000,S,Fletchers,16/06/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,63 Brownfield St,4,h,1230000,S,Buxton,16/06/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/2 Allister St,3,t,,PI,Ray,16/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/19 Grenfell Rd,4,t,,S,Jellis,16/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Olympian Av,4,h,,SP,Buxton,16/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,35 Park La,2,h,,SP,Jellis,16/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Robin Gr,4,h,1370000,S,Ray,16/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/25 Sadie St,4,t,803000,S,McGrath,16/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,39 Beauville Av,3,h,,PN,Gary,16/06/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,24 Franklin St,3,h,915000,S,Greg,16/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,6 Melrose St,4,h,950000,S,Williams,16/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,152 Woods St,4,h,1120000,VB,Greg,16/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,44A Haldane Rd,3,h,,VB,Brad,16/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,202/4 Hotham Rd,2,u,465000,SP,Nelson,16/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,8a Rutland St,4,h,1175000,VB,Barry,16/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,21 Cosier Dr,3,h,701000,SP,Barry,16/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,20 Smith St,4,h,752500,S,Barry,16/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,49 Arden St,3,h,,VB,Jellis,16/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,15 Curzon Pl,2,h,,S,hockingstuart,16/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,185 Melrose St,3,h,,S,Nelson,16/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,14 Winding Wy,3,h,930000,S,Gardiner,16/06/2018,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,6 Bank St,3,h,1440000,S,Jellis,16/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,61 Bent St,3,h,1860000,S,Jellis,16/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,247 Clarke St,4,h,,VB,Woodards,16/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,210/405 High St,2,u,585000,SP,Biggin,16/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1 Howitt St,3,h,1075000,S,Jellis,16/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,10 Winifred St,3,h,1100000,S,Barry,16/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/36 Josephine St,2,u,517000,S,Nelson,16/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,20 Watt Av,4,t,962000,S,Barry,16/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,15 Davey Av,5,h,,PI,Ray,16/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,3/1 Parer St,2,u,650000,VB,Barry,16/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,781 Warrigal Rd,3,h,,SN,Woodards,16/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,28 Bunney Rd,4,h,971500,S,Gary,16/06/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,3/1174 North Rd,3,t,740500,S,Ray,16/06/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,6/1314 North Rd,3,t,788000,SP,HAR,16/06/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,69 Sherbrooke Av,3,h,850000,S,Charlton,16/06/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,7 Florence St,5,h,1500000,VB,Jellis,16/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,686 North Rd,3,h,1280000,VB,Buxton,16/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,20 Wheeler St,4,h,,PI,Greg,16/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Park Orchards,188 Berringa Rd,4,h,1420000,S,Philip,16/06/2018,3114,Eastern Metropolitan,1317,19.5,Manningham City Council +Parkville,73 Park Dr,4,h,1937500,S,W.B.,16/06/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,202/228 The Avenue,2,u,1000000,S,Rendina,16/06/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,31 Archibald St,3,h,,VB,Nelson,16/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,97 Cornwall Rd,3,t,,S,Barry,16/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,11 Lillian St,2,h,737500,S,Nelson,16/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/21 Main St,3,u,642500,S,Nelson,16/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/63 Park St,3,t,,VB,Hodges,16/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,25 Warwick Rd,3,h,930000,S,Nelson,16/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,35 Quadrant Dr,4,h,660000,S,Barry,16/06/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,28 Coastal Prm,4,h,990000,VB,hockingstuart,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,41 Coastal Prm,4,h,930000,VB,hockingstuart,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,29 Copeland Cr,3,h,,PI,McGrath,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Daydream Dr,4,h,810000,SP,Point,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,8 Mint Pl,3,h,,VB,Reliance,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,39 Pankhurst Prm,4,h,600000,VB,hockingstuart,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,22 Solo St,4,h,,VB,hockingstuart,16/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,616/54 Nott St,1,u,,PI,Buxton,16/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,404/99 Nott St,2,u,510000,VB,Barry,16/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,161 Pickles St,3,h,1920000,PI,Greg,16/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,132 Ross St,3,h,,VB,Greg,16/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,56 Aberdeen Rd,2,h,1380000,S,Marshall,16/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,277 Dandenong Rd,3,h,,PI,Biggin,16/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/301 Dandenong Rd,3,u,665000,S,Jellis,16/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,65 Greville St,3,h,2900000,VB,Marshall,16/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8/330 High St,1,u,,SP,hockingstuart,16/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/25 Irving Av,1,u,,S,Marshall,16/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2/21 Collins St,2,t,770000,S,Nelson,16/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Fitzroy St,3,h,1200000,S,hockingstuart,16/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/34 McNamara St,3,u,839000,S,Nelson,16/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,17 Ayr St,5,h,860000,PI,Barry,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Corben St,3,h,750000,PI,Ray,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/13 Dumbarton St,2,u,487000,S,Stockdale,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Elinda Pl,2,u,,SN,Barry,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10a Fyfe St,2,u,575000,S,Barry,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Kinsale St,4,h,1290000,S,McGrath,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/17 McComas St,2,t,665000,S,Ray,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/17 McComas St,3,t,,PI,Ray,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/131 North Rd,2,u,635000,SP,Ray,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/15 North Rd,2,t,482000,S,Jellis,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/14 Pickett St,2,t,530000,S,hockingstuart,16/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,10/86 Burnley St,3,u,742000,SP,Biggin,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8/343 Church St,2,u,650000,PI,Biggin,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,56 Farmer St,2,h,,S,Jellis,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20/16 Goodwood St,2,t,832000,S,Biggin,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/33 Goodwood St,1,u,403500,S,Jellis,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,60 Lincoln St,2,h,,PI,RT,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/108 Mary St,1,u,,PI,Biggin,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/4 Tullo Pl,2,t,,S,Jellis,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Westbank Tce,3,h,1550000,S,Biggin,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/45 York St,1,u,430000,S,Biggin,16/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,149 Yaamba Dr,3,h,1200000,PI,Brad,16/06/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood East,1/10 Valda Av,3,h,,PI,Barry,16/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,32 Brassey Av,3,h,,SN,Ray,16/06/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,21 Crampton Cr,5,h,,S,Nelson,16/06/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,13 Kathleen St,3,h,,PI,Barry,16/06/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,12 Mindara Av,4,t,,PN,Biggin,16/06/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 McKenzie Cr,4,h,515000,S,Raine,16/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,1 Portland Pl,2,h,383000,S,YPA,16/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,16b Codrington St,3,h,,S,Hodges,16/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,50 Harold St,3,h,1700000,PI,Hodges,16/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,60 Victoria St,4,h,1730000,S,Buxton,16/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,14 Carole Ct,4,h,,PI,Reliance,16/06/2018,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,3/17 Kananook Av,3,u,696000,SP,Property,16/06/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,9 Wattle Gr,3,h,,VB,Greg,16/06/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +South Melbourne,192a Bank St,3,u,912000,S,Cayzer,16/06/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,118/39 Dorcas St,3,u,836000,S,Greg,16/06/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,151 Market St,2,h,1360000,S,Marshall,16/06/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,16 Allan Av,4,h,820000,VB,Jellis,16/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2 Palisades Bvd,4,h,1010000,S,HAR,16/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,36 Teatree Dr,3,h,700000,SP,Millership,16/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,16 Grosvenor St,3,h,1750000,VB,Kay,16/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/32 Grosvenor St,1,u,400000,PI,Jellis,16/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/28 The Righi,1,u,640000,S,Biggin,16/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/72 Tivoli Rd,2,u,,S,RT,16/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/145 Walsh St,1,u,,SP,Biggin,16/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/35 Walsh St,2,u,,SN,Woodards,16/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,281/183 City Rd,3,u,,SP,MICM,16/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,47 Reed St,3,h,1325000,SP,Compton,16/06/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,20 Charlton St,4,h,885000,S,Le,16/06/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,3/41 Hope St,2,h,,PI,Greg,16/06/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,52 Beaver St,4,h,650000,S,Ray,16/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/64 George St,2,u,460500,S,O'Brien,16/06/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,23 Baker St,4,h,2180000,S,Chisholm,16/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18/33 Grey St,1,u,346000,S,Gary,16/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/24 Robe St,2,u,755000,PI,Buxton,16/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,103 Carnarvon Rd,4,h,1630000,PI,Rendina,16/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,47 Glenview Rd,2,h,1656000,SP,Nelson,16/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,59 Lloyd St,4,h,1700000,VB,Nelson,16/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/242 Woodland St,2,u,635000,PI,Nelson,16/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,16 Baggygreen St,4,h,630000,VB,Brad,16/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2 Darwin St,3,h,,PI,Brad,16/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 McGeorge Ct,4,h,590000,VB,Leeburn,16/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,146 Phillip Dr,4,h,531000,S,hockingstuart,16/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,28 Bangerang Av,3,h,775000,S,Douglas,16/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/4 Baynton Av,3,u,510000,S,Douglas,16/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,12 Jacana Ct,3,h,621000,S,hockingstuart,16/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Rivervalley Bvd,6,h,1310000,S,Douglas,16/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,62 Westmoreland Rd,3,h,730000,PI,S&L,16/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,42 Fitzgerald Rd,3,h,685000,SP,Barry,16/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,21A Gum St,3,h,660000,S,hockingstuart,16/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,27 Learmonth Cr,3,h,583000,SP,Barry,16/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2/3 Marcia St,4,t,,PI,Barry,16/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,51A Nicholson Pde,3,t,616500,S,Barry,16/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,7 Beech St,4,h,2190000,S,Jellis,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,84 Broughton Rd,4,h,,S,Jellis,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,12 Drewett St,3,t,1350000,VB,Noel,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/1 Elm St,3,t,1520000,S,Jellis,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,36 Ross St,4,h,2420000,S,Marshall,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4 Ross St,4,h,2160000,PI,Kay,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,98 Windsor Cr,4,h,,S,Fletchers,16/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,22 Leda Dr,3,h,516000,S,Reliance,16/06/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,186 Thames Bvd,3,h,541000,S,YPA,16/06/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Templestowe,4 Adella Pl,4,h,1380000,VB,Jellis,16/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,5 Lowan Av,3,h,910000,PI,Fletchers,16/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,50 Morang Av,5,h,1087000,S,Jellis,16/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,40 Romilly Av,4,h,1199000,S,Barry,16/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,1 Chappell St,2,t,,PI,Barry,16/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1B Chappell St,2,t,,PI,Barry,16/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,47 Karingal Wy,4,h,735000,S,HAR,16/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,55 Clyde St,2,h,970000,S,Nelson,16/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,39 Newman St,2,h,1000000,VB,Jellis,16/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7 Shaftesbury Pde,2,h,1010000,S,Love,16/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,17/4 Glyndebourne Av,3,u,,S,Marshall,16/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/696 Orrong Rd,2,u,,SP,Sotheby's,16/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,14/3 Struan St,2,u,760000,PI,Kay,16/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/29 Tintern Av,2,u,2025000,S,RT,16/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,907/18 Mt Alexander Rd,2,u,292500,SP,Pagan,16/06/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Vermont,35 Barbara St,2,h,700000,VB,Noel,16/06/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,105 Martins La,3,h,,VB,Jellis,16/06/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,8 Cherrington Sq,4,h,,SP,Barry,16/06/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,32 Shetland Dr,3,h,828000,SP,Stockdale,16/06/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,44 Fraser Cr,4,h,,PI,Harcourts,16/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,11 Wolf St,4,h,,SP,Barry,16/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,27 Bungay St,4,h,1055000,S,Barry,16/06/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,28 Cooinda Cr,3,h,835000,S,Miles,16/06/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,3 Glamorgan Av,3,h,,SN,YPA,16/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,11/104 Cross St,2,u,411000,S,Peter,16/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/29 Dongola Rd,3,t,785000,SP,Compton,16/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,171 Roden St,3,h,1100000,VB,Rosin,16/06/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,13 Dobies Ct,3,h,521000,S,RW,16/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1/278 Jells Rd,4,t,,VB,Buxton,16/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,9 Trenchard Rd,4,h,,PI,Greg,16/06/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,235 Osborne St,4,h,1430000,SP,Jas,16/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,6 Thomas St,4,h,2305000,S,Greg,16/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,5/51 Verdon St,2,h,1125000,S,Sweeney,16/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,8 Edenvale Bvd,3,h,512000,S,HAR,16/06/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,121 Anderson St,3,h,1170000,S,Village,16/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,88 Hamilton St,3,h,1425000,VB,Jas,16/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,16 Norfolk St,2,h,853000,S,Jas,16/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,42 Henry St,3,h,1200000,S,Jellis,16/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,250 Langridge St,2,t,847000,S,Jellis,16/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,16b Mollison St,2,h,,PI,Biggin,16/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,78 Yarra St,3,h,1176500,S,LITTLE,16/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,4/54 Hawker St,2,u,462500,S,Barry,16/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,43 Hillside Gr,3,h,670000,SP,Barry,16/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,174 Parer Rd,2,h,675000,S,Barry,16/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,138 Victory Rd,3,h,1042000,S,Nelson,16/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Altona,5/8 David St,2,u,580000,PI,Biggin,16/07/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,2/31 Cooper Av,2,h,522500,SA,hockingstuart,16/07/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,50 Holt St,5,h,580000,S,Bells,16/07/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,4 Maxweld St,3,h,495000,S,Bells,16/07/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,17/579 Dandenong Rd,2,u,,S,hockingstuart,16/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11/26 Gladstone Av,2,u,,S,hockingstuart,16/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/1 Munro St,3,u,,SP,Marshall,16/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,62 Mirams St,3,h,890000,SP,Brad,16/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4 Morphett Av,4,h,1505000,SP,Brad,16/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,34 Munro Av,3,h,1600000,S,Noel,16/07/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,9 Katta Ct,3,h,1060000,S,Harcourts,16/07/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,22 Mill St,4,h,823000,S,Ray,16/07/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,68 Kenny St,4,h,,SN,YPA,16/07/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,185 Military Rd,3,h,615000,SP,Moonee,16/07/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,33 Wood St,3,h,845000,S,Nelson,16/07/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,150 Balwyn Rd,4,h,2250000,SA,Jellis,16/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/94 Balwyn Rd,2,u,1053000,S,Fletchers,16/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/7 Boston Rd,3,h,1800000,VB,Marshall,16/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,19 Norbert St,4,h,,S,Jellis,16/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/32 Yerrin St,3,t,1472000,S,Noel,16/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,20 Ajax St,4,h,1620000,S,Jellis,16/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,24 Cumberland Av,4,h,1420000,VB,Jellis,16/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Illawarra Rd,3,h,1903000,S,Noel,16/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,3 Rowan Pl,3,h,,SN,Woodards,16/07/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,8 Mason Ct,3,h,,PI,Barry,16/07/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,1/106 Cromer Rd,2,u,600000,PI,Buxton,16/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 Hilton St,4,h,,S,Buxton,16/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,42 Wells Rd,4,h,,SP,Hodges,16/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,4 Daley St,3,h,1370000,S,hockingstuart,16/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,145a Jasper Rd,3,h,1100000,S,Buxton,16/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,55 North Av,2,h,850000,VB,Buxton,16/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15 Wilson St,4,h,1385000,S,hockingstuart,16/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/34 Adrian St,3,u,720000,PI,Gary,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Dega Av,4,h,1108000,S,Woodards,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Elizabeth St,3,h,1185000,S,hockingstuart,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 England St,4,h,1352000,S,hockingstuart,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11b Lilac St,4,t,1005000,SP,Woodards,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,53 Molden St,2,u,761000,S,Ray,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,790 North Rd,5,h,1600000,S,Buxton,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/95 Victor Rd,2,u,765000,S,Woodards,16/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,365 Beach Rd,3,h,3000000,VB,Kay,16/07/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,56 Goodwin St,2,h,1095000,S,hockingstuart,16/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,25 Anne St,4,h,1200000,VB,Jellis,16/07/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,37 Devon Dr,4,h,1081000,SP,Noel,16/07/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,19 Eley Rd,3,h,786000,S,Ray,16/07/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,4 Hurter St,3,h,985000,S,Noel,16/07/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,126 Carrington Rd,2,u,616000,S,Philip,16/07/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,54 Watts St,4,h,1661000,S,Noel,16/07/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,160 Duke St,2,h,826000,S,Sweeney,16/07/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,32 Hargreaves Cr,4,h,720000,S,Bells,16/07/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,12 Myalla St,3,h,,SN,Bells,16/07/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,4 Orange St,3,h,,SP,GL,16/07/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,45 Black St,3,h,1500000,S,Nick,16/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/12 Burrows St,2,u,905500,S,Buxton,16/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Broadmeadows,262 Camp Rd,3,h,350750,S,YPA,16/07/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,215/1 Dods St,3,u,1044000,S,Jellis,16/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,264 Moreland Rd,2,h,,PI,Brad,16/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,27 Union St,4,h,,S,Nelson,16/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,3/37 Brunswick Rd,2,u,665000,S,Collins,16/07/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,194 Dawson St,3,h,1186000,S,Nelson,16/07/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/8 Murray St,2,u,500000,S,Brad,16/07/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,8 Bismarck Ct,3,h,575000,SP,Barry,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,26 Boston Rd,3,h,,SP,Barry,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Cherrywood Ct,3,h,676000,S,Ray,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,21/121 Grange Bvd,3,t,410000,S,Ray,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Havelock Av,4,h,550000,S,Barry,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Indigo Wy,4,h,,PI,Ray,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Lauder Dr,3,h,515000,SP,Ray,16/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/14 Fulton Cr,2,u,,PI,Buxton,16/07/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,2/564 Riversdale Rd,2,u,693000,S,Bekdon,16/07/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton North,462 Canning St,3,h,1955000,S,Nelson,16/07/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,636 Canning St,3,h,,S,Nelson,16/07/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,26/174 Lee St,1,u,390000,S,Kelly,16/07/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4/39 Kokaribb Rd,2,u,588000,SP,Woodards,16/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/60 Mimosa Rd,2,u,455000,S,Woodards,16/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9/314 Neerim Rd,3,u,602500,S,Thomson,16/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,21 Broadhurst Wy,5,h,,W,Ray,16/07/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,9 The Grange,3,h,642000,SP,Prof.,16/07/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield East,75 Grange Rd,5,h,1335000,S,Gary,16/07/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield South,5 Field St,3,u,1110000,S,hockingstuart,16/07/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,7 Churchill Av,3,h,2600000,SA,Stockdale,16/07/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,9 Gateway Cl,3,h,,PI,Buxton,16/07/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,30 Stapley Cr,4,h,,PI,Buxton,16/07/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,12/131 Cavanagh St,2,u,300000,VB,Greg,16/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/35 Latrobe St,3,t,800000,VB,O'Brien,16/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/25 Wedd St,3,t,712000,S,O'Brien,16/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,1/124 Wellington Rd,2,u,320000,PI,Barry,16/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,11 Barringun Cr,3,h,750000,S,C21,16/07/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,69 Field St,3,h,1180000,SP,Harrington,16/07/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,23 Berry St,3,h,1278000,S,Peter,16/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,185 Urquhart St,3,t,,S,Nelson,16/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,27 Peterson Av,3,h,840000,S,Raine,16/07/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,2/13 Alexander St,1,u,366000,S,Woodards,16/07/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,15/78 Oxford St,1,u,461000,SP,Jellis,16/07/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,9 Hayle Ct,4,h,425000,S,Ray,16/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,129 Newbury Bvd,4,h,440000,S,LJ,16/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,9 Nature Cct,4,h,700000,S,O'Brien,16/07/2016,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Cremorne,204/8 Balmain St,1,u,405000,SP,Dingle,16/07/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,18 Chapel St,2,h,1015000,S,Biggin,16/07/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,14 Dover St,2,h,930000,S,hockingstuart,16/07/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,1/48 Diane Cr,3,t,,PI,Max,16/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5/33 Vernon St,3,u,,SN,Barry,16/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,30 MacPherson St,4,h,,PI,O'Brien,16/07/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,5 Stanley St,2,h,,PI,Barry,16/07/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,27 Aycliffe Dr,4,h,,SN,Barry,16/07/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,50 Golfwood Cl,3,h,974000,S,Ray,16/07/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,7 Harley St,3,h,707000,S,Ray,16/07/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,33a Finlayson St,4,t,1325000,PI,Jellis,16/07/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,31 Massey St,3,h,900000,PI,Ray,16/07/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/5 Callistemon Ct,4,t,1000000,PI,Jellis,16/07/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,23 Telopea Av,4,h,1230000,S,Jellis,16/07/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doveton,21 Rowan Dr,3,h,,SN,Barry,16/07/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,203/140 Gipps St,2,u,1935000,SP,Nelson,16/07/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,86 Northcliffe Rd,3,h,1100000,S,Ray,16/07/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,16 Renshaw Dr,4,h,730000,S,Barry,16/07/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,39 Banks Rd,3,h,780000,S,Buckingham,16/07/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,9/29 Dickens St,3,u,,PN,Gary,16/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/145 Glen Huntly Rd,2,u,670000,S,Buxton,16/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,9/27 Woodcutters Gr,3,h,,SP,hockingstuart,16/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,11 McPhail St,2,h,870000,PI,Nelson,16/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,105 Ogilvie St,4,h,1500000,S,Nelson,16/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,151 Ogilvie St,3,h,1266000,S,Brad,16/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,78/100 Keilor Rd,2,u,,VB,Brad,16/07/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,25 Garnet St,5,h,1300000,S,Nelson,16/07/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fitzroy,36 Alexandra Pde,2,h,,SN,Barry,16/07/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Flemington,12/132 Princes St,2,u,556000,S,Woodards,16/07/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,2 Buckingham St,3,h,747000,S,Jas,16/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/97 Cowper St,1,u,275000,PI,Sweeney,16/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,45 Droop St,3,h,1045000,S,Sweeney,16/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,88 Eleanor St,3,h,775000,SP,Sweeney,16/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2 Greenham Pl,2,t,,SA,Reach,16/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,13/41 Moreland St,2,u,571000,S,hockingstuart,16/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,20 Vanbrook St,3,h,1102000,S,Jellis,16/07/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,3 Ince Ct,4,h,506000,S,Community,16/07/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,6 Bembridge Av,4,h,1240000,S,Community,16/07/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Iris,101/220 Burke Rd,1,u,,S,Fletchers,16/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/38 Edgar St,2,u,382000,SP,hockingstuart,16/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/64 Edgar St N,2,u,545000,S,Fletchers,16/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/64 Edgar St Nth,2,u,405000,SP,Noel,16/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/8 Estella St,4,t,1350000,VB,Woodards,16/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1597 Malvern Rd,2,h,1280000,S,Noel,16/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,29 Alimar Rd,4,h,1440000,PI,hockingstuart,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Buller Dr,5,h,1600000,S,Fletchers,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,43 Coleman Pde,4,h,,SP,Woodards,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/14 Danien St,4,t,1110000,S,Harcourts,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Durward Av,5,h,1071000,S,Ray,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,28 Edith St,7,h,1530000,S,Ray,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Greenways Rd,3,h,,S,Jellis,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Plymouth St,3,h,950000,S,Barry,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/527 Springvale Rd,2,h,571500,S,hockingstuart,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Tobias Av,5,h,2215000,S,Harcourts,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,841 Waverley Rd,4,h,,PI,Buxton,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,139 Windella Cr,3,h,,PI,Biggin,16/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/14 Langton St,2,t,397500,S,Jellis,16/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,103 View St,4,h,,SP,Brad,16/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,208 Hickling Av,3,h,662000,SP,Darren,16/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,84 Normanby Dr,4,h,1048000,S,Ray,16/07/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,2b Carolyn St,3,h,1420000,S,hockingstuart,16/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,3/566 Glenferrie Rd,2,u,587500,S,Jellis,16/07/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,107/567 Glenferrie Rd,2,u,560000,S,hockingstuart,16/07/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,8 Lingwell Rd,3,h,,SP,Woodards,16/07/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,35 Beverley Rd,3,h,1000000,S,Miles,16/07/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,163 Dougharty Rd,2,h,440500,S,hockingstuart,16/07/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,11 Albert St,2,h,,SN,Branon,16/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2/13 Rebecca Ct,3,u,340000,SP,FN,16/07/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1/16 Westminster Av,3,h,426000,S,Barry,16/07/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,13 Waterside Cl,3,h,435500,S,YPA,16/07/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,7 Dudley St,4,h,1615000,S,Miles,16/07/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4/21 Livingstone St,2,t,,S,Noel,16/07/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,21 Wilfred Rd,3,h,1651000,S,Barry,16/07/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kalorama,20 Jeeves Av,3,h,485000,PI,Max,16/07/2016,3766,Eastern Victoria,577,30.4,Yarra Ranges Shire Council +Kealba,128 Driscolls Rd,3,h,582000,SP,Brad,16/07/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,6 McGrath Cl,3,h,545000,SP,Brad,16/07/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,10 Morley Ct,3,h,636000,S,Barry,16/07/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,71 Noga Av,3,h,891000,S,Nelson,16/07/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keysborough,8/108 Church Rd,3,t,,W,McDonald,16/07/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,13 Mica Ct,3,h,,SN,Barry,16/07/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,61 Kingsville St,3,h,,SP,Biggin,16/07/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,11 Ashdown Ct,3,u,560000,S,Harcourts,16/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2c Burton St,2,t,340000,S,Buckingham,16/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,9 Mossman Cr,5,u,800000,S,Harcourts,16/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,16 Ocallaghan Av,4,h,,PI,Harcourts,16/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,87 Bolton St,5,h,850000,S,hockingstuart,16/07/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,14 Pavey Ct,4,h,790000,S,Nelson,16/07/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Malvern,6/20 Johnstone St,2,t,500000,S,Thomson,16/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,9/42 Winter St,1,u,,S,hockingstuart,16/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1876 Malvern Rd,3,h,830000,S,Thomson,16/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,4/10 Anglers Wy,1,u,,SN,Barry,16/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3 Rimfire Wk,3,t,500000,S,Brad,16/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,5 Abergeldie Av,2,h,1730000,S,Buxton,16/07/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,304/18 Russell Pl,1,u,,PI,Dixon,16/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,330/67 Spencer St,2,u,1016000,S,Kay,16/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,301/442 St Kilda Rd,2,u,505000,S,Williams,16/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1502/568 St Kilda Rd,3,u,,PI,Xynergy,16/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,1 Cooper St,3,h,246500,S,Ryder,16/07/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,4b Blackwood Av,4,t,1180000,PI,hockingstuart,16/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10 Silverbanks Gr,3,t,675000,S,Buxton,16/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,39 Skeeter Dr,4,h,420000,SP,Harcourts,16/07/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,8 Brabham Dr,4,h,620000,S,Ray,16/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/61 Buckmaster Dr,3,u,455000,S,Harcourts,16/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Honeysuckle Ct,3,h,600000,S,Ray,16/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Meldrum Av,3,h,600000,S,Ray,16/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,65 Burnett St,4,h,1105000,S,Noel,16/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/7 Owen St,3,u,740000,SP,Ray,16/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Moonee Ponds,49 Derby St,3,h,855000,S,Brad,16/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,172 Maribyrnong Rd,3,h,930000,S,Brad,16/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6 Robinson St,4,h,1640000,S,Brad,16/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,118 Rowans Rd,3,h,901000,S,O'Brien,16/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,3 Temora St,3,h,787000,S,O'Brien,16/07/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,18b Amber Gr,4,t,1620000,S,Harcourts,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Gilbert Ct,3,h,1091000,S,McGrath,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/7 Headingley Rd,3,t,855000,S,Buxton,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/21 Kay St,3,t,,SN,JRW,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Morrison Ct,5,h,1925000,S,Ray,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,28a Park Rd,4,t,975000,S,Buxton,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Runnymede St,4,h,1368000,S,Jellis,16/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,3 Gregory Cr,3,h,785000,S,Fletchers,16/07/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,32 Huxley Av,4,h,820000,S,Barry,16/07/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Newport,20 Bruce St,2,h,762000,S,Williams,16/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,39/114 Mason St,2,u,485000,SP,Williams,16/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,153 Mason St,3,h,950000,S,Jas,16/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,6 Speight St,4,h,1280000,S,Raine,16/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,2/8 Cypress Ct,3,t,580000,S,Ray,16/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Shirley St,4,h,,SN,Barry,16/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,103/25 Byron St,1,u,450000,SP,Jellis,16/07/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,48 Barry St,3,h,1676000,S,Jellis,16/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,10 Campbell Gr,3,t,900000,S,Nelson,16/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,10 Nicholson St,3,h,1046000,S,Allens,16/07/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,46 Shady Gr,4,h,1250000,PI,Noel,16/07/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,5/25 Ethel St,3,u,651000,S,Nelson,16/07/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/29 Margaret St,3,t,770000,SP,Nelson,16/07/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,63 Vincent St,3,h,900000,SP,Nelson,16/07/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,96 Winifred St,3,h,815500,S,Brad,16/07/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,126 Burlington St,2,h,600000,S,Woodards,16/07/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/28 Devon Gr,4,t,,PI,Buxton,16/07/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,7 Robyn Ct,4,h,801347,SP,Buxton,16/07/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,100 Sherbrooke Av,3,h,765000,S,C21,16/07/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,13 Parker St,4,h,1390000,SA,Ray,16/07/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2 Stewart St,3,h,940000,PI,Buxton,16/07/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,35 Bethell Av,2,h,1120000,PI,Buxton,16/07/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Carrier Av,3,h,915000,S,hockingstuart,16/07/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,23 Sixth St,3,t,940000,SP,Buxton,16/07/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,12 Karadoc Av,3,h,640000,SP,hockingstuart,16/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,30 The Boulevard,3,t,695000,S,hockingstuart/hockingstuart,16/07/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Port Melbourne,180 Station St,3,h,1402000,S,RT,16/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,14/21 Irving Av,2,u,,SP,hockingstuart,16/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,25 Pender St,3,h,842000,S,Barry,16/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16a Tasman St,2,t,620000,PI,hockingstuart,16/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5/152 Tyler St,1,u,,PI,Ray,16/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Wilcox St,1,h,830000,SP,Barry,16/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/94 Wood St,2,t,520000,S,Ray,16/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,43 Allenby Av,3,h,820000,S,Ray,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Barry St,3,h,685000,S,Love,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Carrington Rd,3,h,800000,SP,Fletchers,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/24 Charlton Cr,2,t,503000,SP,Ray,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Dennis St,3,h,830000,S,Stockdale,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/14 Drysdale St,2,u,330000,PI,Ray,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/30 George St,2,u,420000,S,hockingstuart,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Ida Ct,3,h,539000,S,Nelson,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/57 Keon Pde,2,t,,SP,Ray,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,90 Lawley St,4,h,,S,Ray,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/70 Orrong Av,3,h,437000,S,hockingstuart,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/70 Orrong Av,3,h,480000,S,hockingstuart,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9/91 Pine St,2,u,,PI,Barry,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/42 Tambo Av,4,t,681500,S,Nelson,16/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,80 Bunting St,2,h,951000,S,hockingstuart,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,215 Burnley St,2,h,912000,S,Collins,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/361 Church St,1,u,415000,S,Jellis,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,403/8 Howard St,1,u,,W,Biggin,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,158 Mary St,3,h,1285000,S,hockingstuart,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/201 Punt Rd,1,u,,W,Biggin,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Type St,2,h,1220000,S,Jellis,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/9 Westbank Tce,1,u,280000,VB,Jellis,16/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/6 Barkly St,2,u,510000,S,Fletchers,16/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/103 Wantirna Rd,3,t,712000,S,Carter,16/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,5 Bona St,3,h,795500,SP,Barry,16/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,18 Evon Av,3,h,,PI,hockingstuart,16/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2a Heathwood St,4,h,,PI,Philip,16/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/24 Kemps St,2,u,,SN,Barry,16/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,68 Finlayson St,3,h,860000,S,Miles,16/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,15 Minya Ct,4,h,730000,S,Ray,16/07/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Seaford,1 Boston Av,3,h,440000,VB,Stockdale,16/07/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,24 Kinsale St,3,h,487000,PI,hockingstuart/hockingstuart,16/07/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,258 Nicholson St,3,h,920000,VB,Jas,16/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,24 Perry St,3,h,1001000,S,Jas,16/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,2 Skipper La,2,t,755000,SP,Village,16/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,70 Station Rd,3,h,875000,S,Jas,16/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Morang,4 Sargood Dr,3,h,470000,S,Harcourts,16/07/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +Southbank,114 Gladstone St,2,h,815000,SP,Cayzer,16/07/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,7/100 Wells St,3,u,740000,VB,Greg,16/07/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,28 Princess Av,4,u,1140000,S,Leyton,16/07/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,23 Thames Av,3,h,650000,SP,Paul,16/07/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,37 Sharon Rd,4,h,715000,S,Leyton,16/07/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,13 Avondale Av,3,h,510500,S,Ray,16/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Bent St,3,h,380000,S,Westside,16/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,23 Novara Pde,3,h,,SN,Barry,16/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,17/51 Chapel St,1,u,360000,S,McGrath,16/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/9 Charles St,1,u,,SP,Biggin,16/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,416/163 Fitzroy St,1,u,320000,VB,LITTLE,16/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,52/167 Fitzroy St,3,t,1295000,S,Rodney,16/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/6 Redan St,2,u,481000,S,Gary,16/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2 Columban Av,3,h,1715500,S,Nelson,16/07/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/13 Fenacre St,3,h,622500,S,Barry,16/07/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,3/2 Alexandra Av,2,u,350000,SP,Jas,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,72 Anderson Rd,3,h,595999,SP,Sweeney,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,25 Benjamin St,2,h,591000,S,Bells,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,146 Cornwall Rd,3,h,590000,S,Douglas,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,8 Couch St,4,h,691000,S,Stockdale,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,15 Hampshire Rd,3,h,701000,S,Barry,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,82 Hertford Rd,2,h,688000,S,Douglas,16/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,14 Augusta Cr,3,h,,PI,Metro,16/07/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,171 McIntyre Rd,3,h,432500,S,GL,16/07/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,18 Raymond St,4,h,621000,S,Barry,16/07/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,7 Newton St,5,h,2100000,PI,Ray,16/07/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,39 Delbridge Dr,3,h,522500,S,Ray,16/07/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,1 Tiamo Ri,3,h,516000,S,Barry,16/07/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Templestowe Lower,17 Andromeda Wy,4,h,1000000,PI,Jellis,16/07/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,138 Alexander Av,3,h,560000,S,Harcourts,16/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2 Banksia Av,3,h,424000,S,LJ,16/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/17 Caroline St,2,u,235000,S,Harcourts,16/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,59 Darebin Dr,3,h,478500,S,hockingstuart,16/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/27 Mount View Rd,3,u,390000,SP,Harcourts,16/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,102 Spring St,3,h,440000,S,Love,16/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Tullamarine,55 Churchill Av,4,h,465000,S,Jason,16/07/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,13 Felgate Cl,4,h,605000,S,Barry,16/07/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,14/226 Melrose Dr,3,t,425000,S,Jason,16/07/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,11 MacUlata Wk,5,h,737000,S,Ray,16/07/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,22 Myriong Av,4,h,1480000,S,M.J,16/07/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,9 Shalimar Ct,4,h,790000,PI,Noel,16/07/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,26 Broadlea Cr,4,h,1137000,S,Fletchers,16/07/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,5/367 Lower Plenty Rd,3,u,440000,SP,Barry,16/07/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,8 Barnsdale Ct,4,h,712000,S,Ray,16/07/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,3 Avoca Wy,3,h,,SN,Barry,16/07/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,55 Lynette Av,4,h,900000,S,Barry,16/07/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,11 Leafield St,4,h,1171000,S,Buckingham,16/07/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1 Papua St,2,h,662000,S,Buckingham,16/07/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,5 Sinns Av,2,h,412000,S,YPA,16/07/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/746 Barkly St,2,t,520000,S,Sweeney,16/07/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,91 Erinbank Cr,3,h,340000,S,Nelson,16/07/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,31 Raleigh St,3,h,671000,S,YPA,16/07/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,84 Garnett Rd,4,h,830000,PI,Barry,16/07/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Nevada Cl,4,h,903000,S,Barry,16/07/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,16 Merrett Dr,4,h,,SP,Ray,16/07/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,16 Oconnell Mw,3,h,1205000,SP,Williams,16/07/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,200 Osborne St,5,h,,SP,Greg,16/07/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,53 Thompson St,3,h,,SP,Sweeney,16/07/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,6/28 The Avenue,2,u,650000,S,Thomson,16/07/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,7/8 The Avenue,1,u,501000,PI,Noel,16/07/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1/43 Williams Rd,2,u,380000,VB,hockingstuart,16/07/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,8 Branxholme St,3,h,,SN,Harcourts,16/07/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,5 Kurdian Ct,4,h,840000,S,Barry,16/07/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,21 Ballard St,3,t,,PN,hockingstuart,16/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,71 Bena St,2,h,760000,S,Jas,16/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,29 Frederick St,4,h,1200000,S,Village,16/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,12 Freeman St,4,h,,S,Village,16/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,59 Gent St,3,h,1005000,S,Sweeney,16/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,282 Hyde St,3,h,600000,VB,hockingstuart,16/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,64 Studley St,3,h,1830000,S,Jellis,16/09/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,437 Buckley St,3,h,990000,VB,Nelson,16/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,59A Clifton St,4,h,1510000,PI,Nelson,16/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,13 Valencia St,4,h,1650000,SP,Barry,16/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,5/14 Laurence Av,3,u,650000,S,Barry,16/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,24 Sutherland St,3,h,,SN,Barry,16/09/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,77 Kerferd Rd,3,h,,PI,Buxton,16/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,121 Richardson St,3,h,1960000,S,hockingstuart,16/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,6 Barclay St,3,h,,SN,Barry,16/09/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,26a Ridley St,4,h,,PI,Barry,16/09/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,6 Myrtle Gr,3,h,1248500,S,RT,16/09/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,11 Mayfield Gr,4,h,835000,S,hockingstuart,16/09/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,27 Beuron Rd,3,h,1001000,S,Greg,16/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,241 Blackshaws Rd,3,h,745000,S,Village,16/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4 Seventh Av,3,h,770000,S,Greg,16/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,19 Lawrence St,3,h,,SN,Barry,16/09/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,13A Rockbank Rd,3,t,605000,S,Bells,16/09/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,35A Densham Rd,2,h,1669000,S,Jellis,16/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,42 Hampden Rd,4,h,6800000,VB,Marshall,16/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,20 Kooyong Rd,3,t,1715000,SP,Marshall,16/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,36 New St,3,h,1450000,VB,Marshall,16/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,45 Northcote Rd,3,h,1450000,VB,hockingstuart,16/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,17 Orchard St,2,h,2000000,S,The,16/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,113/8 Burrowes St,2,u,490000,VB,Nelson,16/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,168 Epsom Rd,3,h,817000,S,Nelson,16/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,19 Morphett Av,3,h,1100000,VB,Jellis,16/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,49 Newsom St,3,t,940000,S,McDonald,16/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/73 Ashburn Gr,3,t,1230000,SP,Tim,16/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,69 Gloucester Rd,3,h,1555000,S,Jellis,16/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/17 May Park Av,4,t,,PI,Fletchers,16/09/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,85 Nepean Hwy,3,h,1300000,PI,Ray,16/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,14 Chris Ct,3,h,870000,S,Buxton,16/09/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,1/75 Canning St,2,u,470000,S,Brad,16/09/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,23 Albion St,4,h,1750000,S,McGrath,16/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,4/30 Blenheim St,3,u,621500,S,Gary,16/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,6/38 Brighton Rd,1,u,450000,SP,Gary,16/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,5/38 The Avenue,2,u,572500,S,hockingstuart,16/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,1/113 Westbury St,2,u,,W,McGrath,16/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1/89 Balwyn Rd,3,t,1325000,VB,Jellis,16/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/4 Birtles Ct,4,h,2220000,S,Jellis,16/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,20 Evelina St,6,h,2430000,SP,Marshall,16/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1 Grosvenor Pde,3,h,1520000,VB,Marshall,16/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,23 Nungerner St,3,h,2730000,S,Jellis,16/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1b Lemon Rd,4,t,,SP,RW,16/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Page St,3,h,2350000,S,Fletchers,16/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/38 Severn St,2,u,905000,S,Nelson,16/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,19 Bolton St,5,h,3778000,S,Buxton,16/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 Haydens Rd,3,t,2030000,PI,Buxton,16/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,33 Spicer St,5,h,,SP,Greg,16/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,14 Beths St,4,h,,PI,RT,16/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Clairmont Av,4,h,2210000,S,Jellis,16/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Lockwood St,4,h,1450000,PI,Buxton,16/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,43a McArthur St,4,t,1350000,S,Buxton,16/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8A Pascoe Av,4,t,1665000,S,Buxton,16/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/5 South Av,2,u,462250,SP,Buxton,16/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,8 Begg St,3,h,1150000,VB,Buxton,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17 Bellevue Rd,4,h,1505000,S,Woodards,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,43b Brosnan Rd,3,t,1220000,S,Jellis,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,892 Centre Rd,2,h,876000,S,buyMyplace,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Martin Ct,3,h,,SP,Buxton,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Millis Av,4,h,1250000,VB,Buxton,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,794 North Rd,4,h,1520000,S,Buxton,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75a Parkmore Rd,4,t,,S,Buxton,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3b Warwick St,4,t,1250000,VB,Buxton,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Yaralla Rd,3,h,1070000,VB,Jellis,16/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,37 Mansfield St,4,h,,S,hockingstuart,16/09/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/20 Seaview Cr,2,u,822000,S,Ray,16/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,3 Anjaya Ct,3,h,1225000,S,Noel,16/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,15 Banksia St,4,h,1760000,S,Fletchers,16/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2 Furness St,5,h,1900000,VB,Jellis,16/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,27 Gerald St,4,h,1850000,VB,Noel,16/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,25 Jeffery St,4,h,2380000,SP,Ray,16/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,352 Middleborough Rd,3,h,1040000,VB,Noel,16/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,12 Burcote St,3,h,,SN,Noel,16/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1A Constance St,3,t,862500,S,Jellis,16/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,32 Indra Rd,4,h,,PI,Purplebricks,16/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,152 Middleborough Rd,4,h,1100000,S,Ray,16/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,16B Newberry Av,4,t,1830000,S,hockingstuart,16/09/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,40 Allanfield Cr,3,h,700000,S,Fletchers,16/09/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,7 Beech Ct,3,h,800000,S,iTRAK,16/09/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,4 Kleinert Rd,3,h,,SN,Barry,16/09/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,45 Rose St,3,h,1725000,PI,Lindellas,16/09/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,6 Commerce St,3,h,865000,S,Douglas,16/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,33 Shepherd St,2,h,,SN,Barry,16/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,35 Shepherd St,3,h,840000,S,Douglas,16/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,1 Airlie St,3,h,1342000,S,Marshall,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5A Cairnes Cr,4,h,,S,Hodges,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/103 Dendy St,2,u,1105000,S,Buxton,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,16 Downes Av,4,h,,SP,Marshall,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/58 Durrant St,3,t,1475000,S,Hodges,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/25 Grosvenor St,3,t,1250000,VB,Jellis,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Lasswade Ct,3,t,1815000,S,Nick,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 Leonie Ct,3,t,1960000,PI,Buxton,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,532 New St,3,h,,SN,Gary,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Oak Gr,4,h,2410000,S,Jellis,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,62 South Rd,5,h,,S,Marshall,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10/260 St Kilda St,3,u,982500,SP,Buxton,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/14 Young St,3,u,1800000,S,Buxton,16/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brunswick,176 Albert St,2,h,911000,SP,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,402/33 Breese St,1,u,435000,SP,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/135 Brunswick Rd,2,t,640000,S,Stockdale,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/339 Brunswick Rd,3,t,1030000,SP,Woodards,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/30 Cassels Rd,1,u,377000,S,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/39 Davies St,2,u,495000,SP,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 McPherson St,4,h,1820000,PI,Jellis,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/827 Park St,2,u,697000,SP,Woodards,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/831 Park St,1,u,170000,VB,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Richardson St,3,h,1320000,S,Jellis,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11/37 Staley St,2,u,569000,S,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/139 Union St,2,u,513000,S,Nelson,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3008/187 Weston St,3,t,,SP,Jellis,16/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,12 Dianella Wky,2,t,687500,S,Jellis,16/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,15 Elsie Mw,3,t,,SN,Barry,16/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,8 Hamer St,2,h,1265000,S,Nelson,16/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,33 Holmes St,2,h,950000,S,Nelson,16/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1/214 Lygon St,2,u,,SP,Jellis,16/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,87 Victoria St,5,h,,S,Nelson,16/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,5/478 Albion St,2,u,395000,PI,Ray,16/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3 James St,3,h,,SP,Jellis,16/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/30 McLean St,2,h,465000,VB,Jellis,16/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,402/2 Olive York Wy,2,u,,SP,Pagan,16/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,7 Helene St,4,h,1330000,S,Jellis,16/09/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,21 Millicent Av,4,h,1225000,VB,Jellis,16/09/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,44 Arthur St,5,h,,SP,Prof.,16/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,94 Arthur St,3,h,,PI,Barry,16/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,54 Linacre Dr,5,h,1505000,S,Barry,16/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Oxford Dr,4,h,730000,S,Ray,16/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,16 Christina St,4,h,,SN,Barry,16/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,9 Glengarry Av,5,h,1775000,S,Lindellas,16/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,12 Patterson Av,4,h,1702000,S,Buxton,16/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/16 Worrall St,3,t,901000,S,Buxton,16/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1A Worrall St,3,t,,SN,Woodards,16/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,23 Cornish Rd,4,h,,SN,Barry,16/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Medhurst St,3,h,980000,S,Barry,16/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,39 Gurnung Dr,5,h,,SN,Barry,16/09/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,330/347 Camberwell Rd,2,u,580000,PI,hockingstuart,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Davis Av,6,h,2835000,SP,Noel,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,40 Dower St,4,h,,PN,Garvey,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Ellsworth Cr,3,t,1220000,PI,Jellis,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1A Granville St,5,h,2650000,VB,Marshall,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,31 Kasouka Rd,3,h,2770000,S,Marshall,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,24 Kintore St,4,h,,S,Jellis,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Lofty Av,5,h,2450000,VB,Jellis,16/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,23 Margaret St,4,h,2750000,S,Marshall,16/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,21 Selwyn St,4,h,,SP,Kay,16/09/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,110 Cardigan St,5,h,,SP,Nelson,16/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,24/75 Drummond St,2,u,612500,S,Nelson,16/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,3/14 Arawatta St,2,t,798000,S,Ray,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,61 Belsize Av,2,h,1441000,S,Jellis,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,67 Belsize Av,3,h,1510000,S,Ray,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,25 Byron St,2,t,850000,S,Woodards,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,121 Leila Rd,3,h,1500000,S,Woodards,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10 Maroona Rd,4,h,,SN,Gary,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,22A Mernda Av,3,h,1508000,S,Ray,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/27 Moonya Rd,4,t,900000,PI,Ray,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,203/179 Neerim Rd,2,u,640000,S,Buxton,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/16 Tranmere Av,2,u,,SP,Steller,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/10 Wanalta Rd,2,u,985000,S,Woodards,16/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,40 Brumbys Rd,4,h,609000,S,Harcourts,16/09/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,13/21 Brunnings Rd,3,u,420000,SP,O'Brien,16/09/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,60 Carrington Cr,3,h,578000,S,Harcourts,16/09/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,4/8 Derby Cr,2,h,710000,S,Thomson,16/09/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield East,22A Queens Av,2,h,,S,Jellis,16/09/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,2/65 Hawthorn Rd,2,u,520000,SP,Gary,16/09/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,97 Kambrook Rd,4,h,1835000,PI,Marshall,16/09/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,391B North Rd,3,t,1364000,S,Gary,16/09/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,3 Raymond Gr,5,h,,SN,Gary,16/09/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/29 Grandview Rd,4,t,1340000,S,Jellis,16/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/32 Melinga Cr,3,u,,PI,Buxton,16/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,23 Oakpark Dr,3,h,,S,Buxton,16/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,33 Baxter Av,3,h,875000,S,Ray,16/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,272 Station St,4,h,916500,S,Ray,16/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,54 Benkel Av,4,h,920000,VB,O'Brien,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,28 Elliott St,4,h,1165000,S,Nick,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,38 Fairview Av,3,h,1201000,S,Ray,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,39 Farm Rd,3,h,910000,S,O'Brien,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Stuart Av,4,h,1568500,S,hockingstuart,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,45 Voltri St,4,h,1200000,SP,Buxton,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19/310 Warrigal Rd,2,u,460000,SP,Ray,16/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,2/34 Clarinda Rd,4,t,882000,S,C21,16/09/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,22 Burton Av,3,h,2950000,S,Darras,16/09/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/76 Scotsburn Av,3,u,810000,S,Buxton,16/09/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,51 Ester Cr,3,h,850000,S,C21,16/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/9 Second St,3,u,632000,SP,Harcourts,16/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,60 Alexandra Pde,4,h,1010000,PI,Nelson,16/09/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,5 Noone St,2,h,980000,S,Nelson,16/09/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,42 Glengyle St,2,h,1055000,SP,Nelson,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Haig Av,4,h,1300000,VB,Nelson,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/1 Kaye Ct,3,t,,PI,Barry,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7 Kewarren Ct,4,h,975000,SP,Nelson,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/22 Loch St,2,t,638000,S,Jellis,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9A Methven St,3,t,880000,S,Brad,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,117 Ohea St,3,h,1060000,S,Brad,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2a Queen St,3,t,,PI,Ray,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/39 Service St,2,t,620000,VB,hockingstuart,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Woiwurung Cr,3,t,,PN,Nelson,16/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,18 Newlands Rd,3,h,860000,VB,Nelson,16/09/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,9 Ryland St,3,h,841000,S,Peter,16/09/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,12 Smith St,3,h,796000,S,hockingstuart,16/09/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,25 Suvla Gr,4,h,1330000,S,Raine,16/09/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,20 Mater St,3,h,1075000,S,Peter,16/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,54 Mater St,3,h,1300000,S,Jellis,16/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,382A Smith St,2,t,931000,S,Chambers,16/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,42 Bridgehaven Dr,5,h,,SN,Barry,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25/1 Brunswick Cr,2,t,380000,S,hockingstuart,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Earlston Pl,3,h,,SN,Barry,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Paddington St,3,h,,SN,Barry,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Pearl Dr,4,h,,SN,Barry,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Ravenwoods Wy,3,h,492000,S,hockingstuart,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Waverley Ct,4,h,,SN,Barry,16/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,6 Cheeseman St,3,h,840000,VB,McGrath,16/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,76 Lusher Rd,3,h,885000,VB,Carter,16/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1A Trawalla Rd,3,h,,SN,Barry,16/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,14 Venetian Ct,3,h,858000,S,RW,16/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,20 Aumann Ct,4,h,,PN,McGrath,16/09/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,2/1 Clement St,2,u,435000,S,Hall,16/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3/21 Wilson St,2,u,,PI,O'Brien,16/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,60 First Av,3,h,682000,S,O'Brien,16/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,90 McFees Rd,3,h,,SP,McLennan,16/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,38 Neasham Dr,4,h,685000,SP,Stockdale,16/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,785 Ballarat Rd,3,h,,SN,Barry,16/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,35 Canterbury St,3,h,590000,PI,Bells,16/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,1 Hovell St,3,h,629500,SA,HAR,16/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,12 Hyde St,3,h,720000,S,HAR,16/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,18 Laming Rd,3,h,560000,S,Stockdale,16/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,34 Yeats Dr,3,h,510000,S,YPA,16/09/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,28 Anne St,4,h,,SN,Barry,16/09/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,6 Ormonde Ct,4,h,,SP,Buckingham,16/09/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,32 Fernhill Dr,4,h,1281000,S,Buxton,16/09/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Lumeah Ct,4,h,,PI,Buxton,16/09/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,909/20 Rakaia Wy,1,h,,PI,hockingstuart,16/09/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,4/30 Fromhold Dr,3,t,751000,S,McGrath,16/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1a Damala St,3,u,925000,S,Jellis,16/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Hope Ct,3,h,1205000,S,Barry,16/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Richard St,3,h,,SN,Woodards,16/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Rochelle Ct,5,h,1480000,PI,Jellis,16/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Ryder Ct,5,h,1330000,S,Parkes,16/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doveton,5 Hakea St,3,h,469000,SP,C21,16/09/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,8 Peppermint St,3,h,531000,SP,REMAX,16/09/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,1/18 Cape St,2,u,570000,S,Purplebricks,16/09/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,31/201 Wellington Pde S,2,u,,SN,hockingstuart,16/09/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Eltham,2 Andrews St,4,h,1085000,PI,Morrison,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,56 Beard St,3,h,,S,Barry,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,119 Dalton St,3,h,915000,S,Fletchers,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,22/1336 Main Rd,3,h,,S,Barry,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,92 Railway Pde,5,h,1450000,S,Morrison,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,24 Ryans Rd,3,h,,SP,Barry,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,11 Thornton St,4,h,890000,S,Morrison,16/09/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,5 Ungara Cl,4,h,,S,Barry,16/09/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,6/31 Beach Av,2,u,735000,S,Buxton,16/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11 Joyce St,3,h,1800000,VB,Marshall,16/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/138 Mitford St,2,t,,PI,McGrath,16/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,101 Ruskin St,3,h,,S,Marshall,16/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,15 Thackeray St,3,h,1890000,PI,Marshall,16/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,275 Power Rd,3,h,710000,SP,Hodges,16/09/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,4 Satterley Cl,4,h,642000,S,Stockdale,16/09/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,10 Hastings Ct,3,h,600000,S,Love,16/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Orlit Ct,3,h,647000,S,HAR,16/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,3/157 Deakin St,3,t,770000,VB,Nelson,16/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/2 McCarron Pde,3,u,888000,PI,Nelson,16/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,50 Ogilvie St,3,h,1150000,S,Brad,16/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,5 Keam St,3,h,1235000,S,Brad,16/09/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,25 Prince St,3,u,1170000,S,Brad,16/09/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,10 Rayment St,4,h,,S,McGrath,16/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,44 Separation St,4,h,1255000,S,McGrath,16/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,7 Separation St,3,h,1300000,SP,Love,16/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,15 Dorothy St,3,h,680000,SP,Purplebricks,16/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,20 Lowson St,3,h,,SN,Barry,16/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/59 Queens Pde,3,t,,SN,Barry,16/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,34 Stanford Cl,3,h,670000,VB,Nelson,16/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1368 Sydney Rd,3,h,750000,S,Brad,16/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,676 Burwood Hwy,6,h,,PI,Barry,16/09/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,14/150 Kerr St,2,u,648000,S,Nelson,16/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,112 Leicester St,2,h,1260000,S,Harrington,16/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,423 Napier St,4,h,3575000,S,Jellis,16/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,359 Smith St,3,h,1325000,S,Woodards,16/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,1/184 Barkly St,1,u,390000,SP,Jellis,16/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,90 Bennett St,3,h,1400000,PI,McGrath,16/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,6/280 St Georges Rd,2,t,848000,SP,Nelson,16/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,5/30 Finsbury St,2,u,540000,S,Nelson,16/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,2/30 Eldridge St,2,u,316000,S,Sweeney,16/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,19 Shepherd St,3,h,,W,Greg,16/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,46b Wolverhampton St,2,t,,VB,Jellis,16/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,1 Boeing Ct,3,h,,PI,Buxton,16/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,41 Parkmore Rd,4,h,950000,VB,Noel,16/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,13 Brooklyn Av,4,h,,VB,hockingstuart,16/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,92 Frank St,3,h,,SN,Barry,16/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Miranda Pl,4,h,650000,S,O'Brien,16/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,49 Fleetwood Cr,2,h,910000,S,Ray,16/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,13 Leslie St,4,h,760000,S,Eview,16/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,1/109 Aitken St,3,h,,SP,Raine,16/09/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,13/109 Aitken St,3,h,500000,SP,Raine,16/09/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,6 Morand St,4,h,700000,S,Raine,16/09/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,7 Wyralla Cr,6,h,650000,SP,Raine,16/09/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Glen Huntly,2/1204 Glen Huntly Rd,2,t,540000,S,Woodards,16/09/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,1/123 Grange Rd,1,u,,PI,hockingstuart,16/09/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,11 Allaville Av,3,h,1802000,S,hockingstuart,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Gatis St,3,h,1738000,S,Jellis,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Leopold St,3,h,,SP,Marshall,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Lincoln St,3,h,,S,Kay,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/1690 Malvern Rd,2,u,504000,S,Fletchers,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10/1705 Malvern Rd,1,u,450000,VB,Fletchers,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/16 Osborne Av,2,t,965000,S,hockingstuart,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/5 Queens Pde,2,u,812000,S,J,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1A Rosemary Gr,3,t,1333000,S,Noel,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,111 Tooronga Rd,2,h,1366000,S,Jellis,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,324 Warrigal Rd,3,h,1220000,PI,Marshall,16/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,31 Chapman Bvd,3,h,1275000,S,hockingstuart,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Creswick St,5,h,,PN,Harcourts,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,45 Kennedy St,3,h,1750000,PI,Roger,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,40 Leicester Av,5,h,,SN,Biggin,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,50 Madigan Dr,5,h,1480000,S,Barry,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Myers Av,4,h,,PI,Fletchers,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/47 Panoramic Gr,3,h,1150000,S,Ray,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6B Rowitta Dr,4,h,,VB,Fletchers,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,424A Springvale Rd,3,h,,PI,Ray,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4/20 Tulloch Gr,3,h,,PN,Harcourts,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5A York St,3,t,1200000,S,Harcourts,16/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,76 Daley St,2,h,605000,PI,RW,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/30 Gladstone Pde,3,t,680000,S,Eview,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,30 Hillcrest Rd,4,h,,PI,Barry,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,77 Hubert Av,2,h,,SN,Barry,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/9 McDonald Pl,3,t,620000,S,Eview,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,15 Tarana Av,3,h,,SN,Barry,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,28 Tarana Av,3,h,780000,S,Brad,16/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,70 Alexandra St,3,h,850000,PI,Darren,16/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5 Baranbali Gr,4,h,,PI,Darren,16/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,34 Crana Gr,3,h,922000,S,Morrison,16/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5 Larcom Ct,3,h,,S,Barry,16/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Murumba St,4,h,865000,S,Morrison,16/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,19 Wolangi Ct,4,h,926500,S,Morrison,16/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,78 Kirkham Dr,5,h,940000,S,YPA,16/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,17 Lancaster Ct,4,h,780000,S,Stockdale,16/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,24 Posy St,5,h,650000,PI,hockingstuart,16/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hallam,39 Alexander St,3,h,661000,S,REMAX,16/09/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,4 Bolton Av,3,h,2515000,S,Buxton,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Conifer St,3,h,1520000,VB,Hodges,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/46 Earlsfield Rd,3,t,1205000,S,Buxton,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,41 Grout St,4,h,2550000,VB,Buxton,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,49 Ludstone St,4,h,2135000,S,Marshall,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,15 May St,4,h,1820000,PI,Follett,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,102 Willis St,3,h,1450000,S,Nick,16/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,19a Apex Av,2,u,910000,SP,Purplebricks,16/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/6 Bartlett St,2,u,758000,S,Buxton,16/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,11 Keiller St,3,h,1060000,PI,Jellis,16/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,32 Lonsdale Av,2,t,875000,VB,Buxton,16/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,357 Auburn Rd,4,h,2325000,S,Jellis,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16 Hill St,4,h,2200000,VB,Marshall,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/32 Liddiard St,2,u,,VB,Fletchers,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/24 Muir St,2,u,,SP,Marshall,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,61 Power St,4,h,,S,Marshall,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11 Urquhart St,4,h,,SP,Jellis,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,25 William St,3,h,1450000,VB,Marshall,16/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/456 Barkers Rd,3,t,,PN,RT,16/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,27 Burwood Av,5,h,,VB,Jellis,16/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9 Jaques St,4,h,,SN,Abercromby's,16/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/38 Mayston St,2,u,497000,S,Noel,16/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,1/270 Canterbury Rd,3,t,710000,S,Noel,16/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,5 Marden Pl,4,h,,W,Ray,16/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,13 Stoda St,3,h,,PI,Philip,16/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg West,122 Altona St,3,h,846000,S,Ray,16/09/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2/14 Koitaki Ct,2,u,480000,VB,Haughton,16/09/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,158 Liberty Pde,5,h,900000,S,William,16/09/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,21 Noyes St,4,h,1060000,PI,Buxton,16/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,6 Train St,3,t,1010000,S,Buxton,16/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,110 Allenby Rd,4,h,628000,S,Barry,16/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Dryburgh Pl,3,h,645500,S,Prof.,16/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,42 Langmore Dr,3,h,760000,S,Barry,16/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,13 Doynton Pde,3,h,575000,S,Reliance,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,39 Ironbark Dr,3,h,,PI,Barry,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,46 Ironbark Dr,5,h,,PI,Barry,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,9 Matthew Cl,4,h,525000,SP,One,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 McCormack Cr,4,h,723000,S,hockingstuart,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,113 Powell Dr,3,h,678000,S,Greg,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,525 Sayers Rd,4,h,,PI,Greg,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,26 Strickland Av,3,h,,SN,Barry,16/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/1091 North Rd,4,t,917000,SA,Ray,16/09/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,1/9 Merther Rd,3,t,720000,S,Fletchers,16/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,21 Townsend St,4,h,2800000,VB,Fletchers,16/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,209 Waterdale Rd,3,h,,SN,Miles,16/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,17 Emu Pde,3,h,626000,S,Raine,16/09/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,18 Freeland Gr,3,h,,SN,Barry,16/09/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,37 Lorraine Cr,3,h,,SN,Barry,16/09/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,6 Riverside Av,3,h,840000,S,Barry,16/09/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,16 Ash Gr,4,h,1230000,S,Nelson,16/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,11 Byron Av,3,h,1020000,S,Nelson,16/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,60 Roberts St,3,h,1295000,S,Nelson,16/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,11 Wunnamurra Dr,3,h,933000,SP,Nelson,16/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3/7 Lossi Ct,2,u,520000,S,Barry,16/09/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,12 Calwell St,1,t,590000,SP,Nelson,16/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,16 Smith St,3,t,1300000,S,Alexkarbon,16/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,14 Atkins St,4,h,2375000,S,Jellis,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/11 Davis St,2,u,625000,PI,Nelson,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,117 Edgevale Rd,3,h,1380000,S,Marshall,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,48 Edgevale Rd,3,h,,S,Kay,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13 Ermington Pl,6,h,2070000,S,Nelson,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Hansen St,4,h,,SP,Marshall,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/11 Hartington St,2,u,,SP,Nelson,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/17 Marshall Av,3,h,1950000,S,Marshall,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Moreton Cl,4,h,2050000,VB,Jellis,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/9 Peel St,2,u,920000,VB,Miles,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Ridgeway Av,4,h,,VB,Jellis,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,130 Sackville St,5,h,5065000,PI,RT,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Second Av,5,h,,S,Jellis,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Stoke Av,5,h,5580000,SP,Marshall,16/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,115 Belford Rd,3,h,1650000,VB,Jellis,16/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,18 McConchie Av,4,h,,S,Jellis,16/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,50 Windella Av,3,h,2125000,VB,Jellis,16/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,5 Woodlands Av,2,h,1325000,PI,Jellis,16/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,22 Woolcock Av,3,h,1975000,PI,Lindellas,16/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,44 Kingsclere Av,3,h,,PI,Barry,16/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,1 Laidlaw Ct,3,h,,PI,Barry,16/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,9 Durham Rd,6,h,850000,S,Philip,16/09/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsville,70 Chirnside St,4,h,1140000,SP,Jas,16/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/23 Kingsville St,3,t,740000,S,Village,16/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,5 Wales St,3,h,1000000,PI,Jas,16/09/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,2 Blackwood St,3,h,801000,S,HAR,16/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6 Everest Ct,3,h,596000,S,HAR,16/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,12 Byron Av,3,h,1062000,S,Morrison,16/09/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/7 Cherry St,3,h,,SN,Ray,16/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,31 Stewart Tce,2,h,,SN,Barry,16/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/19 Burns St,2,t,,S,hockingstuart,16/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/12 Janson St,2,t,650000,S,hockingstuart,16/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4 Elizabeth St,4,h,,S,RT,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,5/355 Glenferrie Rd,2,u,550000,VB,hockingstuart,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,27 McArthur St,3,h,1700000,VB,Abercromby's,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,32 Milton Pde,4,t,2750000,SP,Marshall,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2/102 Stanhope St,2,u,1000000,S,Jellis,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,213 Wattletree Rd,3,h,,S,Marshall,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,27 Wheatland Rd,4,h,3400000,S,Marshall,16/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,3/77 Darling Rd,3,h,1015000,S,hockingstuart,16/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,13 Douglas St,3,h,,S,Nelson,16/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/28 Ferncroft Av,2,u,725000,S,hockingstuart,16/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,30 Tooronga Rd,3,h,1250000,S,hockingstuart,16/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,104/333 Wattletree Rd,2,u,1500000,VB,Marshall,16/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,218/5 Ordnance Res,2,u,372000,SP,Biggin,16/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,13 Vista Ri,3,t,815000,S,Biggin,16/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2a Ellindale Av,3,h,,S,Jellis,16/09/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,25 Darebin Ct,3,h,370000,S,YPA,16/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,408/225 Elizabeth St,2,u,660000,S,Dingle,16/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,11/8 Louise St,2,u,550000,SP,Greg,16/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,806/19 Queens Rd,4,u,1710000,S,Dingle,16/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,410/23 Queens Rd,2,u,555000,S,Greg,16/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,7/458 St Kilda Rd,2,u,,S,Buxton,16/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,97 Exford Rd,3,h,392500,S,Raine,16/09/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,5 Leggatt St,3,h,370000,S,Reliance,16/09/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,6 Floreat Pl,3,h,,W,PRDNationwide,16/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,12 Gloucester Wy,4,h,486000,S,hockingstuart,16/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/131 Balcombe Rd,3,t,995000,S,hockingstuart,16/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,11 Broome Av,3,h,950000,PI,Barry,16/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,21 Chicquita Cct,3,t,792000,S,hockingstuart,16/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/28 Florence St,2,t,525000,SP,Thomson,16/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/14 Milan St,2,u,640000,SP,Buxton,16/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/7 Rogers St,2,t,590000,S,Barry,16/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,16/82 Patterson St,2,u,660000,PI,Marshall,16/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,2/33 Allwyn Cr,2,u,445000,SP,Ray,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,57 Hawkes Dr,2,h,475000,S,Ray,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,68 Heritage Dr,3,h,675000,S,HAR,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,39 Hurlstone Cr,3,h,546000,S,Ray,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,20 Mayfield Dr,4,h,721000,S,Love,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,36/292 McKimmies Rd,4,t,492000,S,Ray,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 McLaughlin Cr,4,h,715000,S,Darren,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Scullin Ct,3,h,657000,S,Ray,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Taree Pl,4,h,900000,S,Love,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Valadero Ct,3,h,650000,S,HAR,16/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,55 Burnett St,4,h,1120000,SP,Noel,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,46 Churinga Av,3,h,961000,S,Noel,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Haslemere Rd,4,h,,SN,Noel,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15a James Av,3,h,910000,S,Fletchers,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Moresby St,4,h,,VB,Noel,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,16 Mountfield Rd,3,h,,SN,Barry,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,13 Willow Av,3,h,990000,SA,Philip,16/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,9 Inglisby Rd,3,h,,S,Jellis,16/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,1/11 Rowland St,3,t,1580000,S,Marshall,16/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,85 Victoria Cr,4,h,2500000,VB,Marshall,16/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,21 Sackville St,4,h,940000,S,Lindellas,16/09/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/38 Station Rd,2,u,620000,S,Morrison,16/09/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,1/3 Corio St,2,h,883500,S,Nelson,16/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6/36 Gladstone St,2,u,620000,S,Jellis,16/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6/128 Maribyrnong Rd,3,h,,W,McGrath,16/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,48 Vine St,4,h,1200000,VB,Nelson,16/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,113 Wilson St,3,h,1007500,S,Considine,16/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2/10 Joan St,3,t,1011500,S,Buxton,16/09/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/165 Wickham Rd,3,u,828000,S,Jellis,16/09/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,1 Gould Pl,4,h,,W,Carter,16/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,5 Wilde Ct,3,h,,SN,Barry,16/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,4/1 Ashmore Av,2,u,675000,S,O'Brien,16/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1A Chute St,3,t,,SN,Barry,16/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/460 Como Pde W,2,u,757000,S,Greg,16/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5 Reys Cl,4,h,1285000,S,Hodges,16/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,54 Doynton Pde,4,h,1416000,S,Ray,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Essex Rd,4,h,1386000,S,hockingstuart,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,37 Illuka Cr,5,h,2420000,SP,LLC,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,72 Lechte Rd,4,h,1412000,S,Fletchers,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Lynden Gr,4,h,1335000,SP,Harcourts,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Nicole St,5,h,1323000,S,Jellis,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14b Pall Mall,4,t,1700000,S,Barry,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Pamela St,3,h,1451000,S,hockingstuart,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,37 Pascall St,4,h,1480000,S,Jellis,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/2 Una St,3,h,1150000,PI,Fletchers,16/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,76 Hansworth St,3,h,850000,PI,Barry,16/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 Orion Ct,3,h,912000,S,Ray,16/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 Sneddon Ct,4,h,1100000,S,RW,16/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/1248 Dandenong Rd,3,t,1100000,S,Jellis,16/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,43A Wallace Av,3,t,1210000,PI,Marshall,16/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,12 Emily Dr,4,h,792500,S,Harcourts,16/09/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,1/7 Fleetwood Dr,2,u,,SN,O'Brien,16/09/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,70 Anderson St,3,h,1262000,SP,Williams,16/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,8 Brown St,4,h,1210000,S,Sweeney,16/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,343A Douglas Pde,3,t,,W,Williams,16/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,188 Mason St,4,h,,PI,Sweeney,16/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,21 Haldane Rd,3,h,1186000,S,Nelson,16/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,36 Muriel St,3,h,960000,SP,Brad,16/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,49 Leman Cr,2,h,,PI,Barry,16/09/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,406/1 Shiel St,2,u,600000,VB,Jellis,16/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,3/680 Victoria St,2,t,790000,S,RE,16/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,8 Aberdeen Gr,3,h,1320000,S,Jellis,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,190 Bastings St,2,h,1100000,S,Nelson,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,92 Beavers Rd,2,h,1325000,S,Jellis,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Cunningham St,4,h,2250000,S,Nelson,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/228 Victoria Rd,2,t,800000,S,Nelson,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,28 Waterloo Rd,3,h,,PI,Jellis,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,215 Westgarth St,2,h,730000,PI,Nelson,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,217 Westgarth St,2,h,780000,VB,Nelson,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,42 Woolhouse St,3,h,,S,Nelson,16/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,2/34 Westerfield Dr,5,t,,SN,Biggin,16/09/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,4 Menck St,3,h,903000,S,Jellis,16/09/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,7/251 Springfield Rd,2,u,,SN,Barry,16/09/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,107 New Rd,5,h,955000,S,Nelson,16/09/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,242 Waterloo Rd,3,h,725000,SP,Nelson,16/09/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1/14 MacRina St,4,t,,SP,Buxton,16/09/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,7 Clarendon Av,2,h,,S,Woodards,16/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,8 Fleming Ct,4,h,1255000,S,Buxton,16/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,9 Glennie Av,5,h,1361000,S,Buxton,16/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,19 Luntar Rd,3,h,950000,PI,Ray,16/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,6 Bewdley St,3,h,1790000,S,Bekdon,16/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/13 Holloway St,2,u,507000,S,Ray,16/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/33 Murray Rd,2,t,820000,S,Buxton,16/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,38 Stewart St,6,h,,S,Buxton,16/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,29 Evan St,3,h,1250000,S,Obrien,16/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,77 Bolingbroke St,3,h,910000,S,Jellis,16/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Heather Av,3,h,,SN,Barry,16/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/84 Railway Pde,4,t,,SP,Nelson,16/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,25 Rhodes Pde,3,h,850000,VB,Nelson,16/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,13 Yorkshire St,3,h,1160000,S,Nelson,16/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,6 Balarang Ct,3,h,670000,S,hockingstuart,16/09/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,18 Creswick Dr,4,h,765000,S,LJ,16/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Ibiza Ct,4,h,760000,S,hockingstuart,16/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,100 Malibu Bvd,4,h,711000,S,hockingstuart,16/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,5 Marshall Tce,4,h,600000,S,hockingstuart,16/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,1/17 Park Av,2,h,640000,S,hockingstuart,16/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,38 Yuruga Bvd,4,h,635000,S,hockingstuart,16/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,50 McCormack St,2,h,1260000,S,Greg,16/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,84 Ross St,3,h,1960000,SP,Greg,16/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,313/216 Rouse St,2,u,685000,S,hockingstuart,16/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,101 Stokes St,5,t,2611000,S,Marshall,16/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,9 Chatsworth Rd,3,h,2085000,S,Jellis,16/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,62 Donald St,3,h,1771000,S,Biggin,16/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,19 Porter St,1,u,515000,S,Biggin,16/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,73 Pridham St,3,h,1610000,PI,Jellis,16/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2/92 Beauchamp St,2,t,640000,S,RW,16/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,23 Lyonsville Av,3,h,1035000,S,Nelson,16/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,106 Malpas St,3,h,880000,S,Nelson,16/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,112 McIlwraith St,2,h,1625000,PI,Collins,16/09/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,1/2 Barry St,3,t,625000,PI,Barry,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/17 Best St,2,h,520000,S,Nelson,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,119 Boldrewood Pde,3,h,930000,S,Barry,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,75 Botha Av,4,h,912000,S,Ray,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Delaware St,3,h,900000,S,Barry,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10a Evans Cr,3,u,602500,S,Harcourts,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/89 Howard St,1,u,,SP,Nelson,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Loddon Av,3,h,935000,S,Ray,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/27 McMahon Rd,2,u,465000,SP,Ray,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53C Miranda Rd,3,t,752000,S,Ray,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,76 North Rd,2,h,920000,S,Nelson,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Pellew St,3,h,,SP,Love,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Pershing St,3,h,1074000,S,Nelson,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/78 Purinuan Rd,3,u,630000,PI,RW,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/138 Rathcown Rd,1,u,423000,S,Barry,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/206 Spring St,2,u,415000,SP,Love,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/50 Whitelaw St,2,u,519000,S,Nelson,16/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,269 Coppin St,3,h,3270000,S,Jellis,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,318/185 Lennox St,2,u,,S,Biggin,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/100 Rowena Pde,2,u,530000,SP,Biggin,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Spencer Pl,3,t,1500000,VB,Jellis,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,105/18 Tanner St,1,u,499000,S,Peter,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/9 Tennyson St,1,u,485000,S,Biggin,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29 Type St,2,h,1200000,S,Biggin,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2A Wall St,2,h,1276000,S,Marshall,16/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,5 Bigola St,3,h,800000,S,buyMyplace,16/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,33 Nelson St,4,h,1335000,PI,Carter,16/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,14 Norfolk Av,4,h,935000,S,Philip,16/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,53 Eastfield Rd,4,h,,SN,Barry,16/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,14 Malcolm Ct,6,h,,PI,Barry,16/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,4 Short St,3,h,746000,S,Fletchers,16/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,9 Teak Av,4,h,,PI,Fletchers,16/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,5 Unsworth Rd,4,h,1283000,S,Philip,16/09/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,169 Bellevue Av,3,h,1160000,PI,Fletchers,16/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,4 Devlin Ct,4,h,1365000,SP,Miles,16/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,17 Grandview Gr,3,h,1250000,VB,Nelson,16/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,8 Laane Av,3,h,,SP,Barry,16/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,28 Millicent St,4,h,1775000,S,Miles,16/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,1 Glenn Ct,4,h,955000,SP,Harcourts,16/09/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,21 Orion Wy,3,h,380000,S,Raine,16/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,109 Rossiter Av,3,h,,SN,Barry,16/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,18 Tarcoola Wy,4,h,665000,SP,Eview,16/09/2017,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,7 Duff St,4,h,1665000,S,hockingstuart,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,4 Gladstone St,4,h,,PN,Buxton,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,4A Holzer St,3,h,,VB,Buxton,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,6 Jennings St,4,h,1915000,SP,Buxton,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/2 Neptune St,4,t,,S,Buxton,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,27 Sandringham Rd,3,h,1610000,SA,hockingstuart,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,95A Vincent St,4,t,,VB,Buxton,16/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,9 Armin St,4,h,950000,S,Fletchers,16/09/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,145 George St,4,h,962000,S,One,16/09/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +South Melbourne,250 Ferrars St,1,h,855000,S,Greg,16/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,21 Cuckoo St,3,h,490000,S,Ray,16/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7 Haven Cl,3,h,527000,S,New,16/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Romina Wy,4,h,631500,S,HAR,16/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,34 Tuross Cr,4,h,716500,S,Millership,16/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,29 Vautier Pl,3,h,541000,S,HAR,16/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/49 Davis Av,2,u,570000,S,hockingstuart,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,246B Domain Rd,3,h,,S,Kay,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/28 Kensington Rd,2,h,,S,Marshall,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16 Margaret St,3,h,1305000,SP,Jellis,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,65 Moore St,3,h,,S,Marshall,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/41 Park St,2,u,787500,S,Marshall,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/939 Punt Rd,2,u,651000,SP,Jellis,16/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,28 George St,4,t,1330000,S,hockingstuart,16/09/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,731 Princes Hwy,3,h,770000,SP,Le,16/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,29 Effie Ct,4,h,,SN,Barry,16/09/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,2 Mytton Cl,3,h,,SN,Barry,16/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,52 Rhodes St,3,h,711000,S,Prof.,16/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,65 Maxine Dr,4,h,927000,S,Darren,16/09/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,2/1 Acland St,1,u,461500,S,hockingstuart,16/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46/10 Acland St,1,u,408000,S,McGrath,16/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/88 Blessington St,2,u,760000,VB,hockingstuart,16/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,57 Octavia St,3,h,1900000,S,Buxton,16/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,26 Carnarvon Rd,3,h,1720000,S,Brad,16/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,274 Napier St,3,h,1300000,PI,Considine,16/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/14 Wendora St,3,t,1050000,PI,RT,16/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,9 Windsor Av,2,h,1415000,S,Nelson,16/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,26 Briarwood Ct,3,h,405000,S,YPA,16/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,51 Dunrossil Dr,3,h,545000,S,L,16/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Landsborough Dr,3,h,460000,S,YPA,16/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,11 Mounsey Ct,3,h,,PI,Barry,16/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,60 Riddell Rd,3,h,482000,S,YPA,16/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Whitty La,3,h,436000,SP,Leeburn,16/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,5 Barnett St,4,h,830000,PI,Sweeney,16/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/7 Station Pl,3,t,730000,S,Jas,16/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,117 Berkshire Rd,4,h,665000,S,Douglas,16/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Melton Av,3,h,610000,SP,Sweeney,16/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,33 Sandford Av,3,h,,PI,Barry,16/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,3 Tudor Rd,3,h,560000,S,Douglas,16/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,111 Warwick Rd,4,h,630000,S,Sweeney,16/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,5 Comino Rd,5,h,720000,S,Bells,16/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/98 Durham Rd,3,u,1290000,S,Fletchers,16/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,29 Essex Rd,4,h,1810000,S,Garvey,16/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,7/6 Park Rd,2,u,724000,S,Jellis,16/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,10 Pembroke St,5,h,2230000,SA,Woodards,16/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,7 Wandsworth Rd,4,h,3851000,S,Fletchers,16/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,42 Hardware La,3,h,635000,S,Barry,16/09/2017,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,36 Newmans Rd,5,h,1930000,S,Jellis,16/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,12 Read St,9,h,,VB,Fletchers,16/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,181 MacEdon Rd,4,h,1260000,PI,hockingstuart,16/09/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,15 Alison St,3,h,600500,S,Barry,16/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,89 Cedar St,3,h,640000,S,Barry,16/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Charlton Pl,3,h,750000,S,HAR,16/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,2/39 Clapham St,2,h,760000,S,Jellis,16/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,119A Harold St,4,h,1605000,PI,McGrath,16/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108 Normanby Av,3,h,1300000,SP,Love,16/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,11A Canterbury Rd,3,h,,SP,Jellis,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3 Devorgilla Av,3,h,,SN,Greg,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12/10 Hopetoun Rd,3,u,932000,SP,hockingstuart,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/10 Hopetoun Rd,2,u,860000,PI,Thomson,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13 Kyeamba Gr,3,h,2076000,S,Jellis,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5 Landale Rd,4,h,,SP,Fletchers,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4 Monomeath Av,4,h,,S,RT,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/9 Monomeath Av,3,u,,SP,Marshall,16/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,229 Melrose Dr,3,h,705000,S,YPA,16/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1 Marina St,5,h,1150000,PI,Jellis,16/09/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,2 Country La,3,h,1009000,S,Jellis,16/09/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,16 Duff Pde,4,h,1435000,SP,Nelson,16/09/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Peregrine Ct,4,h,,SP,Bekdon,16/09/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,14 Danaher Av,3,h,366000,S,Ray,16/09/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,134 Dudley St,3,h,,SN,Barry,16/09/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,53 Station St,3,h,,SN,Barry,16/09/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,78 Raheen Av,3,h,1070000,S,Buxton,16/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,12 McLean Ct,4,h,1440000,S,Ray,16/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,20 Mingana Rd,4,h,1060000,SP,Ray,16/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,3 Beaumont St,5,h,1100000,S,Barry,16/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,36 Elder St,2,h,599500,S,Buckingham,16/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/16 Lambourn Rd,2,u,640000,PI,Flannagan,16/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,12 Manfred St,3,h,792000,S,Buckingham,16/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,86 Watsonia Rd,3,h,920000,S,Barry,16/09/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,306 Grimshaw St,4,h,920000,PI,Barry,16/09/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,40 High St,3,h,615000,S,YPA,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,18 Melanie Dr,3,h,551000,SP,YPA,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Newark Cl,3,h,,SN,Barry,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,81 Parramatta Rd,3,h,470000,S,Reliance,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Queens Ct,3,h,,SN,Barry,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/4 Tedesco Ct,3,h,515000,SP,YPA,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,94 Wattle Av,4,h,603500,SP,YPA,16/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,15 Alberta St,3,h,870000,SP,Jas,16/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,9 Devonshire St,4,h,850000,PI,Burnham,16/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,15 Lae St,2,h,730000,SP,Jas,16/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,127 Stanhope St,4,h,1060000,S,Douglas,16/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,199 Hawke St,3,t,1500000,SP,Joseph,16/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,35 Hawke St,3,h,,S,Jellis,16/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,236 Roden St,3,t,1251000,SP,Jellis,16/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,28 Hornsby Av,4,h,702000,S,YPA,16/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,213 Johnstone St,2,h,,SN,Barry,16/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,65 Cootamundra Dr,3,h,950000,S,Jellis,16/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,8 Drysdale Ct,4,h,,SN,Biggin,16/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Meadowbrook Dr,4,h,1211000,S,C21,16/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,40 Strathconnan Pl,4,h,,W,LLC,16/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Trooper Ct,6,h,,PI,Ray,16/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,25 Winterton Dr,4,h,,PI,Barry,16/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,22 Bushlark Cr,3,h,555000,SP,hockingstuart,16/09/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,17/8 Techno Park Dr,2,u,,PI,hockingstuart,16/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,52a Florence St,3,h,1190000,S,Williams,16/09/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,2/235 Dandenong Rd,2,t,,S,hockingstuart,16/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5 Gladstone St,3,h,1425000,S,Jellis,16/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,73 Lewisham Rd,3,h,1970000,PI,Marshall,16/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,14 McIlwrick St,2,h,1300000,VB,hockingstuart,16/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,129 Peel St,3,h,2056000,SP,Biggin,16/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,6 Narmara Mw,3,h,547500,S,Ray,16/09/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,23 Gray St,2,h,921000,S,hockingstuart,16/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,9 Hawkhurst St,3,h,1190000,SP,Jas,16/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1b Stanger St,2,t,772000,SP,Jas,16/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,1009/1 Acacia Pl,2,u,750000,VB,Jellis,16/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Beaver St,4,h,1630000,PI,Nelson,16/12/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,32 Coniston Av,3,h,970000,S,Barry,16/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23 Matthews Av,4,h,790000,VB,Barry,16/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Miriam Ct,3,h,1025000,S,Nelson,16/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,122 Parer Rd,4,h,,SN,Brad,16/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,23 Boyd St,4,h,,SP,Marshall,16/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,164 Richardson St,3,h,1950000,S,Marshall,16/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/44 Derrimut St,2,u,530000,SP,Sweeney,16/12/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,12C Perry St,3,t,,PI,Jellis,16/12/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,175 Blyth St,4,u,1160000,S,Barlow,16/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,17 Merritt Ct,3,h,925000,SP,hockingstuart,16/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2A Robin St,3,h,850000,S,hockingstuart,16/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Taegtow Wy,3,h,718000,S,Barry,16/12/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,34 Binns St,5,h,800000,SP,RT,16/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,70 Blanche St,3,h,,PI,Barry,16/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 Helene St,2,h,595000,PI,Biggin,16/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,2/38 Holt St,4,t,,PI,Barry,16/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/69 Denbigh Rd,3,h,1681000,S,Marshall,16/12/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,25/37 Ascot Vale Rd,2,t,530000,VB,Jellis,16/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,52 Langs Rd,5,h,1320000,PI,Nelson,16/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/9 Sandown Rd,4,t,805000,SP,Alexkarbon,16/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,54 Cassinia Av,2,h,1200000,VB,Jellis,16/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Condah Ct,3,h,1183000,S,Ray,16/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/135 High Street Rd,3,t,,VB,Buxton,16/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/39 Lavidge Rd,4,t,1350000,PI,Buxton,16/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,34 Albany Cr,3,h,1000000,S,Buxton,16/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,48 Iluka Av,3,h,830000,SP,Barry,16/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,48 Lake St,3,h,815000,PI,Barry,16/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,191 Military Rd,3,h,727500,S,Barry,16/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,57 Gordon St,4,h,,PI,Noel,16/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10 Myambert Av,5,h,4600000,VB,Fletchers,16/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Northcote Av,2,h,1710000,S,Fletchers,16/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Parkdale Av,4,h,1700000,PI,Jellis,16/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Threadneedle St,5,h,2475000,PI,Noel,16/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/363 Belmore Rd,3,t,1270000,VB,hockingstuart,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/82 Doncaster Rd,2,u,555500,S,Fletchers,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/49 Hatfield St,3,u,1451000,PI,hockingstuart,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/2 Heather St,4,h,1420000,SA,Fletchers,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Highview Rd,4,h,,S,Fletchers,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lawson St,4,h,2640000,VB,Marshall,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Libra St,4,h,,S,hockingstuart,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Longview Rd,4,h,,VB,hockingstuart,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Oravel St,5,t,950000,PI,hockingstuart,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Renown St,4,h,1960000,S,Fletchers,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Tudor Ct,2,h,,S,hockingstuart,16/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Fallons Wy,3,h,910000,S,Noel,16/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,45 Jeanette St,3,h,862000,S,Barry,16/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1 Valma St,5,h,822000,PI,iTRAK,16/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2 Yarran Gr,2,u,652000,S,iTRAK,16/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2 Illawara Cr,3,h,,VB,Noel,16/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,10 Mason Ct,3,h,720000,VB,McGrath,16/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bellfield,26 Davidson St,3,h,810000,SA,William,16/12/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,138 Oriel Rd,5,h,,W,Purplebricks,16/12/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,21 Coates St,5,h,1740000,S,Buxton,16/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12A Hutchinson St,3,t,1185000,S,Jellis,16/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9/463 South Rd,2,u,392000,SP,Jellis,16/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,206/24 Becket Av,1,u,,PN,Gary,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,147b Bignell Rd,4,t,1389000,S,Jellis,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,72 Blamey St,3,h,1220000,PI,Buxton,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 East Boundary Rd,2,u,663000,S,Buxton,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Jassa St,4,t,1320500,S,Buxton,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32b Jassa St,4,t,1280000,S,C21,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Malane St,3,h,,PI,Buxton,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Margaretta St,3,h,1100000,PI,Buxton,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,414 McKinnon Rd,3,h,,S,Buxton,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Millis Av,4,h,1420000,S,Jellis,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Noora Av,3,h,1182000,S,Jellis,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Orange St,4,h,1420000,S,Jellis,16/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,34 Euroa Av,3,h,490000,S,hockingstuart,16/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,10 Gardiner St,5,h,960000,SP,Barry,16/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/34 Second St,3,u,,S,Charlton,16/12/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,24 Lake Rd,5,h,1758000,S,Sell,16/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36A Sheehans Rd,5,h,2250000,VB,Ascend,16/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,22 Charlton St,5,h,1570000,S,Noel,16/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,49 Koonung Rd,4,h,1300000,S,Noel,16/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,180 Canterbury Rd,3,h,950000,VB,Noel,16/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Craig St,4,h,,SN,Woodards,16/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,38 Lawrence St,3,h,950000,PI,Noel,16/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Mingeta Av,3,h,1050000,SP,Ray,16/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,22 Blythe Av,3,h,629000,S,Schroeder,16/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,3/3 Narcissus Av,2,u,,PI,McGrath,16/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/6 Simpsons Rd,2,u,,SP,hockingstuart,16/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/25 Wellington Rd,2,u,669000,S,Noel,16/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Myamyn St,3,h,850000,S,Douglas,16/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/31 Vine St,3,t,600000,VB,Barry,16/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,23 Tower Dr,3,h,825000,S,Nelson,16/12/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1 Baroona Ct,3,h,,S,Marshall,16/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Cole St,4,h,5500000,S,Marshall,16/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Lynch Cr,3,h,2350000,VB,Hodges,16/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40 Whyte St,3,h,1900000,PI,Nick,16/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Arnold Rd,4,h,,W,Marshall,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,75 Baird St,4,h,3100000,VB,Marshall,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Carrington Gr,4,h,,VB,Buxton,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Centre Rd,3,h,1415000,S,Hodges,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,32 Clive St,2,h,1262000,S,Hodges,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Curzon St,3,h,1880000,S,Hodges,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Davey Av,4,h,,SP,Marshall,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Parker St,4,h,,S,Marshall,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Raymond Ct,4,h,,PI,Buxton,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,152 Thomas St,2,h,950000,VB,Gary,16/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,17 Wharton Av,5,h,,PI,YPA,16/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/6 Corrigan Av,3,t,750000,S,hockingstuart,16/12/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,10/116 Albert St,2,u,757000,SP,Jellis,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,250 Albion St,4,h,1200000,VB,Jellis,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Bennie St,2,h,1011000,S,Nelson,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Charles St,3,h,1010000,S,Peter,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/94 Donald St,1,u,340000,SP,Nelson,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Errol Av,2,h,,SP,Jellis,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Harvey St,3,h,1150000,VB,Lindellas,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Ivy St,2,h,970000,S,Nelson,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Rope Wk,2,t,978000,S,Brad,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Stewart St,2,h,970000,S,Nelson,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Sturrock St,4,h,1665000,SP,Jellis,16/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,14 Foden St,3,h,1255000,S,Barry,16/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/252 Hope St,3,t,700000,VB,Nelson,16/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Howson St,4,h,,VB,Jellis,16/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/546 Moreland Rd,2,u,340000,VB,Brad,16/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,134 Manningham Rd,3,h,1182000,S,Jellis,16/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/82 Willow Bnd,3,u,,VB,Philip,16/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,77 Cameron Pde,3,h,,PI,Barry,16/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/210 Greenhills Rd,2,u,440000,PI,Barry,16/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Hanover Rd,5,h,1470000,S,Barry,16/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,69 Linacre Dr,4,h,1225000,S,Barry,16/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Milton Pde,4,h,870000,S,Stockdale,16/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Trafalgar Cr,3,h,,PI,Ray,16/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,25 Barnes Av,4,h,1607500,S,Jellis,16/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/16 Wridgway Av,2,u,758000,SP,Buxton,16/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,6 Heron Rd,3,h,679000,S,Barry,16/12/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,9 Moorhead St,3,h,1827000,S,Marshall,16/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Remon Av,3,h,1855000,S,Jellis,16/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/870 Riversdale Rd,2,u,,SN,Garvey,16/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2C Staughton Rd,4,t,,PI,RT,16/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/71 Through Rd,3,h,1950000,S,Marshall,16/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,916 Toorak Rd,5,h,,SP,Marshall,16/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5/26 Faversham Rd,2,u,837000,S,Fletchers,16/12/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,173 Drummond St,4,h,3825000,S,Woodards,16/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,610/123 Pelham St,2,u,567000,S,MICM,16/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,821 Rathdowne St,4,h,1391000,S,Nelson,16/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,679 Station St,3,h,1580000,S,Woodards,16/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/39 Coorigil Rd,2,u,,S,Ray,16/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/52 Coorigil Rd,2,u,711000,S,Jellis,16/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Mimosa Rd,3,h,1222000,S,Gary,16/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/36 Moonya Rd,1,u,331000,SP,Woodards,16/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,84 Oakleigh Rd,2,h,1100000,S,Jellis,16/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2/9 Graham Rd,3,u,743000,S,hockingstuart/hockingstuart,16/12/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield South,28 Goe St,4,h,1300000,VB,Jellis,16/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,34B Marara Rd,4,t,1675000,S,Gary,16/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,21 Binalong Av,3,h,1120000,S,Jellis,16/12/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/111 Waverley Rd,3,u,780000,SP,Barry,16/12/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/19 Scotch Pde,2,u,620000,S,Barry,16/12/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9 Allnutt Ct,3,h,800000,PI,Ray,16/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Clendon Ct,3,h,950000,VB,Greg,16/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Evergreen Cct,3,t,810000,S,Greg,16/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2C Gilford Gr,2,t,955000,S,Buxton,16/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Merton Cl,3,h,888000,S,O'Brien,16/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Wingrove St,3,h,,S,Buxton,16/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,35 Bardaster Bvd,3,t,,PN,LLC,16/12/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Chirnside Park,12B Meadowgate Dr,3,h,645000,S,Ray,16/12/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/24 Arunta Cr,3,u,730000,SP,Buxton,16/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,17 Leonard Cl,3,h,799000,S,C21,16/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Merrigum Cr,3,h,766000,S,C21,16/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/40 View St,3,t,962000,S,Barry,16/12/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,6 Linda St,4,h,,PI,Ray,16/12/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,119 Spensley St,3,h,1300000,VB,Collins,16/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,206 Bell St,4,h,1090000,S,Jellis,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Bruce St,2,h,1010000,S,Raine,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,70 Devon Av,3,h,,SP,Nelson,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,33 High St,2,h,710000,PI,Chambers,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Lascelles St,3,h,946000,SP,YPA,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/3 The Grove,3,t,795000,S,Nelson,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/11 Wolseley St,2,u,587000,S,Nelson,16/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,60 Boyne St,3,h,905000,S,Barry,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,7 Keady St,4,h,965000,S,Barry,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Merlyn St,3,h,1100000,PI,YPA,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13 Norris St,2,h,730000,VB,Brad,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/16 Norris St,3,t,,SP,Biggin,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Outlook Rd,3,h,950000,S,Nelson,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Ronald St,3,h,800000,VB,Nelson,16/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,34 Gold St,2,h,1079500,SP,Harrington,16/12/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,48 Bainbridge Cl,3,h,550000,SP,YPA,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,83 Cimberwood Dr,3,h,,SN,Barry,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Dempster Dr,3,h,,S,Ray,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Folger Rd,3,h,479250,S,Ray,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,348 Grand Bvd,2,t,380000,S,HAR,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,474 Grand Bvd,4,h,630000,S,Barry,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Grange Ri,5,h,688000,S,Barry,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,96 Hanson Rd,3,h,590500,S,Barry,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,92 Hothlyn Dr,7,h,,W,YPA,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Langdon Cr,3,h,567000,S,YPA,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Newbury Bvd,4,h,716000,S,Ray,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Nobility Rd,4,h,640000,S,Barry,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Royal Tce,3,h,480000,S,Barry,16/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,13 Greenbriar Wy,3,h,517250,S,LJ,16/12/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,43 Chestnut St,3,h,1245000,S,hockingstuart,16/12/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,4/8 Bennison St,3,u,720000,SP,Max,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Eden St,3,h,,SN,McGrath,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/6 Haig St,4,t,600000,VB,McGrath,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,167 Maroondah Hwy,4,h,820000,S,Philip,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Melton Gr,3,h,720000,S,Barry,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Moore Av,4,h,,SN,Barry,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 The Pass,5,h,997000,S,Fletchers,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 View St,3,h,655200,S,McGrath,16/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,3 Donald St,3,h,,W,YPA,16/12/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/15 Grace Av,3,t,,PI,O'Brien,16/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,107 Herbert St,3,h,,PI,O'Brien,16/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Yarra Ct,4,h,,S,Fletchers,16/12/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,6 Belmont Av,4,h,3680000,SP,Marshall,16/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,914 Burke Rd,5,h,3080000,S,Harcourts,16/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,24 Bird St,3,h,580000,S,Burnham,16/12/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,15 Anakie Wk,3,h,580000,PI,Bells,16/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,22 Brampton Cct,3,h,,PI,Calder,16/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,14 Doran Wk,3,h,,PI,Calder,16/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,34 Frost Dr,4,h,600000,PI,Nelson,16/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,10 Oakham Gld,4,h,561000,S,Burnham,16/12/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,96 Windsor Bvd,4,h,912000,S,Stockdale,16/12/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,14 Moray St,3,h,588000,S,Barry,16/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2 Wensley St,3,h,700000,S,Morrison,16/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5/169 Centre Dandenong Rd,2,u,680000,S,Buxton,16/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Fairway Dr,4,h,839000,S,Buxton,16/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Rhoda St,3,h,952000,S,Ray,16/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,23 Buckingham Cr,3,h,,SP,Fletchers,16/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/40 Finlayson St,3,h,850000,PI,Barry,16/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,56 Victoria St,3,h,1150000,PI,hockingstuart,16/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Carisbrook Ct,4,h,1198000,S,hockingstuart,16/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/1050 Doncaster Rd,3,u,750000,VB,Fletchers,16/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/37 Greendale Rd,3,u,,VB,Philip,16/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/11 Howell Cl,3,h,868000,S,hockingstuart,16/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Silvana Ct,4,h,,S,hockingstuart,16/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Worthing Av,4,h,1420000,S,Barry,16/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,15 Braford Dr,4,h,740000,S,Barry,16/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,96 Laurimar Bvd,4,h,525000,SP,HAR,16/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,1 Nancarrow Dr,3,h,470000,S,HAR,16/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,17 Patience Av,3,h,558000,S,Barry,16/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,10 Powlett St,6,h,,S,RT,16/12/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,3/35 Shoobra Rd,3,u,930000,VB,Gary,16/12/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Wynton Ct,4,h,,SP,Morrison,16/12/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,13/197 Brighton Rd,1,u,411000,SP,hockingstuart,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,49 Brighton Rd,4,h,,S,hockingstuart,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/1 Glen Huntly Rd,2,u,,VB,Greg,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/145 Glen Huntly Rd,3,u,,SP,Chisholm,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/5 Joyce St,2,u,,PI,hockingstuart,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/199 Ormond Rd,2,u,675000,SP,Buxton,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/34 Pine Av,3,u,1800000,SP,Chisholm,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Robert St,4,h,,PN,Chisholm,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,113 Spray St,3,h,,VB,Hodges,16/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,20 Rhonda Cl,3,h,656000,S,C21,16/12/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Brazil Ct,4,h,735000,S,hockingstuart,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10A Cabot Dr,2,h,432000,S,Ray,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Charteris Gr,4,h,611000,SP,HAR,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/82 Epping Rd,2,u,300000,S,HAR,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/88 Epping Rd,2,u,309000,S,HAR,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Kilby Cl,3,h,610000,S,HAR,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Plowman Ct,3,h,571550,SP,Millership,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Winterton Cl,3,h,658000,S,Iconek,16/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/142 Cooper St,3,t,800000,VB,Barry,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/5 Kalimna St,2,u,768000,S,Barry,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Laluma St,4,h,,S,Nelson,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/62 Nimmo St,2,t,,S,Nelson,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,46 Salmon Av,5,h,2200000,S,Nelson,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/12 Schofield St,2,u,480000,PI,Hodges,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/24 Schofield St,2,u,695000,S,Nelson,16/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,9/15 Royal Av,2,u,365000,SP,Brad,16/12/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,4/25 Rathmines St,2,u,512500,SP,McGrath,16/12/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,75 Rathmines St,4,h,1300000,VB,Thomas,16/12/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,4 Bonwick St,3,h,767500,SP,hockingstuart,16/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/3 Brian St,3,h,616000,SP,Brad,16/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/1 Clara St,2,u,412000,S,Ray,16/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Link Pde,3,h,482000,S,Brad,16/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Selola Ct,3,h,783000,SP,hockingstuart,16/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,32 Lydford Rd,3,h,755000,S,Noel,16/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,215 Argyle St,2,h,1930000,SP,Nelson,16/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,5/3 Hertford St,2,h,950000,S,Nelson,16/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/26 Victoria St,1,u,640000,S,Nelson,16/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,103/500 Brunswick St,2,u,655000,SP,Nelson,16/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,810 Brunswick St,3,h,1325000,S,Woodards,16/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23 Egremont St,2,h,1380000,PI,Nelson,16/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/71 Holden St,2,u,650000,SP,Jellis,16/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2/63 Crown St,2,t,785000,S,Edward,16/12/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,10/20 French St,3,u,517000,SP,Brad,16/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Nicholson St,6,h,1527000,S,Nelson,16/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Steet St,4,h,,VB,Biggin,16/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,48b Wolverhampton St,3,t,760000,S,Sweeney,16/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,16 Mutual Ct,3,h,,SN,Woodards,16/12/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Aquarius Dr,3,h,,PI,O'Brien,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Finisterre Ct,4,h,814250,S,Ray,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Frawley St,5,h,840000,SP,hockingstuart,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/13 Gairloch Dr,3,t,569000,S,Barry,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,150 Heatherhill Rd,3,h,538000,SA,Bowman,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,8 Leighton Ct,3,h,,W,Ray,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,82 Lindrum Rd,4,h,560000,S,O'Brien,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/9 Phillip St,2,u,,S,Aquire,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,105 Raphael Cr,3,h,636000,S,Barry,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,67 Raphael Cr,3,h,672500,S,Ray,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Wave St,2,h,574000,S,O'Brien,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wettenhall Rd,4,h,1036000,S,Ray,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,37 Williams St,3,h,1250000,VB,hockingstuart,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/46 Williams St,3,t,605000,S,hockingstuart,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Woodlands Gr,4,h,1150000,VB,hockingstuart,16/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,32 Fleetwood Cr,3,h,1200000,S,Ray,16/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Tavistock Rd,3,h,760000,S,Barry,16/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,68 Fersfield Rd,3,h,616000,S,Raine,16/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1/5 Robert Ct,3,h,535000,SP,Raine,16/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,12a Sundew Ct,3,h,550000,S,Raine,16/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Cassandra Dr,3,h,620000,S,Barry,16/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Chisholm Cl,6,h,,PN,Barry,16/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,27 Goodwood Cr,3,h,730000,SP,Barry,16/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13/1526 High St,2,u,670000,S,hockingstuart,16/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/40 Osborne Av,2,u,,SN,Biggin,16/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Parkin St,6,h,2245000,S,Marshall,16/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Renwick St,4,h,1735000,S,hockingstuart,16/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,114 Summerhill Rd,3,h,,S,Jellis,16/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Burramine Rd,4,h,,SN,Barry,16/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,57 Hinkler Rd,3,h,,PI,Ray,16/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Short St,6,h,2350000,PI,Harcourts,16/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Summit Cr,4,h,,SN,Biggin,16/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/8 Apsley St,3,t,765000,SP,Stockdale,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,70 Beatty Av,2,t,530000,S,Stockdale,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,43 Bindi St,2,h,637000,S,Brad,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,181 Daley St,2,h,628000,S,RW,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,36 Gladstone Pde,2,h,1245000,S,Jellis,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/122 Loongana Av,3,h,,PI,Stockdale,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 Morley St,3,h,885000,S,Nelson,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/66 Pecham St,3,u,635000,S,Barry,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,73 Tarana Av,4,h,801000,SP,Barry,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/121 Widford St,3,t,554000,S,Stockdale,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 York St,2,h,900000,S,Stockdale,16/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Duranta Dr,3,h,790000,S,Nelson,16/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Marigold Cr,3,t,700000,VB,Nelson,16/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Mirrim Pl,4,h,1260000,PI,Nelson,16/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,14 Anama St,3,h,1002000,S,Morrison,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Booyan Cr,3,h,759000,S,Darren,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,32 Louis St,3,h,835000,S,Buckingham,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9A Scotland Av,3,t,920000,S,Darren,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Simmons Ct,3,h,876000,S,Morrison,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,17 Thoona Gr,4,h,1215000,S,Jellis,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Wanbanna Av,3,h,760000,S,Morrison,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,92 Warralong Av,3,h,838000,S,Buckingham,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/11 William St,3,t,635000,S,Buckingham,16/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Ambleside Rd,4,h,750000,VB,Barry,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Arkley Dr,3,h,671000,S,Barry,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 Elphinstone Bvd,6,h,1515000,S,Jason,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Frontier Av,3,h,660000,S,Barry,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,48 Glencairn Dr,4,h,690000,S,Barry,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Lysterfield Dr,4,h,679000,S,LJ,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Mossgiel Av,4,h,,PN,Barry,16/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5 Richard St,3,h,911000,S,Stockdale,16/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,27 West St,3,h,772500,S,Nelson,16/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,56E Beach Rd,3,t,2440000,SP,Marshall,16/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,304/33 Crisp St,2,u,850000,S,hockingstuart,16/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2 Grout St,3,h,1500000,VB,Hodges,16/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Kingston St,3,h,1006000,S,Hodges,16/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/5 Walker Av,3,t,1100000,S,Hodges,16/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,25 Daff Av,4,h,1330000,SP,Buxton,16/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/229 Auburn Rd,3,t,1400000,PI,Noel,16/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/4 Barkers Rd,2,u,822500,S,Jellis,16/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,128 Church St,4,h,2055000,S,Marshall,16/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/136 Church St,2,u,660000,S,Marshall,16/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/488 Glenferrie Rd,2,u,525000,S,Woodards,16/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/14 Liddiard St,1,u,640000,S,Nelson,16/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/85 Pleasant Rd,2,u,658000,S,Jellis,16/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,401/480 Riversdale Rd,2,u,985000,VB,Jellis,16/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/137 Victoria Rd,2,u,590000,SP,LITTLE,16/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Doulton Av,3,h,1051000,S,Barry,16/12/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,37 Collins St,2,h,782500,SP,William,16/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,9 Heffernan Wk,3,t,760000,SP,Nelson,16/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/74 Porter Rd,4,h,920000,VB,Fletchers/Fletchers,16/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Terry St,2,h,640000,VB,Nelson,16/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,4/9 Exeter Ct,2,u,471000,SP,Miles,16/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,367 Liberty Pde,2,h,687000,S,Buckingham,16/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,25 Haynes St,3,h,1430000,S,Hodges,16/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,229/286 Highett Rd,2,u,590000,VB,Wilson,16/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,30 Beattys Rd,4,h,,PI,Barry,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Cynthia Ct,4,h,666000,S,Barry,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,51 Landscape Dr,6,h,830000,PI,Prof.,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Rivergum Pl,5,h,,S,Barry,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,66 Royal Cr,5,h,700000,S,Prof.,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Stonybrook Bvd,4,h,855000,PI,Barry,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 The Grove,4,h,1405000,S,Barry,16/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bolger Cr,3,h,596000,S,hockingstuart,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Casey Dr,3,h,,VB,Triwest,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Harris Av,3,h,505000,S,LJ,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,61 Johnson Av,3,h,586000,S,hockingstuart,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,46 Provence Gr,3,h,525000,S,Greg,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,32 Toulouse Cr,3,h,580000,SP,Greg,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Tucker Ct,5,h,,PI,S&L,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Yarrabee Dr,4,h,660000,S,Barry,16/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,197 Banksia St,4,h,1095000,SP,RW,16/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/18 Belmont Rd,3,u,1220000,S,Miles,16/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,29 Melcombe Rd,2,h,1395000,S,Miles,16/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,41 Myrtle St,4,h,,PI,Nelson,16/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,10 Stanley St,3,h,1150000,VB,Nelson,16/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,34 Cedric St,2,h,1432000,S,Miles,16/12/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,5 Bessell Ct,2,h,,PN,Barry,16/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,9 Fox Ct,3,h,455000,SP,YPA,16/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,19 Faye Cr,5,h,,SP,Nelson,16/12/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,4 Gidgee Ct,3,h,670000,S,Barry,16/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,52 Morcambe Cr,3,h,635000,S,Prof.,16/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,9 Odessa Av,4,h,685000,S,Calder,16/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Milleara Rd,6,h,1130000,S,Nelson,16/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,84 Parkside Av,2,h,580000,S,Nelson,16/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,178 Rachelle Rd,4,h,975000,S,Moonee,16/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,52 West Gwy,2,h,740000,S,Nelson,16/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorite Pl,3,t,780000,VB,Barry,16/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3 Dana Ct,4,h,,SN,Alexkarbon,16/12/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,55 Spence St,5,h,550000,PI,Nelson,16/12/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,306/72 Altona St,2,u,520000,SP,Jellis,16/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,25 Robertson St,2,h,,S,Brad,16/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,17 Serong St,3,t,,W,Barry,16/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1A Glendene Av,3,h,1760000,VB,Noel,16/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/325 High St,1,u,505000,S,Marshall,16/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Oshaughnessy St,3,h,,S,Marshall,16/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,21 Baker Av,5,h,2300000,VB,Jellis,16/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,47 Bennett Pde,3,h,1702000,SP,Philip,16/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,45 Frater St,3,h,,S,Marshall,16/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/20 Hartwood St,3,h,1150000,S,Jellis,16/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Carribean Dr,3,h,715000,SP,O'Brien,16/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,21 Serpentine Rd,3,h,770000,S,C21,16/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10/72 Stanley Rd,2,t,,SN,Biggin,16/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Woomera Av,3,h,,PI,Barry,16/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,1 Churchill Wy,2,h,830000,S,McGrath,16/12/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,45 Grevillea Rd,4,h,665000,S,Barry,16/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 Shepherds Gr,5,h,675000,S,Barry,16/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,6 Timothy Ct,4,h,,PI,Barry,16/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,1/34 Highland St,3,u,702500,S,Barry,16/12/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,55 Coronation St,3,h,1210000,PI,Jas,16/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,32 Empress Av,3,h,1250000,S,McGrath,16/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,51 Archer Dr,4,h,439000,S,Raine,16/12/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,14 Narebar Ct,3,h,381000,S,PRDNationwide,16/12/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,4 Columbia Rd,3,h,,SP,HAR,16/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Cyprus St,3,h,707000,S,Barry,16/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 McKimmies Rd,3,h,640000,S,Ray,16/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Mosaic Dr,3,h,700000,S,Iconek,16/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Otway Ct,4,h,600000,S,HAR,16/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Partridge St,3,h,665000,S,HAR,16/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,30 Leonard Dr,4,h,570000,S,Barry,16/12/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,20 Raneen Dr,3,h,510000,S,Bowman,16/12/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,20 Thomas St,3,h,,SP,hockingstuart,16/12/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,5/3 Glenauburn Rd,4,t,1160000,S,Jellis,16/12/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4/34 Glenmore St,3,u,471000,S,Miles,16/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/23 MacLeod Pde,2,u,690000,SP,Ray,16/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,21 Wungan St,3,h,695000,S,Ray,16/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,13/12 Crefden St,2,u,,S,Biggin,16/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,36/44 Eucalyptus Dr,2,u,420000,S,Pagan,16/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,43 Fisher St,3,h,895000,S,Sweeney,16/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11D Rooney St,3,t,670000,PI,Biggin,16/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,34 Suffolk St,3,h,825000,S,Jas,16/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/395 Glenferrie Rd,2,u,2100000,VB,Marshall,16/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29 Gordon Gr,4,h,3100000,VB,Marshall,16/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,31 Belson St,3,h,,S,Marshall,16/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/8 Burke Rd,2,u,530000,VB,Marshall,16/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Millewa Av,4,h,2830000,S,Jellis,16/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,114/141 Waverley Rd,1,u,112000,S,C21,16/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,51 MacEdon St,2,h,1250000,PI,Sweeney,16/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Middle Rd,3,h,,SP,Brad,16/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/127 Raleigh Rd,2,t,540000,VB,Nelson,16/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,57 Wests Rd,3,t,625000,PI,Raine,16/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/4 Glen Orme Av,3,t,1350000,VB,Gary,16/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,28 Lewis St,4,h,1820000,S,Hodges,16/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,273 McKinnon Rd,4,h,1730000,S,Buxton,16/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Tamboon Ct,3,h,,SN,Barry,16/12/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2009/568 Collins St,1,u,,W,Pagan,16/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2608/620 Collins St,2,u,750000,SP,MICM,16/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1216/74 Queens Rd,2,u,,PI,Purplebricks,16/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,401/340 Russell St,2,u,1000000,SP,MICM,16/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,54/461 St Kilda Rd,3,u,1825000,SP,Gary,16/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,7 Emil Ct,3,h,,PI,Raine,16/12/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,111 Palmerston St,3,h,400000,VB,Biggin,16/12/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,1/23 Hume Av,2,u,290000,SP,Raine,16/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,14 Thomas Av,3,h,361000,SP,FN,16/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,9 Morrow St,3,h,518000,S,FN,16/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,75 Westmelton Dr,3,h,400000,VB,PRDNationwide,16/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/62 Balcombe Rd,2,h,680000,SP,Purplebricks,16/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4A Delville Av,3,t,920000,S,Barry,16/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,71 Patty St,6,h,1650000,SP,Buxton,16/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,25 Gael Ct,4,h,598000,S,RW,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Grafton St,4,h,518000,S,RW,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Gridley St,4,h,900000,SP,Morrison,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Maahu Ambl,3,t,482500,S,LJ,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 McCulloch St,3,h,572500,S,Ray,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Monarch Av,3,h,580058,SP,Stockdale,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Riberry Cr,4,h,745500,SP,Love,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Stradling Ri,4,h,662000,PI,Barry,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Tarwin Dr,3,h,595000,S,RW,16/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,50 Callaway Dr,5,h,1500000,S,Barry,16/12/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,4 Berry Ct,4,h,,PI,The,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Blamey Av,3,h,700000,S,Love,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Bolina Ct,3,h,637500,S,HAR,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Clement Ct,4,h,751000,S,HAR,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Hawkes Dr,3,h,699000,S,RW,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/1 Mill Park Dr,2,u,485000,SP,Barry,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3/1 Morang Dr,3,u,410000,SP,Love,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Packard Crse,3,h,551500,SP,Barry,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Randell Ct,3,h,,PI,HAR,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Sirius Ct,4,h,700500,S,Ray,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Streeton Cct,3,h,622000,PI,Love,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 Thompson Cct,4,h,740000,S,Millership,16/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1 Fawcett St,3,h,1020000,S,Philip,16/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/6 Grace Ct,2,h,732500,SP,Noel,16/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/54 Percy St,2,u,,PI,Ray,16/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/22 Walker Av,3,u,1075000,S,Parkes,16/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Walter St,3,h,1151000,S,McGrath,16/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2/394 Mont Albert Rd,2,u,541500,S,Fletchers,16/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,734 Whitehorse Rd,2,h,,SP,Jellis,16/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,129 Windsor Cr,4,h,2105000,PI,Bekdon,16/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,56 Astley St,4,h,,SP,Morrison,16/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,52 Kirwana Gr,3,h,880000,SP,Flannagan,16/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,84 Sackville St,3,h,907000,S,Jellis,16/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/21 Learmonth St,2,h,,VB,Hodges,16/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/719 Mt Alexander Rd,2,u,715000,SP,Pagan,16/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,34 Wilson St,3,h,1490000,S,Jellis,16/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,4 Akima Tce,4,h,,PI,Fletchers,16/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,54 Barker Dr,4,h,712000,PI,Ray,16/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,24 Russell Av,4,h,,SP,Fletchers,16/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Wandana St,4,h,825000,SP,McGrath,16/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,13/17 Collocott St,4,t,930000,S,hockingstuart,16/12/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11B Avondale Gr,5,h,1856000,S,Ray,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4c Bales St,4,t,,VB,Jellis,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Darbyshire Rd,3,h,1240000,S,Fletchers,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Dorgan St,2,h,1240000,S,OBrien,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Grenfell Rd,3,h,1215000,S,Ray,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Heleus Ct,3,h,,PI,Ray,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/454 High Street Rd,2,u,,VB,Jellis,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Jack St,3,h,,SN,McGrath,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Josephine Av,5,h,,PI,Barry,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,183 Lawrence Rd,3,u,742500,S,Ray,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 The Highway,5,h,2700000,VB,Jellis,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Toombah St,6,h,,PI,Ray,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/532 Waverley Rd,3,u,850000,PI,hockingstuart,16/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Bentley Ct,3,h,867000,PI,Harcourts,16/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,65 Haverbrack Dr,4,h,,SN,Jellis,16/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Wanda St,3,h,825000,S,Barry,16/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Windermere Cr,5,h,,PI,Ray,16/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/9 Ardyne St,2,u,801000,S,C21,16/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Blythe St,3,h,1437000,S,Ray,16/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5 Packer St,3,h,1590000,S,Jellis,16/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Swan Rd,4,h,,PI,Buxton,16/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Wallace Av,3,h,1550000,VB,Woodards,16/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,14 Carbine Ct,3,h,625000,S,Raine,16/12/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,9a Berty St,4,t,1090000,S,Ray,16/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,91 Gordon St,2,h,660000,S,Jas,16/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16a Johnston St,5,h,1180000,PI,Jas,16/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,30 Grosvenor St,4,h,1050000,VB,Nelson,16/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,150 Buckley St,3,h,1025000,S,Area,16/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/28 David St,2,t,530000,S,O'Brien,16/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,14 Candy St,3,h,1575000,PI,Nelson,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Candy St,3,h,1585000,S,Jellis,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Johnson St,4,h,1650000,VB,FN,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Latham St,4,h,1420000,SP,McGrath,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,66a Mitchell St,4,h,,S,Nelson,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1315000,S,McGrath,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Oldis Av,3,h,1120000,S,Thomas,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/8 Ross St,2,u,675500,S,Nelson,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Simpson St,2,h,1100000,VB,Nelson,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Thames St,5,h,2525000,SP,Jellis,16/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1 Winifred St,3,h,1000000,S,VICPROP,16/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,49 Worrell St,3,h,1102000,S,Jellis,16/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/154 Waterloo Rd,2,t,580000,PI,Brad,16/12/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,11 The Avenue,2,h,,PI,Buxton,16/12/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,15 Lehem Av,4,h,1000000,VB,Buxton,16/12/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/12 Lillimur Rd,2,u,790000,VB,Gary,16/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/9 Wild Cherry Rd,2,u,810000,S,Buxton,16/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/18 Eighth St,2,h,975000,VB,Buxton,16/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,28 Keiller Av,5,h,1160000,VB,Buxton,16/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/5 Sixth St,3,h,1150000,VB,Buxton,16/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/1 White St,2,u,465000,VB,Thomson,16/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/297 Cumberland Rd,2,t,520000,S,Brad,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dale Av,2,h,800000,VB,Nelson,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/3 Grover St,3,t,690000,VB,Barry,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Kitchener Rd,3,t,826000,S,Nelson,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,32 Northumberland Rd,3,h,,S,Nelson,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/28 Raeburn St,2,u,585000,SP,Brad,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2A Waratah St,4,h,1015000,S,Nelson,16/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,10 Gordes St,3,h,464000,S,Daniel,16/12/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,59 Breasley Pky,3,h,670000,S,hockingstuart,16/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Copeland Cr,4,h,650000,S,Point,16/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Gilmore Gr,4,h,,SP,Barry,16/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Horizon Pt,4,h,,PI,hockingstuart,16/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Whitetop Dr,4,h,690000,PI,hockingstuart,16/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,510/1 Danks St W,2,u,797000,S,Castran,16/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Esplanade Pl,3,t,1525000,VB,Buxton,16/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,702/142 Rouse St,3,u,1362000,S,Home,16/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,60/3 Seisman Pl,3,u,,S,Marshall,16/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,61 Chomley St,3,h,,S,hockingstuart,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,80/108 Greville St,3,u,765000,S,Beller,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/37 Greville St,1,u,383000,S,hockingstuart,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/573 High St,2,u,690000,PI,Shape,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/14 Highbury Gr,2,u,680000,SP,Jellis,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/17 Irving Av,2,u,612000,S,Gary,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7 Trinian St,3,h,2400000,VB,Marshall,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,93 York St,2,h,1312000,PI,hockingstuart,16/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,106/448 Bell St,2,u,,PI,Ray,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Carlisle St,3,h,1185000,S,Nelson,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Esther St,2,t,723000,S,hockingstuart,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 Kathleen St,3,h,985000,S,RW,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Kendall St,4,h,,SN,McGrath,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12/39 Mt Pleasant Rd,3,t,760000,S,hockingstuart,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,218 Murray Rd,4,h,930000,VB,Nelson,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,88B Murray Rd,4,h,1950000,PI,Love,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Roseberry Av,4,h,800000,PI,Stockdale,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Shakespeare Av,5,h,1455000,S,Nelson,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,111 Wood St,3,h,,W,Purplebricks,16/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,101 Paterson St,3,h,1575000,S,Nelson,16/12/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,6 Raglan Ct,4,h,900000,S,Morrison,16/12/2017,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,36 Anstey Av,3,h,600000,PI,Ray,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/37 Ashton St,2,t,562000,S,Barry,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Bourke St,3,h,900000,S,Nelson,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/47 Burbank Dr,3,u,,SP,Spencer,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Byfield St,3,h,700500,S,Ray,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/8 Chaleyer St,3,t,560000,S,Barry,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/59 Cheddar Rd,1,t,455000,S,Barry,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Clingin St,4,h,845000,SP,RW,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 East St,3,h,810000,S,hockingstuart,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Hickford St,3,h,920000,S,Barry,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1019 High St,3,h,865000,S,Barry,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/830 High St,3,t,585000,S,Ray,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/63 Kinsale St,3,h,770000,S,Nelson,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Legh St,4,h,,SN,Ray,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Locksley Av,3,h,775000,S,McGrath,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/61 Marchant Av,2,t,600000,S,Nelson,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2B Moore Cr,3,t,669000,S,RW,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Ramleh Rd,4,h,890000,S,Nelson,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/49 Storey Rd,2,t,698000,S,Barry,16/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,62 Appleton St,2,h,1000000,VB,hockingstuart,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/22 Bosisto St,2,u,550000,VB,hockingstuart,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Cutter St,3,h,1490000,S,Nelson,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Davison St,3,h,1182000,S,Jellis,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Durham St,3,h,1700000,SP,Biggin,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Survey St,3,h,1710000,S,Collins,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Wellington St,2,h,1145000,S,Nelson,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 York St,3,h,1000000,S,Biggin,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/45 York St,1,u,530000,S,Marshall,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Yorkshire St,3,t,,PI,Biggin,16/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,148 Main Rd,4,h,765000,PI,Raine,16/12/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,16 Ford St,4,h,1246000,S,Carter,16/12/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,121 Dublin Rd,3,h,805000,S,Carter,16/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7/51 Mt Dandenong Rd,2,u,,PI,McGrath,16/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,23 Erindale Av,2,h,1380000,S,Cayzer,16/12/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/66 Grandview Gr,3,u,,SN,Miles,16/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,26 Laane Av,3,h,,SN,Barry,16/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/30 Mountain View Pde,3,u,,VB,Fletchers,16/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,51 Dandelion Dr,5,h,956000,S,Ray,16/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,247 Karoo Rd,4,h,,PI,Purplebricks,16/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10 Pickersgill Cr,4,h,,SP,RW,16/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Tiffany Cr,4,h,630000,SP,YPA,16/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,57 Bay Rd,4,h,,SP,Nick,16/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,28/170 Beach Rd,3,t,1017500,S,Marshall,16/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9/91 Beach Rd,2,u,720000,S,Buxton,16/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/65 Royal Av,3,h,850000,PI,hockingstuart,16/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,29 Victoria St,4,h,,S,hockingstuart,16/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,7 Saxil Ct,3,h,635000,S,Ray,16/12/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,5 Sussex St,3,h,1410000,S,Barlow,16/12/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2/21 Bellairs Av,2,u,435000,S,Sweeney,16/12/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1111/38 Bank St,3,u,810000,S,Greg,16/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,20 Bluestone Ct,4,h,676000,S,Millership,16/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Chamonix Pde,3,h,500000,VB,RW,16/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14 Elite Wy,4,h,711000,S,RW,16/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Fantail Pl,3,h,616000,S,Millership,16/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jenolan Wy,4,h,697000,S,Millership,16/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19/74 Thomas St,2,h,412500,S,HAR,16/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,804/800 Chapel St,1,u,,S,hockingstuart,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26/12 Copelen St,3,t,1500000,PI,Jellis,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/61 Darling St,2,u,,PI,Purplebricks,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/785 Punt Rd,2,t,981000,S,Hodges,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/386 Toorak Rd,3,u,770000,S,hockingstuart,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/35 Walsh St,2,u,1300000,S,Marshall,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/273 Williams Rd,1,u,347500,S,Jellis,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,802/35 Wilson St,2,u,,SP,Space,16/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1700/63 Whiteman St,1,u,,W,Pagan,16/12/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,4 Stephenson St,4,h,1060000,S,Sweeney,16/12/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,6 Errington Rd,3,t,505000,S,Calder,16/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/22 Fox St,3,u,,PI,Barry,16/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Ironbark St,3,h,650000,SP,Barry,16/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1 Natasha Cl,5,h,,SP,Morrison,16/12/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,10/12 Acland St,2,u,500000,VB,Jellis,16/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/14 Alma Rd,1,u,270000,VB,hockingstuart,16/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46 Chapel St,3,h,1310000,S,McGrath/Langwell,16/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/1 St Kilda Rd,2,u,,SP,McGrath,16/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,36b Dublin Av,2,u,850000,VB,Brad,16/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/40 Glenbervie Rd,3,u,900000,VB,Nelson,16/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,15 Aitken St,3,t,496000,S,Leeburn,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,59 Davenport Dr,3,h,499500,S,Barry,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,12 Davies Ct,3,h,460000,SP,Leeburn,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Ervine Cl,4,h,450000,S,Brad,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Higgs Cct,3,h,516500,S,Barry,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Higgs Cct,4,h,580000,SP,Raine,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2/19 Lalor Cr,2,u,400000,SP,Barry,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Mounsey Ct,4,h,590000,SP,Brad,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,,W,YPA,16/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,7 McKay St,4,h,1155500,S,Jas,16/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2A Charles St,3,h,697000,S,Douglas,16/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Fulton Rt,4,h,690000,S,Biggin,16/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Maldon Ct,3,h,690000,S,Bells,16/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,47 Bardsley St,5,h,990000,PI,Douglas,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Dinnell St,3,h,555000,PI,Barry,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Estelle St,4,h,753000,S,Barry,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,32 Mark St,3,h,680000,VB,Bells,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Saltbush Ct,3,h,550000,VB,Barry,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Wingan Ct,4,h,560000,S,Bells,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,243 Wright St,4,h,685000,S,GL,16/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/11 Sunbury Cr,2,t,950000,VB,Jellis,16/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/11 Sunbury Cr,2,t,950000,VB,Jellis,16/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2/2 Albert Rd,2,u,395000,S,Prof.,16/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4/2 Albert Rd,2,u,400000,S,Prof.,16/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Brogil Wk,6,h,700000,PI,Barry,16/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Hatton Ct,3,h,601000,S,Brad,16/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Hepburn Pl,3,h,495000,SP,Barry,16/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,1/10 Jordyn St,3,u,405000,SP,Benlor,16/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Larson Av,4,h,527500,S,S&L,16/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,116b Wootten Rd,3,u,420000,S,hockingstuart,16/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Kent Pl,4,h,830000,S,Barry,16/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,13 York Cl,4,h,660000,S,YPA,16/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,72 Admirals Cr,4,h,720000,S,Barry,16/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Nerida Ct,4,h,,SP,Barry,16/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Warrego Pl,4,h,770000,PI,YPA,16/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,53 Hodgson St,3,h,900000,VB,Fletchers,16/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,90 MacEdon Rd,5,h,1330000,S,McGrath,16/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Chesney Ct,3,h,,W,LJH,16/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,25 French St,3,h,860000,SP,Ray,16/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4/327 High St,2,u,261500,S,HAR,16/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,76 Lincoln Dr,3,h,625000,S,Barry,16/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Waratah St,3,h,925000,S,Ray,16/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Yilleen Cl,4,h,,SP,Barry,16/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,4/104 Gooch St,2,u,500000,VB,Love,16/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,15 Harry St,4,h,1965000,PI,McGrath,16/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108/630 High St,2,u,,SN,Jellis,16/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,34 Rossmoyne St,3,h,920000,S,Jellis,16/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,352A Victoria Rd,3,t,950500,S,Woodards,16/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,90 Woolton Av,3,h,1455000,S,Woodards,16/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2 Cross St,5,h,4515000,PI,Kay,16/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/12 Lambert Rd,3,t,1310000,S,hockingstuart,16/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/723 Orrong Rd,3,u,1550000,VB,Marshall,16/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/425 Toorak Rd,2,u,,PI,Jellis,16/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/322 Melrose Dr,2,u,470000,SP,Barry,16/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,10 Paramount Ct,3,h,732000,S,Barry,16/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Shawlands Dr,4,h,780000,SP,Barry,16/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1/40 Terrara Rd,4,u,841000,S,Harcourts,16/12/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,235 Hawthorn Rd,4,h,,PI,Ray,16/12/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Dawn Ct,4,h,1140000,VB,Miles,16/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Royston St,4,h,900500,S,Fletchers/Fletchers,16/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,27 Augusta Wy,5,h,600000,S,Ray,16/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,10 Danaher Av,3,h,390000,S,Ray,16/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,76 Roulston Wy,4,h,590000,S,Barry,16/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,39 Clarence Rd,4,h,975000,S,Jellis,16/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Kellaway Ct,4,h,1188888,S,Barry,16/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,52 Jenola Pde,5,h,1500000,S,Noel,16/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Maringa Cl,5,h,1075000,S,Ray,16/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Sally Cl,5,h,,S,Fletchers,16/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,151 Cameron Pde,3,h,,PI,Barry,16/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,3 Michelle Av,4,h,760000,PI,Barry,16/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Norman Av,4,h,,PI,Ray,16/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,22 Trist St,3,h,700000,SP,Barry,16/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Wattle Glen,4 Warrington Cr,4,h,835000,SP,Mason,16/12/2017,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,20 Harvest Wy,4,h,691000,S,hockingstuart,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Harvest Wy,3,h,,SP,Ray,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Mekong Cl,3,h,420000,S,Barry,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Parker St,2,h,566000,S,Greg,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Selbourne Av,4,h,552000,S,Burns,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8/183 Shaws Rd,2,u,341000,S,Ray,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Trent Cl,3,h,501000,S,Barry,16/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/6 Exhibition St,2,h,775000,PI,Jas,16/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,27 Hex St,2,h,790000,SP,Jas,16/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,33 Wattle St,2,h,1300000,VB,Sweeney,16/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,7 Cuthbert Ct,4,h,1700000,VB,Harcourts,16/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Nelse Ct,3,h,1100000,S,Harcourts,16/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,6 Wildebrand Av,4,h,785000,S,hockingstuart,16/12/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,4 Alma Tce,2,h,1115000,S,Williams,16/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12/77 Dover Rd,2,u,570000,S,RT,16/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,192 Melbourne Rd,3,h,870000,VB,Raine,16/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,151 Nelson Pl,3,h,2400000,VB,S&L,16/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,67 Nelson Pl,4,h,,SP,Greg,16/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,68 Hornby St,2,h,1000000,VB,Beller,16/12/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,66 Fulham Wy,3,h,640000,S,HAR,16/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,11 Tindales Rd,4,h,520600,S,Stockdale,16/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,16 Fulford Rd,3,h,,PI,Jellis,16/12/2017,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,5 Chatswood Pl,3,h,410000,S,hockingstuart,16/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,21 Mermaid Cr,3,h,400000,SP,Barry,16/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,20 Olive Wy,5,h,,VB,Greg,16/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,8 Opala Ct,3,h,416000,S,Sweeney,16/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,15 Yaltara Dr,3,h,,S,hockingstuart,16/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,7/6 Borlase St,3,t,745000,S,Buckingham,16/12/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8/6 Borlase St,3,t,655000,S,Buckingham,16/12/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,9 Alice St,2,h,870000,SP,Jas,16/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/119 Gamon St,2,u,495000,SP,Village,16/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Grace St,3,h,1000000,SP,Jas,16/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/13 Stephen St,2,u,410000,SP,Sweeney,16/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/247 Williamstown Rd,3,t,,S,Jas,16/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,16 Federation La,3,h,955000,S,Biggin,17/02/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,93 Nicholson St,2,t,,SP,Jellis,17/02/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,31 Park St,3,h,1200000,S,Biggin,17/02/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2/37 Afton St,3,h,856000,S,Nelson,17/02/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/6 Etzel St,2,u,500000,S,Barry,17/02/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,50 Marshall Rd,4,t,910000,S,Jellis,17/02/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/174 Parer Rd,3,h,,SN,Ray,17/02/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,24 Merton St,2,h,,S,Greg,17/02/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,21a Blyth St,4,t,1210000,PI,Greg,17/02/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Carruthers Ct,3,h,,W,YPA,17/02/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,13 Dillon Ct,4,h,783000,S,Barry,17/02/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Armadale,2/21 Ashleigh Rd,2,u,832000,S,Biggin,17/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/377 Dandenong Rd,2,u,798000,S,Jellis,17/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,18/25 Kooyong Rd,2,u,630000,SP,Abercromby's,17/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11 New St,2,h,,S,Marshall,17/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8 Rose St,3,h,,S,hockingstuart,17/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,21A Elliott St,2,h,809000,S,Nelson,17/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,8/123 Epsom Rd,2,u,420000,S,Jellis,17/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12 Mirams St,3,h,1550000,PI,Rendina,17/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,10 Highgate Gr,4,h,,S,Marshall,17/02/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Avondale Heights,1A Arvern Av,3,h,775500,S,Nelson,17/02/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,11 Nelson St,2,h,1062000,PI,McGrath,17/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,8 Birdwood St,3,u,1510000,S,Noel,17/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Winmalee Rd,3,h,2400000,S,Jellis,17/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,41 Harrington Av,5,h,2350000,VB,Marshall,17/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,32 Coreen Av,4,h,1660000,SP,Buxton,17/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,12 Stawell St,4,h,2082000,S,Buxton,17/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,17 Summerhill Rd,3,h,1730000,S,Buxton,17/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,14 Higgins Rd,4,h,,VB,Buxton,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,45 Huntley Rd,4,h,1650000,S,Buxton,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,79 North Av,4,h,1400000,VB,Jellis,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Renown St,4,h,,PI,Buxton,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14 Riddle St,3,h,1360500,S,C21,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,23 Vale St,3,h,1165000,S,Buxton,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5/2 Werona St,2,u,450500,S,Woodards,17/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/73 Bignell Rd,3,u,,PI,Ray,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13A Brosnan Rd,3,t,1100000,VB,Jellis,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Greenview Ct,3,h,1160000,S,Jellis,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Hill St,3,h,,SP,Jellis,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13A Juliana St,4,t,1375000,PI,Greg,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 May St,2,h,1430000,S,Jellis,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/731 South Rd,4,t,1010000,PI,Buxton,17/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,211 Beach Rd,4,h,2720000,S,Buxton,17/02/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1 Orana St,3,h,1505000,S,Fletchers,17/02/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,12 Killeen Av,5,h,990000,PI,Nelson,17/02/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,9 Adrian Av,3,h,1050000,PI,Fletchers,17/02/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1a Agnew St,3,t,1000000,VB,Noel,17/02/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Wardle Cl,4,h,1250000,S,Noel,17/02/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,334 Dorset Rd,4,h,765000,S,Jellis,17/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/18 Falconer Rd,2,u,,W,Barry,17/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/51 Underwood Rd,3,u,651000,S,Ray,17/02/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Brighton,36 Berwick St,3,h,2105000,SP,Nick,17/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,805 Hampton St,3,h,,S,Buxton,17/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/33 North Rd,2,u,900000,S,Buxton,17/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,9 Cluden St,4,h,2745000,S,Nick,17/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Collis St,3,t,1420000,PI,Buxton,17/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Sunlight Cr,4,h,3300000,PI,Nick,17/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,264 Camp Rd,3,h,620000,PI,YPA,17/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/350 Camp Rd,2,u,420000,PI,Barry,17/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/24 Lahinch St,2,h,395000,SP,RW,17/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,4/24 Lahinch St,2,h,345000,SP,RW,17/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/11 Osway St,2,t,370000,PI,YPA,17/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,46 Stenhouse Av,2,h,735000,SP,Ray,17/02/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,68 Stenhouse Av,3,t,630000,PI,RW,17/02/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,212/201 Albert St,2,u,580000,VB,Jellis,17/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,307/201 Albert St,2,u,620000,PI,Jellis,17/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,48 Garnet St,4,h,1585000,S,Jellis,17/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17/6 Garnet St,1,u,250000,SP,McGrath,17/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,22 Laura St,2,h,1000000,VB,Nelson,17/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/825 Park St,2,u,670000,S,Woodards,17/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,6/2 Allard St,2,u,468000,S,Brad,17/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/14 Jolley St,1,u,340000,S,Nelson,17/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,67 Rocklea Rd,3,h,1198000,S,Fletchers,17/02/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,34 Vera St,4,h,1320000,VB,Barry,17/02/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,12 Milton Pde,4,h,,PI,Ray,17/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,95 Settlement Rd,4,h,712000,S,Ray,17/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,40 Zara Cl,3,h,715000,S,Ray,17/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,2b Cherrill St,3,h,1940000,S,Jellis,17/02/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,4/372 Burwood Hwy,3,t,711000,S,Noel,17/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,5 Kildare St,3,h,1320000,S,Lindellas,17/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,5/63 Somers St,2,u,500000,PI,Harcourts,17/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,11 Tennyson St,3,h,1500000,PI,McGrath,17/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/5 Webb St,3,t,925000,VB,Jellis,17/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,55 Hilltop Cr,3,h,1250000,S,Barry,17/02/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,29 Dominic St,4,h,2650000,PI,RT,17/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Lyric Gr,5,h,2420000,PI,Marshall,17/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/1016 Toorak Rd,3,u,920500,S,Jellis,17/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,144 Warrigal Rd,5,h,1550000,SP,Garvey,17/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,8 Selwyn St,3,h,2375000,VB,Jellis,17/02/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,164 Canning St,1,h,1252000,S,Woodards,17/02/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,226 Elgin St,2,u,650000,VB,Nelson,17/02/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,138 Amess St,2,h,1210000,S,Nelson,17/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,6/20 Anzac St,1,u,350000,SP,Gary,17/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5 McLaurin Rd,3,h,,PI,Ray,17/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/194 Neerim Rd,1,u,,S,hockingstuart,17/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,156A Oakleigh Rd,3,h,885000,S,Buxton,17/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/14 Rigby Av,3,t,923000,S,Gary,17/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,13 Lauricella Pl,3,h,587500,PI,GL,17/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,4 Wavertree Av,3,h,580000,PI,YPA,17/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Chadstone,72C Waverley Rd,4,t,,VB,Buxton,17/02/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,7 Fir Gr,3,t,1150000,VB,Greg,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,79 Latrobe St,3,h,1470000,S,O'Brien,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4A Luxmoore St,4,h,1150000,PI,O'Brien,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Monbulk Ct,4,h,1185000,SP,Buxton,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,46 Snowdon Dr,5,h,1360000,S,Ray,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13/109 Weatherall Rd,1,u,367500,SA,O'Brien,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/7 Weymar St,3,u,596000,S,hockingstuart,17/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,12 Springs Rd,4,h,1150000,S,C21,17/02/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clifton Hill,6/16 The Esplanade,1,u,,VB,Jellis,17/02/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,31 Berry St,3,h,1030000,S,Nelson,17/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Deakin St,3,h,1085000,S,Nelson,17/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,75 Murray Rd,3,h,740000,VB,Nelson,17/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,162 The Avenue,4,h,1320000,S,Barry,17/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,44 Wellington St,2,h,,SP,Barry,17/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3 Spry St,3,h,700000,VB,Nelson,17/02/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,41 Spry St,3,h,745000,S,Barry,17/02/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coolaroo,33 Exford St,2,h,495000,SP,Skad,17/02/2018,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,2 Calm Av,3,h,515000,S,Barry,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Cascade Tce,4,h,662000,S,Ray,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Cimberwood Dr,4,h,615000,S,Ray,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Creekbridge St,4,h,585000,S,Barry,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,36 Emerald Cct,3,h,525000,PI,Barry,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Gillingham Cr,3,h,562750,S,Barry,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,41 Hanson Rd,3,h,643000,S,Barry,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Harper Cl,3,h,495000,S,Barry,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Milburn Pl,4,h,655000,S,Ray,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Mosman Wy,3,h,535000,S,Ray,17/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,2/19 James Rd,3,u,645000,S,Philip,17/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,14 Park La,3,h,905000,S,Fletchers,17/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,8 Taronga Cr,3,h,800000,VB,Fletchers,17/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,46 Alice St,3,h,665500,SA,Ray,17/02/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,65 Lyons Rd,3,h,610000,VB,McGrath,17/02/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,37 Homer Av,3,h,702000,S,Jellis,17/02/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,15 Thomas St,4,h,1000000,S,Noel,17/02/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,14 Edmund St,4,h,,PI,HAR,17/02/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,5 Norman Ct,3,h,570000,PI,McLennan,17/02/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,27 Oswald St,7,h,,W,Le,17/02/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,2/2 Shalimar Cr,3,h,590000,PI,Stockdale,17/02/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,41 Neale Rd,3,h,600000,PI,Barry,17/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,62 Welwyn Pde,3,h,488000,SP,Barry,17/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,88 Welwyn Pde,3,h,620000,S,Barry,17/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,108 Copperfield Dr,4,h,615000,S,YPA,17/02/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,4 Blair Rd,4,h,805000,S,Stockdale,17/02/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diggers Rest,55 Morefield Ct,4,h,,PI,Brad,17/02/2018,3427,Western Metropolitan,1184,27.7,Hume City Council +Docklands,1503/80 Lorimer St,2,u,,PI,Barry,17/02/2018,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,53 Botanic Dr,4,h,,SP,Barry,17/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,44 Council St,4,h,1490000,S,Philip,17/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,38 Highfield Rd,4,h,1150000,VB,Barry,17/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/28 Roger St,3,u,796000,S,Barry,17/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,27A Ross St,3,h,901800,S,Philip,17/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,86 Darvall St,4,h,,SP,Jellis,17/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,151 Glenvale Rd,3,h,,SP,Philip,17/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,18 Murndal Dr,7,h,1950000,PI,Jellis,17/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,10 Besra Dr,3,h,580000,S,Barry,17/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,57 Fortress Rd,3,h,585500,S,Barry,17/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,4 Fossilstone Av,3,h,575000,S,Barry,17/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,6c Hazel Av,3,t,,SP,Marshall,17/02/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,14 Rae Av,3,h,745000,S,Ray,17/02/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,4/213 Station St,2,t,730000,VB,Chisholm,17/02/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,72 Livingstone Rd,3,h,,PI,Jellis,17/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,1/46 Ruskin St,2,u,780000,S,Pride,17/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,13/2 Selwyn Av,1,u,396000,PI,Gary,17/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,1 Henry Ct,3,h,616000,S,Barry,17/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Mecklenburg Cl,6,h,,PI,HAR,17/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,97 Glass St,4,h,1800000,S,Nelson,17/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,15 Miller St,3,h,,PN,Nelson,17/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,176a Ogilvie St,4,h,1725000,SP,Frank,17/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,176A Olgadi St,4,h,1725000,SP,Frank,17/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/7 Royal Av,2,h,650000,S,Nelson,17/02/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,149 Anderson Rd,3,h,725000,S,Brad,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Lowson St,4,h,,S,hockingstuart,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/55 Marlborough St,2,t,560000,S,Ray,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3/85 Queens Pde,2,t,500000,VB,Brad,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2 Twyford St,3,h,800500,S,Brad,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,6 William St,2,h,700000,S,McGrath,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,76 William St,3,h,860000,SP,Nelson,17/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,50 Bruce Cr,3,h,668000,S,RW,17/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,8 Fuchsia St,4,h,723000,S,Bekdon,17/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,13 Johnson Dr,3,h,,SP,Barry,17/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,101 Charles St,2,h,1045000,S,Nelson,17/02/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,850 Brunswick St,2,h,1300000,S,Nelson,17/02/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,119/200 Smithfield Rd,2,u,425000,S,Rendina,17/02/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,53 Stafford St,3,h,1035000,S,Sweeney,17/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,67 Glebe St,4,h,1085000,S,Ray,17/02/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,3 Beaumont Cr,4,h,823000,S,O'Brien,17/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Lindrum Rd,3,h,,SP,O'Brien,17/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,13 Hoadley Av,3,h,730000,S,Purplebricks,17/02/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,107 Willowbank Rd,4,h,760000,SP,Raine,17/02/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Glen Huntly,3/1110 Glen Huntly Rd,2,u,505000,S,Woodards,17/02/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,43 Albion Rd,4,h,1997500,S,Marshall,17/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,47 Ashburton Rd,4,h,2200000,VB,Marshall,17/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/24 Edgar St,2,u,575000,S,Jellis,17/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/10 Osborne Av,2,u,535000,S,Jellis,17/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,45 Park Rd,4,h,,S,Marshall,17/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/292 Tooronga Rd,3,h,1555000,S,Marshall,17/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,11 Bunker Cr,5,h,1758000,SP,Harcourts,17/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Falconer St,6,h,,PN,JRW,17/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,21 Ingleside Cr,4,h,1459000,S,Ray,17/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 The Ridge,3,h,1700000,S,Harcourts,17/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,24A Isla Av,3,t,720000,S,Eview,17/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/75 Morley St,3,t,,PI,Barry,17/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,50 Stanley St,3,h,690000,VB,Brad,17/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,1/8 Paterson Cr,2,u,578000,S,Darren,17/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,25 Lavinia St,4,h,579000,PI,Ray,17/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,30 Wallace Dr,5,h,700000,SP,Barry,17/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,34 Dickinson St,3,h,730000,VB,Nelson,17/02/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,79 West St,2,h,,SP,Barry,17/02/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,9/237 Thomas St,2,u,690000,S,Buxton,17/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,4 Kelsall Ct,4,h,1710000,SP,Buxton,17/02/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1/62 Wickham Rd,3,t,,SP,Buxton,17/02/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,58B Widdop Cr,3,h,,VB,Buxton,17/02/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,9/10 Brook St,2,u,630000,S,Jellis,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/11 Creswick St,2,u,,SP,Jellis,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/561 Glenferrie Rd,2,u,825000,S,Kay,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,57 Haines St,2,h,1600000,S,Jellis,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,25 Henry St,2,h,1401000,PI,Kay,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/9 Henry St,2,u,480000,VB,Peter,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/115 Riversdale Rd,3,t,1190000,S,Bekdon,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1 Wright St,3,h,,S,Marshall,17/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5/15 Grandview Gr,2,u,810000,VB,hockingstuart,17/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,63 Lingwell Rd,4,h,2800000,S,Marshall,17/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,25 Bronte St,3,h,,SP,Nelson,17/02/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,1/61 Brown St,3,u,780000,S,Ray,17/02/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,30A Setani Cr,2,h,650000,SP,William,17/02/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1/11 Matthieson St,3,t,880000,PI,Buxton,17/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,14 Alabama Cl,3,h,,W,YPA,17/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Arcadian Pl,3,h,646000,S,Barry,17/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Doris Dr,4,h,571000,S,Ray,17/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2/20 Strathmore Cr,2,h,,PI,Barry,17/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Warringa Cr,3,h,610000,S,Barry,17/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,4/10 Oriel Rd,3,h,920000,S,Fletchers,17/02/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,19 Brazilia Av,3,h,,SN,Frank,17/02/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,13 Buckland Cr,3,h,656000,S,Nelson,17/02/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,5 Swift Ct,3,h,650000,S,Prof.,17/02/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,2/224 Milleara Rd,3,u,550000,VB,Barry,17/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,112 Rachelle Rd,5,h,1750000,VB,Nelson,17/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,166 Rachelle Rd,4,h,901500,SP,Alexkarbon,17/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,17 Ronald Gr,3,h,763000,S,Nelson,17/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,17/18 Mawbey St,2,u,540000,S,Nelson,17/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1/82 Cobden St,3,h,1250000,S,Marshall,17/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/36 Daniell Pl,3,t,,SP,Marshall,17/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13/912 Glenferrie Rd,2,u,660000,S,hockingstuart,17/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/9 Peel St,2,u,801000,S,Nelson,17/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,32 Hartwood St,4,h,,SP,Marshall,17/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,11 Irymple Av,4,h,2025000,PI,Marshall,17/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kings Park,13 Jacinta Wy,3,h,635000,S,YPA,17/02/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,48 Browning St,2,h,680000,SP,Ray,17/02/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,7/38 Bishop St,2,u,406000,SP,Jas,17/02/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,4/1 David St,2,u,550864,S,Barry,17/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,3/47 King Pde,3,h,770000,SP,Prof.,17/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,23 Watersedge Cl,4,h,,PI,Barry,17/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,14 Bruce St,3,h,580000,SP,Love,17/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,87 Kingsway Dr,3,h,540000,SP,Love,17/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,87 Monash St,3,h,,PI,HAR,17/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,26 Bowen Rd,4,h,750000,VB,Fletchers,17/02/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,16 Kett St,4,h,1150000,VB,Jellis,17/02/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/40 Edward St,3,u,760000,S,Darren,17/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Malvern,4 McArthur St,4,h,2360000,PI,Jellis,17/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,25 John St,4,h,,SP,Marshall,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,57a Midlothian St,4,h,1560000,PI,Marshall,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14 Paxton St,3,h,,S,Marshall,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/38 Sutherland St,2,u,,SN,hockingstuart,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,47 Tennyson St,3,h,1960000,S,Marshall,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,44 The Boulevard,4,h,1700000,S,Jellis,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 Westgarth St,3,h,,S,Marshall,17/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,108/55 Cumberland Dr,2,u,575000,VB,Nelson,17/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,403/90 La Scala Av,1,u,,PI,Biggin,17/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1/8 Newstead St,2,u,420000,S,Brad,17/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2 Shearwater Cr,4,h,1300000,PI,Nelson,17/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9 Valnere St,3,h,1010000,S,Biggin,17/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,45 Fitzroy St,1,h,,SN,Ray,17/02/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,53 Lees St,3,h,,PI,Buxton,17/02/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,3A Wattle Gr,3,h,1200000,PI,Buxton,17/02/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,3 Melaleuca Dr,3,h,525000,S,YPA,17/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,2/6 Mitchell Cr,3,h,380000,S,Stockdale,17/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2309/668 Bourke St,2,u,640000,S,MICM,17/02/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,108/15 Queens Rd,2,u,572500,S,Dingle,17/02/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,505/598 St Kilda Rd,1,u,390000,S,Greg,17/02/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,10 Burleigh Rd,3,h,350000,VB,Ryder,17/02/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,12 Irving Rd,3,h,415000,S,YPA,17/02/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,12 Brennan St,3,h,466000,S,Ryder,17/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,19 Lang Rd,3,h,,W,Reliance,17/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,14 Toolern St,3,h,892000,S,Ryder,17/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,5 Waratah St,3,h,415000,SP,FN,17/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,30 Empress Wy,3,h,568000,S,hockingstuart,17/02/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,15 Hoddle Ct,4,h,426000,S,Reliance,17/02/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,7/60 Beach Rd,2,u,628000,S,Buxton,17/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,11/62 Beach Rd,3,t,1061000,S,Buxton,17/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/42 Flinders St,2,u,,VB,Buxton,17/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/62 Milan St,2,h,671000,S,Buxton,17/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,16 Phillip St,3,h,984000,S,Barry,17/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,22 Callaway Cr,4,h,741000,S,Stockdale,17/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Newington Pde,4,h,687000,S,Stockdale,17/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,12 Silverwood Dr,3,h,,PI,HAR,17/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,40 Newmarket Pde,4,h,740000,S,Stockdale,17/02/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,2 Dickerson Av,4,h,702000,S,Ray,17/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,25 Norwood Rd,3,h,785000,S,HAR,17/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/8 Orsett Ct,2,u,505000,S,Barry,17/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,10A Alexander St,3,h,1050000,S,hockingstuart,17/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Brian St,3,h,985000,S,Philip,17/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,18/12 Irvine St,3,t,727000,S,Ray,17/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,425 Mitcham Rd,4,h,1400000,SP,Ray,17/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,8 Grace St,2,h,1700000,VB,Fletchers,17/02/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,52 Zetland Rd,6,h,,VB,Jellis,17/02/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/30 Baldwin Av,3,u,745000,S,Jellis,17/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/5 Glengarriff Cr,3,h,,S,Morrison,17/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/59 Looker Rd,3,h,1490000,S,Jellis,17/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1A McCarthy Gr,5,h,850000,VB,Jellis,17/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,6/51 Buckley St,1,u,290000,VB,Nelson,17/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,27 Kipling St,3,h,970000,S,Nelson,17/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,48 Park St,3,h,1455000,S,Greg,17/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,119 Vine St,4,h,1550000,VB,Jellis,17/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3/7 York St,1,u,370500,S,Nelson,17/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,5 Beilby St,4,h,1050000,VB,Buxton,17/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,64 Partridge Wy,4,h,960000,S,Jellis,17/02/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,12/183 Beach Rd,3,t,995000,PI,Buxton,17/02/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,2/32 Bizley St,3,t,961000,S,McGrath,17/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Eagle Ct,4,h,,PI,McGrath/Buxton,17/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Mayfield Dr,3,h,,VB,Buxton,17/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Roland St,4,h,940000,S,Barry,17/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Trevor Ct,5,h,,SN,LLC,17/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Wadham Pde,4,h,1530000,SP,Harcourts,17/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,132 Hansworth St,4,h,1080000,SA,Barry,17/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Lola St,4,h,825000,SA,Barry,17/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,396 Wellington Rd,3,h,826396,SP,Harcourts,17/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,25/41 Murrumbeena Rd,2,u,650000,SP,Gary,17/02/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/28 Rosella St,2,u,730000,S,Buxton,17/02/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,26 Ohio Cr,4,h,,PI,O'Brien,17/02/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,1/48 Blenheim Rd,4,t,,PN,Gunn&Co,17/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,45A Graham St,3,h,868100,SP,Jas,17/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/31 Maddox Rd,3,h,852000,SP,Barlow,17/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3/58 Mason St,2,u,441000,SP,Raine,17/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/144 Woods St,3,t,795000,S,Jas,17/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,103/4 Hotham Rd,1,u,520000,SP,Barry,17/02/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,136 Capel St,3,h,1400000,VB,Nelson,17/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,407/64 MacAulay Rd,2,u,490000,SP,Alexkarbon,17/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,6/80 Oshanassy St,2,u,500000,PI,Nelson,17/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,99a Christmas St,3,h,1650000,VB,Jellis,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4 French Av,3,h,,SP,Jellis,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,154 Gladstone Av,3,h,1350000,S,Nelson,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,39 Gordon Gr,3,h,1250000,PI,McGrath,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,29 Harper St,3,h,,S,Nelson,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Hayes St,3,h,,VB,Jellis,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,43 Henry St,4,h,2250000,SP,Jellis,17/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,6/4 Lex Gr,2,h,580000,SP,Nelson,17/02/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/24 Magnolia St,2,u,647000,S,Stockdale,17/02/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/20 Ridge Rd,2,t,600000,S,Eview,17/02/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,57 Station Rd,3,h,,S,Nelson,17/02/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,10/1 Heath Av,2,u,,PN,Ray,17/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,38 Henry St,3,h,1320000,PI,Ray,17/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3/17 Alexander Av,4,t,921000,S,Ray,17/02/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/28 Lerina St,2,t,920000,S,Ray,17/02/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3/28 Lerina St,4,t,920000,SP,Ray,17/02/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,1/25 Murray Rd,3,t,940000,S,Jellis,17/02/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/39 Queen St,2,h,936000,S,Woodards,17/02/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,52 James St,3,h,,SN,Ray,17/02/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,32 Waterford Ri,5,h,841000,S,Ray,17/02/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,27 Elliot St,3,h,1240000,S,Buxton,17/02/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,29 The Corso,3,h,1850000,S,Buxton,17/02/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,6 Arnold Ct,4,h,,S,Brad,17/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,143 Boundary Rd,3,h,755000,S,Barry,17/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,292 Gaffney St,2,h,,SP,Rendina,17/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,48A Landells Rd,4,t,880000,S,Barry,17/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,13 Cloudy Cr,3,h,695000,S,McGrath,17/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,47 Dargy Ambl,3,h,522000,S,O'Brien,17/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,155 Dunnings Rd,4,h,,PI,Ray,17/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Magnetic Av,4,h,815000,S,Point,17/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,18 Tanoa Cr,4,h,766000,S,Point,17/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 Tribeca Dr,3,t,535000,SA,Point,17/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,92 Esplanade Pl,3,h,,SP,Greg,17/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,208/115 Nott St,1,u,532888,SP,hockingstuart,17/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,340 Ross St,2,h,1200000,PI,Cayzer,17/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,231A The Boulevard,3,h,1725000,VB,Greg,17/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,67 Chatsworth Rd,3,h,1500000,VB,Jellis,17/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/36 Grandview Gr,1,u,,VB,Jellis,17/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,35 Highbury Gr,3,h,1500000,VB,Marshall,17/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/1 Lumley Ct,1,u,285000,S,Ray,17/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,15 Woodfull St,2,h,1230000,SP,Jellis,17/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2 Wrights Tce,3,h,,PI,hockingstuart,17/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,6/2 Arthur St,2,u,470000,S,Nelson,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11/4 Austral Av,2,t,753000,S,Nelson,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/33 Cramer St,2,t,707000,S,Nelson,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/9 Furzer St,3,t,840000,SP,RW,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,465 Gilbert Rd,2,h,,S,Ray,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,19 Latona Av,3,h,1100000,VB,Ray,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/4 Spring St,1,u,335000,S,Darren,17/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,2/24 Raglan Rd,2,u,650000,S,Barry,17/02/2018,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,55 Allenby Av,3,h,900000,PI,Ray,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Clements Gr,2,h,880000,SP,Ray,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Cool St,3,h,936000,S,Nelson,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Halsey St,3,h,,SN,Love,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/923 High St,2,t,590000,PI,RW,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/47 Northernhay St,3,u,650000,S,Stockdale,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/90 Pine St,3,u,685000,S,Love,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Smith St,3,h,980000,SP,Nelson,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Winter Cr,3,h,,PI,Ray,17/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,64 Butler St,2,h,745000,S,Ray,17/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24 Leslie St,3,h,,SP,Jellis,17/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13 Murphy St,3,h,,S,Jellis,17/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,89 York St,2,t,1005000,S,Ray,17/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/48 Heywood St,3,u,620000,PI,Ray,17/02/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,104 Warrandyte Rd,3,h,,S,Jellis,17/02/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,19 Wildwood Gr,2,h,621000,S,Philip,17/02/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,7 Dublin Rd,3,t,860000,PI,hockingstuart,17/02/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,12 Cantala Cr,5,h,870000,PI,Philip,17/02/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rowville,2/5 Denver Cr,2,h,615000,S,Ray,17/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,128 Seebeck Rd,4,h,,PI,Ray,17/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Sandringham,132 Abbott St,4,h,1720000,S,Hodges,17/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,27 Gladstone St,4,h,2115000,S,Buxton,17/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,26 Vincent St,3,h,1800000,S,Buxton,17/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,13 Avril St,3,h,927000,S,Ray,17/02/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,59 Gamon St,2,h,885000,S,Sweeney,17/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,7 Tennyson St,2,h,1170000,S,Jas,17/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,132 Cobden St,3,h,1250000,S,Greg,17/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,13/66 Montague St,2,u,750000,VB,Cayzer,17/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,257 Moray St,3,h,2200000,PI,Greg,17/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Yarra,7/36 Cromwell Rd,2,u,511200,S,hockingstuart,17/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/10 Darling St,3,h,2300000,PI,hockingstuart,17/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,30 Palermo St,4,h,3030000,S,Thomson,17/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/435 Punt Rd,3,t,1721000,S,Jellis,17/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/58 Toorak Rd,1,u,640000,SP,Jellis,17/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,5/86 Kavanagh St,3,u,655000,S,Greg,17/02/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,6 George St,3,h,1222000,S,Jas,17/02/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,48 Gray St,3,h,1000000,SP,Biggin,17/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,27 Wareham St,3,h,,PI,Barry,17/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,1 Whiteside St,2,h,820000,SP,Le,17/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,137 Alfrieda St,4,h,694000,S,Nelson,17/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,14 Garfield St,3,h,,W,YPA,17/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,11 Magnus St,4,h,788000,S,Ray,17/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Swansea Pde,3,h,615000,S,Barry,17/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,23 Tyrone Ct,4,h,988000,S,Buckingham,17/02/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,2/104 Barkly St,3,u,910000,SP,hockingstuart,17/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/188 Barkly St,2,u,665000,S,hockingstuart,17/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/12 Blessington St,2,u,,PI,hockingstuart,17/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20a Wordsworth St,4,h,2810000,S,Pride,17/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,8 Houston Av,3,h,1450000,S,Brad,17/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,19 Mascoma St,2,h,1300000,S,Brad,17/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/2 Roland Av,3,t,880000,S,Considine,17/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/26 Streldon Av,3,t,850000,PI,Considine,17/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,19 Wendora St,3,t,917000,SP,Hodges,17/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,31 Caravelle Cr,4,h,1270000,S,Frank,17/02/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,8 Curtin Dr,5,h,560000,SP,YPA,17/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,13 Fullbrook Dr,3,h,505000,S,Brad,17/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,34 Holland Rd,3,h,522000,SP,Raine,17/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,145 McKell Av,4,h,,PI,Brad,17/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,36 Stewarts La,3,h,578000,S,Raine,17/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,13c Thomson St,2,u,,SP,Jas,17/02/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,22 Ford Av,3,h,600000,VB,Barry,17/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,17 Dalton St,3,h,650000,VB,Barry,17/02/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1 Gum St,4,h,,SP,RW,17/02/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,25A Chestnut St,3,t,1300000,S,Jellis,17/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,43 Florence Rd,4,h,,VB,Marshall,17/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/35 Kennealy St,3,t,1680000,S,Fletchers,17/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,1/7 Montrose Ct,3,u,525000,S,Barry,17/02/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,7 Annies Wy,4,h,631000,S,Reliance,17/02/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,14 Shearwater Ct,5,h,1016000,S,Prof.,17/02/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,14 Bobbora Ct,4,h,806000,S,Barry,17/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,14 Chichester Dr,4,h,750000,S,Barry,17/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,13 Clifton Ct,4,h,861000,S,Barry,17/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,3 Lynne Ct,4,h,791000,S,Reliance,17/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,18 Reed Cr,3,h,816000,S,Barry,17/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,8 Cottswold Ri,4,h,1240000,S,Jellis,17/02/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,17 Montclair Ct,4,h,1506666,SP,Jellis,17/02/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,13 Shakespeare Dr,4,h,1390000,S,Fletchers,17/02/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,13 Morang Av,5,h,1600000,SP,Jellis,17/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,44 Main St,3,h,794000,S,Ray,17/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,10/167 Darebin Rd,2,u,505000,SP,Biggin,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3 Kelvin Gr,3,h,1200000,PI,McGrath,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,50 Leinster Gr,4,h,1400000,SP,Nelson,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,142 Normanby Av,2,h,903000,SP,McGrath,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7/135 Raleigh St,2,u,540000,SP,Nelson,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4 Raleigh St,3,h,1475000,S,McGrath,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,388b Station St,2,t,925000,SP,McGrath,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/25 Wilmoth St,3,t,930000,PI,Nelson,17/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,24 Glyndebourne Av,5,h,,S,Williams,17/02/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,40 Brigalow Dr,3,h,574000,S,Benlor,17/02/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,3/22 Banksia Gr,3,u,540000,SP,Jason,17/02/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,20 Adele St,3,h,915000,S,Bekdon,17/02/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,19 Boronia Rd,4,h,1475000,VB,Noel,17/02/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,82 Park Cl,3,h,780000,SP,Fletchers,17/02/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,19 Duff Pde,4,h,1250000,VB,Nelson,17/02/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,17 Moran St,4,h,1190000,SP,Miles,17/02/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,1 Parsons Pl,7,h,,SN,LJ,17/02/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,146 Windham St,4,h,560000,VB,LJ,17/02/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Watsonia North,7 Chappell Dr,4,h,865000,S,Barry,17/02/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,16 Allunga Wy,4,h,660000,S,hockingstuart,17/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Galvin Rd,3,h,495000,VB,Barry,17/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,36 Hawkesbury Rd,3,h,462000,S,YPA,17/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Noelhurst Ct,4,h,720000,VB,Ray,17/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Princes Ct,3,h,600000,VB,Barry,17/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,80 Westleigh Dr,3,h,,W,YPA,17/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,22/709 Barkly St,1,u,220000,PI,Burnham,17/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,25 Devonshire St,3,h,710000,VB,Jas,17/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,17 Stanley St,3,h,975000,SP,Jas,17/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4 Stony La,3,h,650000,PI,Burnham,17/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,13 Waiora Pde,4,h,1320000,SP,Sweeney,17/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,138 Grandview Rd,5,h,,SN,Harcourts,17/02/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,20 Albert St,3,h,1160000,S,Williams,17/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,15 Andrew St,3,h,1825000,S,Marshall,17/02/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,53 Raleigh St,2,h,1177500,S,Biggin,17/02/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,28 Upton Rd,3,h,1750000,S,Jellis,17/02/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,23 Bellerive Rd,3,h,,PI,HAR,17/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,42 Rhone Dr,4,h,722500,S,LJH,17/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,22 Hawkstone Rd,4,h,556500,S,hockingstuart,17/02/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,11 Minindee Rd,4,h,659000,S,Barry,17/02/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,1/9 Elonera Av,2,u,671000,S,Barry,17/02/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,31 Bromyard St,3,h,918000,SP,Jas,17/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,374 Francis St,3,h,800000,PI,RT,17/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1 Lormer St,3,h,970000,S,hockingstuart,17/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,17/40 Murray St,2,u,,SP,Biggin,17/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,141 Somerville Rd,3,h,1350000,PI,Jas,17/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,259 Williamstown Rd,3,h,840000,VB,Trimson,17/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,18 Valiant St,3,h,1366000,S,Jellis,17/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,18 Allan St,3,h,1750000,S,Barry,17/03/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,3 Tamar St,3,h,1350000,SP,Barry,17/03/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,49 Marshall Rd,4,h,820000,PI,Nelson,17/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,155a Parer Rd,2,u,530000,S,Barry,17/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,206 Kerferd Rd,2,t,1422000,S,hockingstuart,17/03/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,96 Page St,3,h,,S,Marshall,17/03/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,7 Brisbane St,3,h,750000,SP,Ray,17/03/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,13 Wyalong St,3,h,781000,S,Barry,17/03/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,4/24 Como St,2,u,,S,Nelson,17/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,22a Lowther St,4,h,1816000,S,Collins,17/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,21 Shiers St,3,h,1720000,S,Woodards,17/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,21 Tower Av,3,h,1100000,VB,Jellis,17/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,19 McBain St,4,h,1040000,SP,Barlow,17/03/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,20 McIntyre Dr,5,h,1213000,S,Sweeney,17/03/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,16 Angus Av,3,h,983000,S,Bells,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,124 Chambers Rd,4,h,875000,S,P,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/35 Kyle Rd,2,t,682000,S,hockingstuart,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,76 May St,3,h,,PI,hockingstuart,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,78 May St,3,h,,PN,hockingstuart,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,271 Millers Rd,3,h,750000,S,Greg,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/26 Rymill Ct,3,h,810000,S,Sweeney,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,103A Sixth Av,4,t,,PN,Biggin,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3 Third Av,4,h,,S,Village,17/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,24 Holt St,3,h,585000,S,Douglas,17/03/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,55 Lawrence St,4,h,670000,PI,Barry,17/03/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/519 Dandenong Rd,3,h,,S,hockingstuart,17/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/22 Derby St,1,u,457000,S,Jellis,17/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5 Eileen St,3,h,1899000,S,RT,17/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,796 Malvern Rd,3,h,1100000,VB,hockingstuart,17/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10 Royal Cr,2,h,,SS,Kay,17/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/51 Wattletree Rd,3,u,,VB,RT,17/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,42 Bank St,2,h,910000,S,Nelson,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,10 Enclave Av,2,t,838000,S,Brad,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,23 Haven Cr,3,h,980000,VB,Nelson,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,35 Hurtle St,4,h,1605000,S,Nelson,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5 McCully St,4,h,1610000,S,Jellis,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,37 Mirams St,3,h,1310000,PI,Nelson,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/44 North St,2,u,466000,S,Raine,17/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,15 Bardia Av,5,h,2600000,VB,Marshall,17/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,8 Johnston St,3,h,,S,Jellis,17/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,10 Meaden St,3,h,1750000,VB,Jellis,17/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2/16 Samarinda Av,4,h,1300000,VB,Lindellas,17/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,56 Cleveland Rd,3,h,1150000,VB,Jellis,17/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,6 Leonard St,4,h,1460000,S,Buxton,17/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Rocklands Rd,3,h,1350000,PI,Barry,17/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,137 Nepean Hwy,3,t,,PI,Branon,17/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,2 Second Av,3,h,960000,PI,Barry,17/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,3 Wanda Ct,4,h,940000,S,hockingstuart,17/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,53 Branagan Dr,4,h,,SP,Ray,17/03/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,44 Sutherland Av,3,h,811250,SP,Area,17/03/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,123 Riviera Rd,4,h,1600000,VB,Brad,17/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,11 Marlborough St,3,h,,S,hockingstuart,17/03/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,28 Burroughs Rd,3,h,1900000,VB,Jellis,17/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,35 Elliott Av,3,h,,S,Fletchers,17/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1 Metung St,4,h,,PI,Jellis,17/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,31 Narrak Rd,3,h,1720000,PI,Jellis,17/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Relowe Cr,5,h,2801000,SP,Fletchers,17/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,122 Winmalee Rd,3,h,3400000,PI,Jellis,17/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,432 Balwyn Rd,3,h,1530500,S,hockingstuart,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2A Buchanan Av,4,h,,SP,RT,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,56 Cityview Rd,4,h,,SP,Noel,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 Corhampton Rd,5,h,,S,hockingstuart,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Dight Av,5,h,3200000,VB,hockingstuart,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,12 Ellsa St,4,h,,SP,Jellis,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Ellsa St,3,h,2100000,VB,hockingstuart/Marshall,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Hillview Rd,3,h,2030000,PI,Ray,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Hillview Rd,4,h,,SP,Jellis,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/26 Maud St,2,h,875000,S,Fletchers,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2B Maylands Av,4,t,1450000,PI,Jellis,17/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,1/131 Charman Rd,4,t,1242000,SP,Buxton,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,8/1 Coles Ct,1,u,466000,S,Jellis,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 Harfleur Av,5,h,2350000,S,Hodges,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/14 Reserve Rd,3,t,1600000,VB,Buxton,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/45 Reserve Rd,3,t,,S,Hodges,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,46A Reserve Rd,3,t,,VB,Buxton,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,17 Scott St,5,h,,VB,Buxton,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,3a Wall St,4,t,,S,Marshall,17/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,1/168 Centre Rd,3,t,,PI,Jellis,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7/267 Centre Rd,2,u,520000,SP,Jellis,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5 Charlton St,4,h,2430000,S,Marshall,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,6 Gilbert Gr,5,h,2000000,VB,Buxton,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/66 Jasper Rd,2,h,1055000,S,hockingstuart,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12 Miles St,5,h,2275000,S,Jellis,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/59 Mortimore St,3,t,1300000,S,Buxton,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,32 Railway Cr,2,h,1320000,PI,Buxton,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5/187 Tucker Rd,3,u,599000,S,Buxton,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1 Wyuna Ct,3,h,1100000,VB,Woodards,17/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,20b Begg St,4,t,1200000,SP,Woodards,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,147a Bignell Rd,4,t,1395000,SP,Jellis,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,67 Bignell Rd,3,h,,PI,Jellis,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/96 Castlewood St,3,t,990000,S,Branon,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/259 East Boundary Rd,1,u,,PN,Jellis,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 Elizabeth St,2,t,,SP,Buxton,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/45 Elizabeth St,2,t,915000,SP,Buxton,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17 Kenjulie Dr,3,h,1125000,VB,Buxton,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Latham St,3,h,1130000,S,Buxton,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,73 Stockdale Av,3,h,1250000,S,Jellis,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,91 Stockdale Av,3,h,1235000,S,buyMyplace,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,61 Tambet St,4,t,1336000,S,Jellis,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/59 Tudor St,3,u,,S,Buxton,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/17 Warwick St,3,h,867500,S,Woodards,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,30 Wingate St,3,h,1208000,SP,Ray,17/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,14 Mittagong Ct,3,h,670000,S,O'Brien,17/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,11a Ardoyne St,4,h,,S,Kay,17/03/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,5/12 Ebden Av,2,t,820000,PI,Chisholm,17/03/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1 Clifton St,4,h,1500000,S,Woodards,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,37 Elmhurst Rd,4,h,1300000,PI,Woodards,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Ernest St,4,h,,S,Jellis,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,35 Francis St,2,h,835000,S,Noel,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,6 Garie St,3,h,,S,Noel,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Haydn St,4,h,1955000,S,Jellis,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Kevin Av,5,h,1590000,PI,Ray,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4B Pakenham St,4,h,1450000,S,Fletchers,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/8 Service Rd,3,u,1350000,S,Woodards,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/17 Tyrrell Av,3,u,1070000,S,Noel,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2 Wolseley Cr,4,h,1850000,VB,Jellis,17/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,19 Kurrajong Wy,3,t,900000,S,Noel,17/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,10 Verbena St,3,h,1030000,S,McGrath,17/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,45 Baratta St,3,h,1440000,S,McGrath,17/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2a Barns St,2,u,825000,S,Noel,17/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Barrina St,3,h,1300000,S,Woodards,17/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,27 Gissing St,4,h,1367000,S,Woodards,17/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,22 Cirrus St,4,h,1050000,PI,Buxton,17/03/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,36 Mernda Av,3,h,,SP,Eview,17/03/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,47 Faraday St,3,h,605000,S,iTRAK,17/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,19 Rathmullen Rd,3,h,740000,PI,Noel,17/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,5 Stoneleigh Av,5,h,995000,S,Barry,17/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,29 Albion Rd,6,h,4600000,SP,Buxton,17/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,405/2 Archibald St,2,u,,SN,Reach,17/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3 Maple St,2,h,2000000,VB,Noel,17/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/21 Watts St,2,u,,SN,Harcourts,17/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,305 Ballarat Rd,3,h,780000,VB,GL,17/03/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,25 Myamyn St,4,h,850000,PI,S&L,17/03/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,194B Church St,3,t,2525000,S,Buxton,17/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,56A Dendy St,4,h,3000000,PI,Marshall,17/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,27 Foote St,5,h,5250000,PI,Nick,17/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/103 Martin St,4,t,1850000,S,Buxton,17/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Southey St,3,h,1770000,S,Buxton,17/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,58 Sussex St,4,h,1800000,S,Buxton,17/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,84 Baird St,4,h,2330000,S,Buxton,17/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/141 Centre Rd,2,u,,SN,The,17/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,16 Clonaig St,5,h,2350000,VB,Marshall,17/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8A Denton St,3,t,,S,Buxton,17/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,630 Hawthorn Rd,2,h,1380000,S,Woodards,17/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Lockwood Av,4,h,2652000,S,Jellis,17/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,5 Canni Ct,3,h,,PI,Barry,17/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,12 Marong Ct,3,h,,PI,YPA,17/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,5 Marong Ct,3,t,540000,S,YPA,17/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,14 Railway Cr,1,h,500000,S,Ray,17/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,86 Ripplebrook Dr,3,h,595000,S,YPA,17/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,23 Conifer Av,3,h,655000,S,hockingstuart,17/03/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,1/4 Balmer St,2,u,752500,S,Jellis,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,21 Barrow St,4,h,1520000,VB,Brad,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,39 Bishop St,3,h,955000,SP,Nelson,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/67 Blyth St,2,u,654000,S,McDonald,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14/38 Canberra St,1,u,282000,SP,Brad,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Connelly St,5,h,1750000,VB,Nelson,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,301/1 Dods St,3,u,898500,SP,Walshe,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,115 Donald St,3,h,1100000,VB,Jellis,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,159 Edward St,2,h,1450000,S,Nelson,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,93 Edward St,2,h,1276000,S,Nelson,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30 Lyle St,2,h,885000,S,Nelson,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Murdock St,3,h,1105000,S,Peter,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/24 Stewart St,1,u,380000,SP,Nelson,17/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,4/111 Victoria St,2,t,720000,S,LITTLE,17/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,44 Daly St,4,h,1207500,S,Nelson,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/206 Dawson St,2,u,560000,S,Walshe,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6/12 Grantham St,2,t,580000,VB,Jellis,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,43 Hunter St,2,h,1051000,S,Nelson,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9/6 McLean St,2,u,545000,S,Brad,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/390 Moreland Rd,2,t,728000,S,Considine,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6 Shamrock St,4,h,,PI,Ray,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,522 Victoria St,2,h,,S,Nelson,17/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,1/9 Bruce St,3,u,855000,PI,Jellis,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/16 Furneaux Gr,3,h,925000,PI,Ray,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,14 Lachlan Gra,4,h,1720000,SP,RT,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,8/116 Manningham Rd,3,t,750000,SP,Barry,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,40/78 Manningham Rd,2,u,,SN,Barry,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,7 Springbank Ct,5,h,1302000,S,Barry,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,33 The Crest,3,h,910000,S,Noel,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,36 Westwood Dr,4,t,1220000,PI,Barry,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4 White Wy,3,h,1290000,S,Parkes,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/119 Willow Bnd,4,t,,PI,Philip,17/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,21 Ashbrook Cct,4,h,784000,S,Love,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Crabtree Ct,4,h,700000,PI,Darren,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Doidge St,4,h,,PI,Ray,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Doidge St,3,h,600000,S,Ray,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Ebony Dr,3,h,,PI,Barry,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Ellery St,3,h,717000,S,Barry,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,228 Greenhills Rd,3,h,660000,S,Barry,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,89 Josef Av,5,h,760000,PI,Barry,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,32 Timberglades Dr,3,h,962250,S,Ray,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,42 Worcester Cr,5,h,1565000,SP,Barry,17/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/20 Johnston St,3,t,860000,PI,LLC,17/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3 Loudon Rd,3,h,1410000,S,Fletchers,17/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1 Maltby Wk,3,h,1310000,S,Buxton,17/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,29 Murray Dr,3,h,1217000,S,Buxton,17/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,4/26 Jonathan Av,3,u,,SN,Ray,17/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,12 Sunnybrae Cct,4,h,734000,S,Barry,17/03/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,7 Aisbett Av,4,h,2100000,VB,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/10 Allambee Av,3,t,,S,Jellis,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,49 Fairview Av,4,h,,S,Fletchers,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/2 Garden Rd,3,h,1430000,S,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/1 Glen Iris Rd,3,t,,VB,Nelson,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6/74 Glyndon Rd,3,u,1150000,S,Noel,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Gowar Av,5,h,2450000,PI,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/5 High Rd,2,u,,SP,Jellis,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10 Orange Gr,4,h,,S,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,641 Riversdale Rd,4,h,2100000,VB,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/34 Thomas St,2,u,701000,S,Fletchers,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1299 Toorak Rd,4,h,2000000,PI,RT,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/8 Tyne St,3,t,1725000,S,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,15 Victoria Rd,5,h,6000000,VB,Marshall,17/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,7 Kalgoorlie Ct,3,h,725000,SP,Jason,17/03/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,162A Somerset Rd,2,h,385000,SP,YPA,17/03/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,2/6 Daphne St,2,u,,SP,Buxton,17/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,45 Monomeath Av,3,h,,S,Marshall,17/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,162 Canning St,2,h,1410000,PI,Nelson,17/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,70 Carlton St,3,h,,S,Jellis,17/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,1/19 Keppel St,2,u,,VB,Jellis,17/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,205/85 Rathdowne St,2,u,1605000,PI,hockingstuart,17/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,26 Tyne St,3,t,1750000,S,Collins,17/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,294 Canning St,2,h,,SP,Collins,17/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,9/1066 Lygon St,3,u,650000,VB,Peter,17/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,205/28 Jersey Pde,2,u,,W,Steller,17/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/277 Koornang Rd,2,u,,S,Jellis,17/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/329 Neerim Rd,2,u,,PI,Hodges,17/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2/21 Eel Race Rd,2,u,435000,S,Buxton,17/03/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,1/46 Whatley St,4,h,800000,VB,Buxton,17/03/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,27 Arcadia St,3,h,631000,S,O'Brien,17/03/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,7 Daniell Cr,2,u,,SN,Gary,17/03/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,9/7 Kooyong Rd,2,u,715000,S,Gary,17/03/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,11 Russell St,5,h,2050000,PI,Gary,17/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,13 Sycamore St,3,h,1490000,S,Gary,17/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,1/53 Teak St,3,u,,SN,Gary,17/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,10 Gooyong Av,5,h,,S,Buxton,17/03/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,3 Axelton St,4,h,1270000,S,Hodges,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,53a Cavanagh St,3,t,1111000,S,Barry,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/2 Coleman Ct,3,h,900000,S,Gary,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/5 David Ct,3,t,850000,SP,O'Brien,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,115 Devon St,3,h,,PN,Obrien,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Eagland Rd,3,h,887500,SP,Woodards,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/23 Jean St,3,t,1030000,S,Buxton,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Oak Av,3,h,1291000,S,O'Brien,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21 Parnell St,3,h,1200000,SP,Greg,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/39 Sunray Av,4,t,,VB,Jellis,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,22 Weymar St,5,h,1350000,S,Cayzer,17/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,3/34 Crawford Rd,3,t,,PI,Buxton,17/03/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,54 Davanzo Av,3,h,795500,S,Obrien,17/03/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1/2 Alice St,3,t,800000,SP,Ray,17/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,47 Beddoe Av,3,h,1870000,SP,Darras,17/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,40 Browns Rd,3,h,,SP,FN,17/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,25 Eva St,3,h,1371000,S,Buxton,17/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,8 Prince St,3,h,,PI,Buxton,17/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,125 Bourke Rd,3,h,820000,S,C21,17/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,23D Grant St,3,h,1040000,S,Nelson,17/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,12/16 The Esplanade,1,u,347000,S,Harrington,17/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clyde North,19 Fleuve Ri,3,h,,VB,O'Brien,17/03/2018,3978,Eastern Victoria,2987,43.4,Casey City Council +Coburg,7/136 Bell St,2,u,440000,PI,Barry,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,48 Bruce St,3,h,1090000,S,Nelson,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,97 Connolly Av,2,h,905000,S,Peter,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Darlington Gr,3,h,1100000,S,Jellis,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Gilmour St,3,h,900000,PI,Love,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8 Grey Ct,4,h,,PI,Jellis,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,27 Hardwick St,2,h,930000,S,Walshe,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,87 Linda St,4,h,,PI,Barry,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Mayfield St,3,h,,S,Nelson,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,70 Murray St,2,h,866000,S,Barry,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Norman St,3,h,853000,S,Nelson,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Ross St,3,h,740000,VB,Nelson,17/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,4 Allenby St,3,h,801000,S,Nelson,17/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,14 Boyd Cr,4,h,830000,PI,Barry,17/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2/29 Goleen St,2,h,,S,Nelson,17/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,10/55 Islington St,2,u,480000,VB,hockingstuart,17/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,145 Langridge St,3,h,1306000,S,Jellis,17/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,11 Brampton Cl,3,h,,SP,Ray,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Dashing Rd,4,h,695000,SP,HAR,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Elsternwick Wy,3,h,650000,S,Ray,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,37 Escapade Bvd,5,h,770000,S,Ray,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,24 Fawkner La,4,h,615000,SP,Barry,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Goodrich Ct,3,h,565000,S,YPA,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,79 Langdon Cr,4,h,595000,SP,YPA,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Riversdale St,3,h,540000,S,Ray,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Somersby Rd,3,h,590000,S,Ray,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,98 Wattletree St,4,h,540000,S,LITTLE,17/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,2 Delmont Ct,3,h,,VB,O'Brien,17/03/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne North,20 Arbourlea Bvd,4,h,645000,S,O'Brien,17/03/2018,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Cremorne,218/140 Swan St,1,u,525000,VB,Biggin,17/03/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,11 Alwyn St,2,h,664000,S,Jellis,17/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Lindisfarne Av,3,h,1165000,S,McGrath,17/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3 Robinson St,3,h,772500,S,Jellis,17/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/6 Victory St,3,t,,PI,Max,17/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,18 Lakeside Cr,5,h,1101000,S,Jellis,17/03/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,7 Susans Ct,4,h,,PI,Ray,17/03/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,10 Morwell Cr,3,h,,PI,Barry,17/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,6 Riches St,4,h,620000,VB,Stockdale,17/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,31 Washington St,3,h,520000,SP,Barry,17/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,3 Aratula St,3,h,1400000,S,Del,17/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,17 May Ct,4,h,,S,O'Brien,17/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,30 Olive St,4,h,915500,S,O'Brien,17/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/21 Wedge St,3,u,520000,S,O'Brien,17/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,11 Huxley Av,3,h,681000,S,Boutique,17/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,1/37 Dumfries St,3,h,347000,S,Stockdale,17/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,9 Meakin Wy,3,h,580500,SP,Wyndham,17/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,6 Green Cl,4,h,655000,S,Barry,17/03/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,59 Maxwelton Cct,5,h,975000,S,Barry,17/03/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,14 Chusan Ct,4,h,1063000,SP,Morrison,17/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2/38 Haley St,3,h,587500,SP,Mason,17/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,59 Haley St,4,h,750000,VB,Barry,17/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,29 The Parkway,4,h,750000,VB,Barry,17/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diggers Rest,41A License Rd,3,h,550000,S,Prof.,17/03/2018,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,23 Heathland Wy,4,h,1000000,PI,Ray,17/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,53 Jacks Av,3,h,875000,S,Buxton,17/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,32 Clancys La,4,h,1160000,VB,Jellis,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Curnola Av,3,h,1600000,S,Barry,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/8 Fairway Rd,4,t,1300000,PI,Jellis,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,66 Margot Av,4,h,1310000,PI,Jellis,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11 Outhwaite Av,3,h,1320000,VB,Jellis,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Parkview Pl,4,h,,SN,Ray,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Paul St,3,h,,PI,Jellis,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,41 The Boulevarde,5,h,,SP,Parkes,17/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,34 McKenzie St,3,h,1120000,VB,Jellis,17/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Morinda Cr,3,h,1181000,S,Ray,17/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,35 Owens St,4,h,1385000,PI,Barry,17/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,13/18 Peter St,3,t,829000,S,Barry,17/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,14 Amys Gr,3,h,900000,PI,Barry,17/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,117A Glenvale Rd,3,t,800000,PI,Barry,17/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/23 Sonia St,3,t,,PI,Philip,17/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,38 Orchard Rd,3,u,530000,S,Harcourts,17/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,78 Studley Rd,3,h,1250000,VB,Miles,17/03/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,8/22 Agnes St,1,u,700000,S,Caine,17/03/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,6/37 George St,1,u,,PI,Caine,17/03/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,6A Berry Av,4,h,1185000,S,O'Brien,17/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/80 Keith Av,4,t,955000,PI,Buxton,17/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,6/237 Station St,2,t,570000,SP,O'Brien,17/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,13 Gladstone Pde,5,h,,S,Marshall,17/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,1/20 Hoddle St,3,u,1300000,S,Biggin,17/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,36 Horne St,3,h,1900000,VB,Biggin,17/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,113/37 Park St,2,u,600000,VB,Gary,17/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2/36 Riddell Pde,2,h,798000,S,Chisholm,17/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,8 Catherine Ct,4,h,1275000,S,Morrison,17/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/41 Luck St,2,u,635000,S,Morrison,17/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,34 Foam St,4,h,3040000,S,Greg,17/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,127A Ruskin St,3,h,,SP,Marshall,17/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/48 Tennyson St,1,u,511000,S,Chisholm,17/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,13 Wilkinson Wy,5,h,878000,S,LJ,17/03/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,33 Abercrombie Gr,5,h,720500,S,Ray,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Axebridge Cct,4,h,680000,S,HAR,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Ayers Ct,3,h,670000,S,HAR,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,31 Camouflage Dr,3,h,515000,SP,Ray,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/42 Cooper St,1,u,315000,VB,Barry,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Gammage Bvd,3,h,692500,S,HAR,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,23 Nesting Ct,4,h,820000,PI,McGrath,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Quartz Gr,4,h,685000,SP,Raine,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Raven Wk,3,h,629250,S,HAR,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Rockfield St,4,h,649000,S,hockingstuart,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,63 Shields St,4,h,662000,S,Love,17/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,37 Daisy St,4,h,1727000,S,Rendina,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/61 Deakin St,3,u,900000,SP,Brad,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,38C Fletcher St,3,h,1210000,S,Nelson,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,12/96 Glass St,1,u,356000,SP,Nelson,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,70 Hedderwick St,4,h,,SP,McDonald,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,47 King St,4,h,1961000,S,Nelson,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Lawson St,3,h,,S,Nelson,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,22 McPhail St,4,h,1650000,VB,Barry,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8 Ogilvie St,5,h,1565000,S,Barry,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/245 Pascoe Vale Rd,2,u,659000,S,Nelson,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/42 Richardson St,3,u,800000,PI,Barry,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,107 Roberts St,4,h,1485000,SP,Barry,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5A Roberts St,3,h,2100000,PI,McDonald,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Wright St,3,h,1465000,S,Hodges,17/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,4/144 Perry St,1,u,332500,S,Thomas,17/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,100 Rathmines St,3,h,,VB,Jellis,17/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,58 Rathmines St,3,h,1360000,VB,Miles,17/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,269 Station St,3,h,,S,Jellis,17/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,100 Anderson Rd,3,h,670000,PI,Barry,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,12A Major Rd,3,h,867500,S,McGrath,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,36 Major Rd,3,t,682000,S,Ray,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,84 Major Rd,3,h,,PI,McGrath,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,28 McDougall St,3,h,,SP,Barry,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,49 Percy St,3,h,720000,S,O'Brien,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,42 Tucker St,4,h,945000,S,HAR,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15 William St,5,h,,VB,hockingstuart,17/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,10 Alida Ct,4,h,,PI,Stockdale,17/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,82 Bryden Dr,4,h,860000,S,Schroeder,17/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,9 Bryden Dr,4,h,,PI,Stockdale,17/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,12 Easton Ct,4,h,845000,SP,Max,17/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,62 Helen Rd,4,h,851000,S,Ray,17/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,6/144 Rose St,2,u,838000,S,Nelson,17/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,83 Holden St,3,h,1700000,S,Nelson,17/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,12/3 Miller St,3,t,1010000,S,Jellis,17/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,497 Napier St,3,h,1412500,S,Collins,17/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/582 Nicholson St,4,t,1300000,VB,Collins,17/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,15 Willowbank Rd,3,h,1875000,S,hockingstuart,17/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,19/60 Farnham St,2,u,452000,S,Frank,17/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,126 Princes St,2,h,1015000,SP,Alexkarbon,17/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1 Waltham St,3,h,1120000,S,Nelson,17/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,32 Chatham St,3,h,820000,S,Sweeney,17/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2a Everard St,3,t,820000,PI,Jas,17/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,50 Everard St,2,t,620000,S,Jas,17/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Tait St,3,h,960000,VB,Village,17/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,14 Tiernan St,4,h,850000,SP,Jas,17/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,66 Stevens Rd,3,h,885000,S,RW,17/03/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,20 Bondi Av,3,h,845777,S,hockingstuart,17/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Jolly St,3,h,686000,S,Barry,17/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,1 Barriedale Gr,4,h,920000,SA,Barry,17/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,13 Buckingham Pl,5,h,825000,S,O'Brien,17/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,5/177 North Rd,1,u,,VB,hockingstuart,17/03/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,24 Hilltop Wy,3,h,550000,S,Raine,17/03/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,47 Willowbank Rd,4,h,1250000,PI,Raine,17/03/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,3 Bede Ct,3,h,640000,S,Ray,17/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,9 Farley Ct,3,h,700000,S,Ray,17/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,10 Woodstock Dr,4,h,710000,SP,YPA,17/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,10 James St,4,h,1900000,VB,hockingstuart,17/03/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,4/9 Park Av,2,u,,PI,Hodges,17/03/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,9 Hortense St,3,h,2160000,S,Noel,17/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,30 Lomond St,4,h,1850000,PI,Marshall,17/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Nepean St,4,h,1900000,VB,Marshall,17/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/21 Osborne Av,3,t,1070000,S,hockingstuart,17/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,142 Summerhill Rd,3,h,1855000,S,Marshall,17/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Valley Pde,3,h,,S,Marshall,17/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/4 Clematis St,3,u,955000,S,Harcourts,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Evelyn St,5,h,,PI,Harcourts,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,323 Gallaghers Rd,5,h,2500000,PI,Barry,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Goodin Gr,3,h,2420000,S,LLC,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/10 Lancelot Cr,4,t,,SN,Harcourts,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,42 Maylands Cr,4,h,1080000,SA,Barry,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Myrtle St,3,h,,SS,Barry,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,54 Torwood Av,4,h,1400500,S,Harcourts,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,72 Whites La,3,h,,PI,Stockdale,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,70b Windella Cr,4,h,,SN,Harcourts,17/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,55 Grandview St,3,h,880000,PI,Nelson,17/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,25 Hilda St,3,h,550000,VB,Stockdale,17/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,41A Morell St,2,t,525000,S,Nelson,17/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,47 Balerno Cir,3,h,665000,S,Nelson,17/03/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,64 Gowanbrae Dr,3,h,770000,PI,Nelson,17/03/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,10 Avandina Cr,4,h,1120000,S,Morrison,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/3 Echuca Rd,2,t,670000,PI,Darren,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5/40 Hailes St,3,u,626000,S,Darren,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,87 Hailes St,3,h,637000,S,Barry,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,57 Henry St,3,h,808000,S,Buckingham,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,35 Plenty La,5,h,,PI,Darren,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,23 Sunrise Dr,4,h,930000,PI,Ray,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,131 Warralong Av,5,h,931000,SP,Darren,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/57 Warwick Rd,3,h,780000,PI,Darren,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,35 Yando St,3,h,767000,S,Darren,17/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,28 Frontier Av,3,h,588000,S,Ray,17/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,48 Horizon Bvd,4,h,620000,S,YPA,17/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,15 MacLaren Ct,5,h,800000,SP,Jason,17/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Moffat Ct,4,h,690000,S,Ray,17/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,26 Perugia Av,4,h,677000,S,Ray,17/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,9 Posy St,3,h,703000,S,Ray,17/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,90 Hilton St,3,h,685000,SP,Barry,17/03/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,8/21 Alicia St,2,u,870000,VB,The,17/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,24A Bridge St,2,h,1330000,S,Biggin,17/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,12 Gillies St,2,h,1458000,S,Hodges,17/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,94 Orlando St,4,h,2595000,S,C21,17/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,17 Exley Rd,3,t,1008000,S,Woodards,17/03/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1 Henrietta St,4,t,1180000,PI,Woodards,17/03/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3/55 Lonsdale Av,2,h,830000,VB,Open,17/03/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,342 Auburn Rd,3,h,1702000,S,Jellis,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17 Belgrave St,2,h,1500000,S,Marshall,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13 College St,3,h,,S,Jellis,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,209/8 Luton La,2,u,,SP,LITTLE,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Rae St,4,h,3500000,VB,Kay,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/107 Riversdale Rd,1,u,481000,S,Woodards,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,46 Robinson Rd,5,h,3120000,PI,Marshall,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,64 Wattle Rd,2,h,1265000,S,Nelson,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/15 Yarra St,2,u,564000,S,hockingstuart,17/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,33 Auburn Gr,2,h,,VB,Jellis,17/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8/456 Barkers Rd,3,t,1410000,S,RT,17/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,211/96 Camberwell Rd,2,u,619000,S,hockingstuart,17/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/32 Clifton Rd,3,t,,S,Marshall,17/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/11 Grandview Gr,2,u,,S,hockingstuart,17/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,41 Leura Gr,4,h,3575000,S,Kay,17/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,14 Mont Ct,4,h,1050000,S,Fletchers,17/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,26 Altona St,4,h,1320000,S,Nelson,17/03/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,11 Dougharty Rd,3,h,800000,VB,Flannagan,17/03/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,79 Edwin St,3,h,975000,PI,Fletchers,17/03/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,13 George St,4,h,1535000,S,Buxton,17/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/17 View St,2,t,885000,S,Gary,17/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,43 Wilson St,3,h,1420000,S,Buxton,17/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Worthing Rd,3,h,1350000,S,Buxton,17/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,33 Allenby Rd,5,h,650000,PI,Barry,17/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,175 Community Hub,4,h,640000,PI,Prof.,17/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,22 Penlow Ct,3,h,550000,SP,Prof.,17/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,10 Derrimut Rd,3,h,482500,S,Greg,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,24 Fourth Av,3,h,500000,VB,Greg,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,9 Hughes St,3,h,535000,S,hockingstuart,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 McMillan Ct,3,h,530000,S,hockingstuart,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Quarrion Ct,3,h,473000,S,YPA,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Rodney Ct,3,h,450000,VB,Greg,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,45 Spring Dr,3,h,602000,S,Reliance,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Stella Wy,3,h,475000,S,Wyndham,17/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,10 Bowen St,4,h,815000,S,Ray,17/03/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,3/61 Beatty St,2,u,730000,S,Miles,17/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/16 Green St,2,t,755000,S,Nelson,17/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/22 Green St,2,h,960000,S,Jellis,17/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7/84 Marshall St,2,u,563000,S,Miles,17/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,10 Bliburg St,3,h,615000,S,RW,17/03/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,1/24 Bliburg St,3,u,440000,SP,Barry,17/03/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,15 Fidge Ct,3,h,575000,PI,Nelson,17/03/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,7 Leech Ct,3,h,480000,S,YPA,17/03/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kalkallo,7 Malcolm St,3,h,615000,S,Barry,17/03/2018,3064,Northern Metropolitan,121,20.6,Hume City Council +Kealba,59 Rowan Dr,4,h,668500,S,Barry,17/03/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,1/49 Goodwood Dr,3,u,585000,S,Barry,17/03/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,2/1 Gunsynd Ct,3,u,590000,S,Prof.,17/03/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,4 Brees Rd,5,h,1080000,VB,Nelson,17/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3/17 Cohen St,2,u,636000,S,Alexkarbon,17/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,211/255 Racecourse Rd,2,u,450000,PI,Jellis,17/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,25 Barrington Av,4,h,,S,Jellis,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/29 Barrington Av,2,u,610000,PI,Jellis,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Bowen St,4,h,,S,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Bowyer Av,5,h,3350000,S,Kay,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Bright St,4,h,1925000,VB,Jellis,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,29 Cecil St,4,h,1950000,S,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Dean St,4,h,2810000,S,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Majella Ct,3,h,3300000,VB,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16/17 Marshall Av,3,h,,S,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Pakington St,5,h,2600000,VB,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,47 Parkhill Rd,3,h,,S,Marshall,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10/60 Princess St,2,u,490000,VB,RT,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Thomas St,4,h,3900000,PI,Jellis,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/29 Walpole St,3,t,,SP,Jellis,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,67 Wellington St,5,h,,SP,Fletchers,17/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,16 Clyde St,3,h,,SP,Kay,17/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,16 Frater St,3,h,1759000,S,Jellis,17/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/8 Hamilton St,2,u,960000,S,Nelson,17/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,65 Munro St,4,h,2400000,VB,Jellis,17/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,34 Beatrice St,4,h,855000,S,Barry,17/03/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,4/20 Durham Rd,3,u,630000,SP,McGrath,17/03/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,7/4 Palm Gr,2,u,560000,S,Max,17/03/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,19 Aldergate Cr,3,h,585000,SP,Frank,17/03/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,1/367 Taylors Rd,2,u,440000,SP,YPA,17/03/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,112 Wales St,4,h,1480000,VB,Village,17/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,36 Laura Rd,5,h,795000,S,Ray,17/03/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,114 Oconnor Rd,4,h,830000,SP,Barry,17/03/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,4/459 Glenferrie Rd,2,u,1310000,S,Marshall,17/03/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,56 French St,3,h,784000,S,HAR,17/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,16 Kenna Dr,3,h,,S,Love,17/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,29 Bristol Cr,3,h,660000,VB,McGrath,17/03/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,6/8 Longs Rd,2,u,540000,S,Ray,17/03/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,37 Chapman St,2,h,907000,S,Ray,17/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,3/64 Erskine Rd,3,t,770000,PI,Fletchers,17/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,5/19 Burns St,2,t,600000,PI,Burnham,17/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11/44 Eucalyptus Dr,2,u,420000,SP,Biggin,17/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,5 Smith St,3,h,830000,VB,Biggin,17/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,2 Embling Rd,5,h,4510000,S,Marshall,17/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/2 Finlayson St,3,h,,S,Marshall,17/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6B Henderson Av,4,h,5040000,S,Marshall,17/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,5 Isabella St,4,h,,VB,Marshall,17/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,13 Wilks Av,5,h,6300000,S,RT,17/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,40 Belson St,4,h,,VB,Jellis,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,59 Brunel St,3,h,,S,hockingstuart,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1B Ivanhoe Gr,4,t,1042000,S,Jellis,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Karma Av,4,h,2105000,S,hockingstuart,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,55 Midlothian St,3,h,,S,Marshall,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,42A Paxton St,3,h,,S,Jellis,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Peak St,3,h,1351000,S,Jellis,17/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,24 Gatehouse Pl,2,h,527000,SP,Sweeney,17/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,45 Magazine Wy,4,h,1440000,S,Jellis,17/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/4 Glen Orme Av,4,t,,PN,Gary,17/03/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,14 Hall St,3,h,,S,Buxton,17/03/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Camms Wy,3,h,520000,SP,Barry,17/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,5 Homewood Ct,3,h,445000,S,HAR,17/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,16 Hopkins Wy,3,h,510500,S,HAR,17/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,25 Melaleuca Dr,3,h,480000,PI,Barry,17/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,5 Mia Pl,4,h,460000,VB,Brad,17/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,606/668 Bourke St,2,u,,SP,MICM,17/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,704/39 Queen St,1,u,415000,SP,Dingle,17/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,37/453 St Kilda Rd,2,u,1260000,S,Noel,17/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,602/519 St Kilda Rd,2,u,650000,SP,Beller,17/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,24 Brennan St,3,h,443000,S,hockingstuart,17/03/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,4 Eliana Cl,3,h,465000,SP,FN,17/03/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/4 Alvena St,3,t,1070000,S,hockingstuart,17/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,83 Collins St,4,h,1530000,S,hockingstuart,17/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,23 Flinders St,4,h,1535000,VB,Buxton,17/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,49 Cortona Gra,3,h,508000,S,RW,17/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,7 Francesca Dr,4,h,720000,SP,HAR,17/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,25 Lockhart St,4,h,500000,PI,Love,17/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Pomegranate Gr,4,h,,PN,LJ,17/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,1/267 Beaconsfield Pde,2,u,1150000,S,Gary,17/03/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,36 Park Rd,4,h,2650000,S,Cayzer,17/03/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,8 Wright St,3,h,,SP,Cayzer,17/03/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,60 Blackman Av,4,h,737500,SP,Barry,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,25 Carroll Cr,3,h,,PI,Ray,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,273 Childs Rd,3,h,640000,S,Barry,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Flintoff Ct,3,h,665000,S,Ray,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 McClelland Dr,3,h,,S,HAR,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Northam Ct,3,h,625000,S,Ray,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,61 Pindari Av,3,h,590000,S,Ray,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Protea Ct,3,h,620000,S,Ray,17/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,54 Barkly Tce,2,h,845000,S,Ray,17/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/11 Basingstoke Rd,3,h,720000,S,Noel,17/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5/35 Glenburnie Rd,3,t,820000,VB,Hoskins,17/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,33 Linlithgow St,4,h,1212000,S,Noel,17/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/5 McGhee Av,2,u,650000,S,Noel,17/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9/385 Mitcham Rd,2,t,730000,S,Barry,17/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,12 Carrick St,3,h,,VB,Nelson,17/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,6 Carson Av,4,h,2300000,VB,Marshall,17/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2 High St,4,h,,S,Marshall,17/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/42 Zetland Rd,2,u,700000,VB,hockingstuart,17/03/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,8 Aanensen Ct,5,h,980000,S,Jellis,17/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/17 Alexander St,3,h,1080500,S,Jellis,17/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,37 Addison St,4,h,1835000,S,Jellis,17/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,23 Byron St,3,h,1800000,PI,McDonald,17/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,86C Clarinda Rd,4,h,1683000,S,Nelson,17/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,22 Darling St,4,h,1800000,S,McDonald,17/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,28 Steele St,4,h,1782000,S,Jellis,17/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,3/1 Alison St,2,u,607000,S,Obrien,17/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,7/88 Chapel Rd,2,u,605000,S,Ray,17/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,3 Joan St,3,h,1100000,VB,Woodards,17/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/3 William St,2,u,540000,S,Jellis,17/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,31 Andrew St,4,h,,VB,McGrath,17/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,173 Cardigan Rd,3,h,650000,VB,McGrath,17/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,33 Highland Cr,4,h,790000,S,Barry,17/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,25 Neville St,3,h,940000,S,Fletchers,17/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,5 Partridge Wy,4,h,,PI,Fletchers,17/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,1/13 Albert St,3,h,1055000,S,Barry,17/03/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,385 Nepean Hwy,4,h,,VB,Ray,17/03/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,56 Alice St,4,h,1378000,S,Stockdale,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,69 Bruce St,5,h,855000,PI,Jellis,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,49 Carrol Gr,4,h,1092000,S,Jellis,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Judith Ct,3,h,,PI,McGrath,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,233 Lawrence Rd,3,h,,VB,Harcourts,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Mummery St,4,h,1705000,S,Biggin,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,27 Solomon St,3,h,1000000,S,McGrath/First,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,40 Sunhill Rd,3,h,1400000,PI,Barry,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,37 The Highway,4,h,,S,Jellis,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,68 Wilga St,4,h,1500000,PI,McGrath,17/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,6 Murdoch Av,3,h,960000,S,Harcourts,17/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2 Atkinson St,3,h,1300000,VB,Woodards,17/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/1 Kitmont St,1,u,300000,PI,Woodards,17/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/32 Rosella St,3,t,,PI,Darras,17/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,6 Thaxted Rd,3,h,1352500,S,Jellis,17/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,10a Shrives Rd,2,u,,PI,FN,17/03/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,53 Agg St,3,h,,PI,Village,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,78 Anderson St,5,h,1680000,S,Williams,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/42 Bradley St,2,u,530000,PI,Village,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2A Ford St,2,h,850000,VB,Greg,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3/169 Mason St,2,t,625000,PI,Village,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,195 Mason St,3,h,1030000,SP,hockingstuart,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3 Mirls St,3,h,881000,SP,Williams,17/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,44 Diamond St,3,h,,S,Barry,17/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,34 Grandview Rd,3,h,1355000,S,Barry,17/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,23 Hutchison St,4,h,1340000,S,Nelson,17/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,63A Nolan St,4,h,1300000,VB,Nelson,17/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,14 Kleine St,3,h,680000,S,C21,17/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,5/77 Chapman St,2,u,,SP,Jellis,17/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,7/342 Dryburgh St,3,u,617500,S,W.B.,17/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,207/97 Flemington Rd,2,u,1605000,PI,hockingstuart,17/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,9 George St,3,h,1270000,S,Peter,17/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,70 Provost St,2,t,810000,S,Alexkarbon,17/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,4 Balgonie Pl,2,h,940000,S,Nelson,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,53 Bent St,2,h,1010000,S,Nelson,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,40 Bridge St,4,h,1750000,S,Jellis,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,146 Elm St,4,h,,S,Collins,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/54 Gadd St,2,t,,PI,Collings,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,202/68 Gadd St,2,u,480000,PI,Nelson,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,83 Gladstone Av,3,h,,SP,Jellis,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4 Jeffrey St,3,h,1225000,VB,McGrath,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9 McLachlan St,3,h,2125000,S,Jellis,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,10 Oldis Av,3,h,,S,Jellis,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/30 Ross St,1,u,375000,S,Woodards,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,41 South Cr,4,h,1610000,PI,Woodards,17/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,143 Junction Rd,3,h,950000,PI,Noel,17/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,24 Nicholson St,3,h,1115000,S,Noel,17/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/359 Springfield Rd,3,u,650000,VB,Fletchers,17/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,242 Springvale Rd,3,h,1105000,S,Jellis,17/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,5 Curie Av,3,h,1099000,S,Nelson,17/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/51 Curie Av,3,u,555000,PI,D'Aprano,17/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/29 Ethel St,3,u,780000,S,Brad,17/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4/656 Pascoe Vale Rd,2,u,541000,S,Brad,17/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,46 Vincent St,3,h,,S,Nelson,17/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1/103 Burlington St,3,h,905000,PI,Woodards,17/03/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,13 Norwood St,3,h,898000,S,Ray,17/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Officer,40 Tolkien Bvd,4,h,,PI,Ray,17/03/2018,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Ormond,19/30 Lillimur Rd,2,u,,SP,Ray,17/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,10 Cherrington Ct,4,h,1100000,VB,Buxton,17/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/19 Herbert St,2,u,700000,PI,O'Brien,17/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,22/156 Lower Dandenong Rd,2,u,562500,S,Buxton,17/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/2 Archibald St,2,u,660000,S,Brad,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,70 Kent Rd,4,h,,PI,Nelson,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,57 Northumberland Rd,4,h,900000,PI,Nelson,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,30 Park St,2,h,852000,S,Nelson,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3 Quick St,4,h,863000,SP,Jellis,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,195A Sussex St,2,t,,SP,Ray,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/7 Sylvan Gr,2,h,636000,S,Nelson,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7/17 View St,2,t,548000,SP,Pagan,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,16 Wicklow St,3,h,830000,S,Brad,17/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,5/260 McLeod Rd,3,u,607000,S,Area,17/03/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,3 Town La,4,h,975000,PI,Buxton,17/03/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,10/39 Astley Cr,3,u,485000,SP,Barry,17/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Catania Av,4,h,,PI,Barry,17/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,1 Daisy Dr,4,h,738000,S,Point,17/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Lincolnheath Bvd,4,h,830000,SP,Barry,17/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,810/101 Bay St,2,u,,VB,LITTLE,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,155 Dow St,3,h,,VB,Kay,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,844/1 Esplanade Pl,2,u,865000,S,Greg,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,376 Howe Pde,3,h,1276000,S,Greg,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1/15 Liardet St,2,u,,S,Marshall,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,405/99 Nott St,2,u,,SP,Greg,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1 Page Av,4,h,1820000,PI,Marshall,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,203 Pickles St,4,h,,S,Marshall,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,20/33 Princes St,3,u,1110000,S,Greg,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,301/142 Rouse St,2,u,1300000,S,Home,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,280 Williamstown Rd,2,h,,PN,Cayzer,17/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,62 Aberdeen Rd,4,h,2420000,PI,Marshall,17/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/261 Dandenong Rd,2,u,788000,S,McGrath,17/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,389 High St,2,h,1350000,S,Biggin,17/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,14/8 Sydney St,2,u,720000,SA,Kay,17/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,16 Arthur St,3,h,,PN,Love,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Birch St,4,h,,PI,McGrath,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,91 Dundas St,3,h,950000,PI,Spencer,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,50 Garnet St,2,t,635000,S,Ray,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,252 Gower St,3,h,1000000,S,Nelson,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,68 Hotham St,3,h,1250000,PI,McGrath,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Irene St,3,h,870000,VB,New,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,52 Madeline St,3,h,,S,Nelson,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,48 Malpas St,3,h,1085000,S,Nelson,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,63 Malpas St,3,h,752000,S,Nelson,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,113/100 Plenty Rd,2,u,350000,VB,Purplebricks,17/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,244 Richardson St,2,h,1530000,S,Woodards,17/03/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,57 Ingrams Rd,6,h,,SP,Morrison,17/03/2018,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,2/17 Barton St,3,u,725000,S,HAR,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Bogong Ct,3,h,,VB,Ray,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8/15 Chenies St,2,u,570000,SP,Love,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Crispe St,3,h,1022000,S,Barry,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Elinda Pl,2,h,445000,S,Ray,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,604A Gilbert Rd,2,h,730000,S,RW,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,66 Glasgow Av,3,h,730000,S,Nelson,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,31 Henty St,3,h,947500,S,Nelson,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,117c Hickford St,3,t,691000,S,Ray,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/82 Leamington St,2,t,626000,S,Ray,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/38 Miranda Rd,2,u,591501,SP,Love,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Pershing St,3,h,800000,VB,Nelson,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Pickett St,3,h,651000,S,Barry,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Pine St,3,h,1029000,S,Love,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/94 Purinuan Rd,2,h,522500,SP,Nelson,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Wilkinson St,3,h,728000,S,hockingstuart,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/41 Winter Cr,3,u,,PI,McGrath,17/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,6 Albert Pl,3,h,1798000,S,Biggin,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Allans Pl,2,t,1000000,S,Jellis,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,48 Bennett St,3,h,,VB,hockingstuart,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9 Bosisto St,3,h,1150000,S,Biggin,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,184 Buckingham St,3,t,1150000,SP,Jellis,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,76 Buckingham St,3,h,2210000,S,hockingstuart,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,216/20 Burnley St,1,u,380000,SP,Biggin,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,606/20 Burnley St,1,u,340000,VB,Dingle,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/47 Cameron St,1,u,350000,SP,hockingstuart,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Crown St,3,h,1530000,S,Biggin,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,41/8 Hull St,4,u,1075000,VB,Jellis,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,301/185 Lennox St,2,u,711650,SP,hockingstuart,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,140 Mary St,4,h,,PI,hockingstuart,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/1 Princess St,3,h,1290000,SP,Biggin,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/59 Westbank Tce,3,u,1250000,S,Biggin,17/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,35 Ashcombe Dr,3,h,,SP,Philip,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,9 Bader Ct,4,h,,PI,Noel,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/330 Canterbury Rd,3,t,760000,S,Philip,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Forest Ct,5,h,1225000,S,Fletchers,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/3 Garden St,3,h,1013000,S,Jellis,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Margaret St,4,h,955000,PI,Ray,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,34 Oliver St,3,h,880000,S,Barry,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,46 Sherbrook Av,3,h,,PI,Fletchers,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/33 Thomas St,2,u,,S,Jellis,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,28/7 Turnbull Ct,2,u,,PI,Noel,17/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,24 Gracedale Av,3,h,790000,S,RW,17/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,4/27 Railway Av,2,u,,VB,McGrath,17/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,2 McMahon Ct,4,h,1100000,SP,Fletchers,17/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,18 Montalbo Rd,4,h,970000,VB,Hoskins,17/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,127 Warrandyte Rd,4,h,,SP,voglwalpole,17/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,4/110 Brighton Rd,2,u,782000,S,Biggin,17/03/2018,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rockbank,30 Arbourton Av,3,h,860000,SP,Sweeney,17/03/2018,3335,Western Metropolitan,538,23.8,Melton City Council +Rockbank,21 Socrates Wy,3,h,675000,S,hockingstuart,17/03/2018,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,14 Darvall St,3,h,1330000,S,Buckingham,17/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6/218 Lower Plenty Rd,3,t,720000,VB,Nelson,17/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2 Stanton Cr,4,h,,VB,Nelson,17/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,7 Barwon Ct,3,h,,PI,Harcourts,17/03/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,85 Seebeck Rd,5,h,750000,VB,Barry,17/03/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,50 Ravenhill Bvd,4,h,577500,S,YPA,17/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Thurmand Ct,4,h,600000,PI,HAR,17/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,31/170 Beach Rd,3,t,,S,Marshall,17/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,7 Keats St,4,h,,S,hockingstuart,17/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9 Miller St,3,h,1800000,S,Buxton,17/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,17A Sims St,4,h,,S,hockingstuart,17/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,15 East Rd,3,h,960000,S,Buxton,17/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,25 Kananook Av,3,h,955000,S,Harcourts,17/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,5 Tyrone St,4,h,499000,S,Buxton,17/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,52 Austin St,3,h,1020000,VB,Jas,17/03/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,28 Charles St,4,h,1085000,SP,Sweeney,17/03/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,55A Vernon St,4,h,1030000,SP,Jas,17/03/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,99 Bank St,2,h,1087000,S,Marshall,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,10 Bridport St,3,h,3050000,S,Marshall,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,4 Clarendon Pl,3,h,1640000,VB,Marshall,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,320 Dorcas St,4,h,2000000,S,Greg,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,37 Ferrars Pl,3,h,2000000,S,Greg,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,32 Mountain St,2,h,1840000,S,Greg,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,253 York St,3,h,,PI,Greg,17/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,46 Alain Av,3,h,,PI,Barry,17/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Birrali Wy,3,h,635000,S,YPA,17/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,34 Lamour Av,4,h,675000,S,Morrison,17/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,16/960 Plenty Rd,3,u,385000,S,HAR,17/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,93 Stagecoach Bvd,3,h,681000,S,HAR,17/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Woodruff Rd,4,h,702000,S,Barry,17/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,25 Albion St,3,h,2160000,S,Jellis,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/77 Alexandra Av,1,u,465000,S,hockingstuart,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,62 Avoca St,3,h,,S,Kay,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1103/800 Chapel St,2,u,,VB,hockingstuart,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,29 Fawkner St,3,h,1950000,SA,hockingstuart,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,305/35 Malcolm St,2,u,450000,VB,MICM,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,33 Nicholson St,3,h,,S,hockingstuart,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,45 Osborne St,2,h,,PI,hockingstuart,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/567 Punt Rd,2,u,,S,Jellis,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/9 Rockley Rd,1,u,,SP,hockingstuart,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,47 Surrey Rd,5,h,,S,RT,17/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,137/88 Kavanagh St,2,u,560000,S,Greg,17/03/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,1109/26 Southgate Av,1,u,730000,SP,MICM,17/03/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,42 Amiel St,3,h,861000,S,Stockdale,17/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,6 Ash Gr,3,h,1100000,PI,Just,17/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,2/33 Birmingham St,3,u,570000,VB,Le,17/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,40 Gove St,3,h,1120000,PI,LJ,17/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,23 Merton St,3,h,753000,S,Le,17/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,38 Souter St,3,h,810000,S,Harcourts,17/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,44 Andrea St,3,h,,PI,Barry,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,25 Bent St,3,h,475000,S,Barry,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,45 Lima St,3,h,670000,SP,hockingstuart,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/1 Lister St,2,u,436500,S,YPA,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,77 Sunshine Av,3,h,,PI,HAR,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,79 Willaton St,3,h,901000,S,Barry,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,36 Yarmouth Av,3,h,651000,S,Westside,17/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,12 Maxine Dr,4,h,,S,Jellis,17/03/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,2 Alfred Sq,4,h,3600000,VB,Marshall,17/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/230 Barkly St,2,u,713000,SP,Buxton,17/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,18 Glenview Rd,5,h,3300000,S,Nelson,17/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,7 Glenview Rd,4,h,,S,Brad,17/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,12 Blackman Cl,4,h,,PI,Daniel,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,168 Gap Rd,3,h,498000,S,YPA,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,19 Grout Ct,4,h,592000,SP,One,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,21 Kingsley Dr,3,h,545000,SP,One,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Powlett St,4,h,,VB,Brad,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,4 Turner Ct,4,h,578000,S,Leeburn,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,16 Vineyard Rd,4,h,,SP,Leeburn,17/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,22 Boreham St,3,h,792500,SP,hockingstuart,17/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/29 Moira St,3,h,574000,SP,Douglas,17/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,5/46 Monash St,2,t,520000,S,Barry,17/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,23 Station Pl,3,h,805000,S,Barry,17/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,14 Sturt St,3,h,750000,SP,Bells,17/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,38 Barwon Av,2,h,600000,PI,Douglas,17/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,52 Ferndale Rd,4,h,700000,PI,Bells,17/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,12 Lurg Av,3,h,695000,S,Douglas,17/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4/29 Bardsley St,3,u,571500,S,HAR,17/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,54 Bardsley St,3,h,760000,S,Barry,17/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,7 Drinkwater Cr,3,h,613000,S,Bells,17/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,32 Kosa Av,3,t,535000,PI,Douglas,17/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16 Ryder St,3,t,510000,PI,Barry,17/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,46 Vernon Cr,3,h,830000,S,YPA,17/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,24 Balmoral Cr,4,h,,S,Kay,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Belmont St,3,h,1635000,S,hockingstuart,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/32 Broughton Rd,2,u,,S,Marshall,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,20 Erasmus St,3,h,2125000,S,Fletchers,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,71 Essex Rd,4,h,,S,Marshall,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,37A Kent Rd,4,h,,SN,Marshall,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,27 Surrey Av,4,h,2665000,SP,hockingstuart,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/11 Union Rd,3,h,1141000,S,Woodards,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Wells St,5,h,2220000,SP,Noel,17/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,31 Emperor Pde,3,h,465000,SA,YPA,17/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,921 Leakes Rd,3,h,,PI,YPA,17/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,15 Mitchell Gr,4,h,720000,PI,Barry,17/03/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,15 Park La,3,h,655000,S,YPA,17/03/2018,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,3 Beale Ct,4,h,1488000,S,Woodards,17/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,8 Dewpond Ct,3,h,1390000,SP,Jellis,17/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Jacobena Pl,4,h,1370000,VB,Fletchers,17/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Noorilim Cl,3,h,1496000,S,Fletchers,17/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,1 Conifer Pl,5,h,,PI,Barry,17/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,12 Crawford Rd,3,h,1260000,SP,Jellis,17/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/17 Gertrude St,3,u,900000,S,Barry,17/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/334 Thompsons Rd,3,u,903500,S,Barry,17/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,13 Verbena Av,3,h,,PI,Barry,17/03/2018,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,59 Cedar St,3,h,920000,S,Ray,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,134 Main St,3,h,639000,S,Love,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/27 Plane St,3,u,440000,SP,HAR,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,24 Queenscliff Rd,3,h,670000,S,HAR,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,17 Richardson St,3,h,670000,S,HAR,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Tamara Ct,4,h,,VB,hockingstuart,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Thomas St,3,h,,PI,Stockdale,17/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,2 Bradley Av,3,h,1530000,S,Jellis,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1 Ibis Pl,3,t,735000,S,Woodards,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,54A Leinster Gr,3,t,,SP,Jellis,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,8 Monash Av,3,h,1190000,S,Collings,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,172A Normanby Av,2,h,816000,S,Love,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9/184 Normanby Av,2,h,597000,S,Nelson,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,83 Normanby Av,3,h,1185000,S,Woodards,17/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,13/4 Glyndebourne Av,3,u,955000,PI,Kay,17/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,29 Gordon St,3,h,2300000,PI,RT,17/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/43 Grange Rd,3,u,910000,S,hockingstuart,17/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,14 Lisbuoy Ct,3,h,,SN,Marshall,17/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1 Smyth St,4,h,4800000,VB,Marshall,17/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,106 Baroda St,2,h,972000,S,Nelson,17/03/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Travancore,40 Baroda St,4,h,1450000,S,Hodges,17/03/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Travancore,51 Mooltan St,2,h,1100000,VB,Nelson,17/03/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,26/1 Clearwater Rise Pde,2,t,355000,SP,Biggin,17/03/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Vermont,4 Barton Ct,4,h,,VB,Fletchers,17/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,37 Carinya Rd,4,h,1010000,S,Noel,17/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,9 Moore Rd,4,h,1145000,S,Jellis,17/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3/2 Short St,2,u,625000,S,Philip,17/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,2 Barossa Av,3,h,942000,S,Barry,17/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,1 Cottonwood Av,3,h,1120000,SP,Ray,17/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,41 Diane Cr,4,h,1150000,VB,Miles,17/03/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,77 Dudley St,4,h,,VB,Barry,17/03/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,18 Georgian Gdns,3,h,903000,S,Noel,17/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Wondalea Cr,4,h,,PN,OBrien,17/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,18 Allanfield Cr,3,h,820000,SP,Harcourts,17/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Dubin Ct,5,h,,PI,Barry,17/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Hunt Ct,3,h,980000,S,Harcourts,17/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,57 Jenola Pde,5,h,,SN,Harcourts,17/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,27 Tate Av,3,h,900500,S,Harcourts,17/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,261 Tindals Rd,5,h,3250000,S,Barry,17/03/2018,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,41 Frensham Rd,3,h,730000,S,Buckingham,17/03/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,27 Gillingham St,3,h,760000,S,Barry,17/03/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,11 Fauna Ct,3,h,538000,S,hockingstuart,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Oradala Ri,2,h,447500,S,Barry,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Pelican Pl,4,h,470000,SP,hockingstuart,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,61 Rowes Rd,3,h,474000,SP,Sweeney,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,27 Songlark Cr,4,h,490000,S,Barry,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Swan St,3,h,491500,S,Ray,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Taisho Ct,4,h,580000,S,Purplebricks,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,36 Tigris Cl,3,h,430000,SP,Greg,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Torrens St,5,h,,S,hockingstuart,17/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,19/22 Blandford St,2,u,347000,S,Burnham,17/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,61 Cala St,3,h,765000,S,Jas,17/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,14 Dove St,4,h,1205000,PI,Nelson,17/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,19 Hope St,4,h,1230000,S,Jas,17/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,364 King St,2,h,1200000,VB,W.B.,17/03/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,19 Bamford Av,4,h,595000,S,YPA,17/03/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,3 Capri Ct,3,h,575000,S,YPA,17/03/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,215 Johnstone St,2,h,466000,S,Raine,17/03/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,5 Ajax Dr,3,h,1150000,VB,Harcourts,17/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,26 Entally Dr,4,h,,W,One,17/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Henley Dr,4,h,,SP,Jellis,17/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Petronella Av,4,h,1800000,S,Barry,17/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,71 Phoenix Dr,4,h,1280000,S,Barry,17/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,10 Pineview Cl,4,h,950000,PI,Barry,17/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,58 Anzac Cr,4,h,1600000,PI,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,75 Bayview St,3,h,1570000,SP,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,48 Chandler St,3,h,1450000,SP,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2 Hoffman Tce,5,h,1924000,S,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,32 Laverton St,4,h,2885000,S,Raine,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 McGuire Cr,3,h,1150000,SP,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4 McGuire Cr,3,h,1150000,SP,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,24 Oconnell Mw,3,t,1000000,S,Williams,17/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,10 Green St,4,h,2400000,SP,Kay,17/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,15 Althorp St,3,h,600000,SP,hockingstuart,17/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,40 Whitebark St,4,h,615000,S,HAR,17/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,28 Aldridge Rd,4,h,535000,SP,Sweeney,17/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,19 Ashburton Av,4,h,651000,S,Barry,17/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,22 Botanic Wy,5,h,,PI,YPA,17/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,6 Bromley St,3,h,421000,S,hockingstuart,17/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,13 Chisholm Pl,3,h,,W,hockingstuart,17/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,6 Fatham Dr,4,h,510000,S,hockingstuart,17/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,10 Fahey Cr,3,h,825000,S,Barry,17/03/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,4/20 Angliss St,2,h,,S,hockingstuart,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,11 Cranbrook St,3,h,,SN,Gunn&Co,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,67 Fehon St,3,h,1090000,S,Jas,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,23 Frederick St,3,h,1125000,S,Village,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,134 Gamon St,3,h,1575000,PI,Greg,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/87 Gamon St,2,u,525000,S,hockingstuart,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,42 Kingston St,2,h,939000,SP,hockingstuart,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,25 Ovens St,3,h,855000,S,Jas,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,30 Sussex St,3,h,1200000,SP,Jas,17/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,5/29 Church St,2,u,480000,S,hockingstuart,17/06/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,14/205 Gipps St,2,u,750000,SP,Jellis,17/06/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,2/6 Green St,2,t,,SP,Real,17/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,18A Hart St,3,t,730000,S,Brad,17/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,4 Oakwood Rd,3,h,,SN,Barry,17/06/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albion,3 Merlow St,4,h,820000,S,Bells,17/06/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,4 Westgate Av,4,h,746000,S,Bells,17/06/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,38 Grange Rd,3,h,1650000,VB,Nelson,17/06/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,30 Shiers St,4,h,2750000,VB,Nelson,17/06/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,21 Harrington St,3,h,853000,S,Barlow,17/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/10 McAlpine Ct,3,u,670000,S,Sweeney,17/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/20 Mulga St,3,t,765000,S,Williams,17/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,11 Gaskell Ct,3,h,820000,SP,hockingstuart,17/06/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,21 Binns St,3,h,,PN,hockingstuart,17/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,71a Clematis Av,5,t,1150000,S,Sweeney,17/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/8 Conway Ct,3,t,723000,SP,Village,17/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,242 Mason St,3,h,870000,S,hockingstuart,17/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,58 Sixth Av,3,h,750000,S,Barlow,17/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,168 Forrest St,3,h,,SP,RW,17/06/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4/379 Dandenong Rd,2,u,595000,S,Jellis,17/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,504 Orrong Rd,4,h,3200000,VB,Kay,17/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,15 Rose St,2,h,1550000,S,Jellis,17/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,51 Dunlop Av,3,h,740000,PI,Hodges,17/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7/60 Epsom Rd,2,h,742000,S,Brad,17/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,33 Fenton St,4,h,1750000,SP,Rendina,17/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,26 Langs Rd,3,h,1360000,S,Barry,17/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,11 Milton St,4,h,1400000,SP,Nelson,17/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,54 The Parade,3,h,1230000,S,Woodards,17/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,4 Burbank St,5,h,,PI,Marshall,17/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,22 Duke St,4,h,2170000,S,Marshall,17/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/5 Duke St,4,h,,PI,Marshall,17/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,46 Warner Av,5,h,2500000,PI,Marshall,17/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/60 Winton Rd,3,h,,S,Marshall,17/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,47 Ashwood Dr,4,h,1680000,S,Jellis,17/06/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2 Julie Ct,3,h,1650000,SP,Buxton,17/06/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/18 May Park Av,3,h,1125000,S,Fletchers,17/06/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/7 Murra Ct,3,h,860000,S,Purplebricks,17/06/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,6 Hilda Mw,3,h,845000,S,Barry,17/06/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,56 Ardlie St,3,h,,S,Brad,17/06/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,44 Alexander St,2,h,1085000,S,Moonee,17/06/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,24 Doyle St,3,h,750000,SP,Moonee,17/06/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,152 Balwyn Rd,3,h,2380000,S,Ray,17/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Birdwood St,1,h,2100000,PI,hockingstuart,17/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,52 Elliott Av,4,h,3100000,VB,Jellis,17/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Iramoo St,4,h,3050000,PI,RT,17/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,31 Knutsford St,4,h,,PI,Marshall,17/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/103 Strabane Av,2,u,690000,SA,Noel,17/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1A Abassia St,3,t,1557000,S,RT,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/37 Aylmer St,3,u,1420000,PI,hockingstuart,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Chelmsford St,4,h,2444000,S,Fletchers,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,25 Cumberland Av,3,h,1485000,S,hockingstuart,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lemon Rd,4,h,2050000,S,Jellis,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Mary St,4,h,1926000,S,Fletchers,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,66 Ursa St,3,h,1490000,S,Marshall,17/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1/33 Begonia Av,2,u,430000,SP,Stockdale,17/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/20 Church St,2,u,520000,S,Schroeder,17/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,95 Orange Gr,4,h,925000,SP,Biggin,17/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,12 Baker Rd,3,h,616000,S,Ray,17/06/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,7 Lyrebird Ct,4,h,,S,Fletchers,17/06/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,19 Cloris Av,4,h,2800000,S,Kay,17/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,21 Wattle Av,5,h,1807000,S,Gary,17/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Belgrave,50 McNicol Rd,4,h,,VB,Stockdale,17/06/2017,3160,Eastern Victoria,1588,30.4,Yarra Ranges Shire Council +Bentleigh,14 Beths St,4,h,2700000,VB,hockingstuart,17/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,29 Mavho St,3,h,1116000,S,hockingstuart,17/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12 Pleasance St,3,h,1573000,SP,Buxton,17/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,448 Chesterville Rd,3,h,,PI,Buxton,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Hill St,3,h,1316000,S,hockingstuart,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 John St,3,h,1617000,S,Buxton,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5D MacKie Rd,3,t,950000,PI,Buxton,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,26 May St,3,h,1525000,PI,Buxton,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,52 Paloma St,4,h,1330000,PI,hockingstuart,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17a Thana St,3,u,999000,S,hockingstuart,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/71 Tudor St,3,t,850000,PI,Buxton,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 York St,3,h,1228000,S,hockingstuart,17/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,59 Bemersyde Dr,4,h,608500,S,C21,17/06/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,6/56 Red Bluff St,2,u,879000,S,Hodges,17/06/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,75 Canterbury Rd,3,h,1112000,S,McGrath,17/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,32 Pope Rd,2,h,1425000,S,Noel,17/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,12 Stanley Gr,3,h,,PI,Marshall,17/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,6 Conrad Ct,3,h,1001000,S,Noel,17/06/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1 Diana Dr,4,h,1280000,SP,Noel,17/06/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,4 Barker St,3,h,1300000,VB,Noel,17/06/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/1 Darook St,2,u,725000,PI,Woodards,17/06/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,105 Kanooka Rd,3,h,,S,hockingstuart,17/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,4/41 Stewart St,3,u,,PI,Biggin,17/06/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Briar Hill,1A Campbell Rd,2,h,710500,S,Barry,17/06/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,2/14 Brickwood St,2,u,855000,PI,Buxton,17/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5A Hall St,3,h,2020000,S,Nick,17/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,684 Hampton St,3,h,,PI,Marshall,17/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/58 North Rd,3,u,1410000,S,Nick,17/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8 Wellington St,3,t,,S,hockingstuart,17/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,17 Florence St,4,h,2100000,SP,Nick,17/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Glencairn Av,4,h,,PI,Ray,17/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5A Hornby St,2,h,1410000,S,Hodges,17/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Margaret St,4,h,,SP,Hodges,17/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,35 Studley Rd,4,t,1620000,PI,Buxton,17/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,3/11 Martell St,2,u,310000,S,Barry,17/06/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,12 Ophir St,3,h,374000,S,Ray,17/06/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,73 Waranga Cr,5,h,600000,PI,@Realty,17/06/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,7 Stenhouse Av,3,h,820000,SP,hockingstuart,17/06/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,6/116 Albert St,2,u,510000,SP,Jellis,17/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,176 Barkly St,3,h,1925000,SP,Raine,17/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,73 Mitchell St,2,h,890000,VB,Woodards,17/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,135 Victoria St,4,h,1500000,S,Nelson,17/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,31 Wilkinson St,3,h,950000,PI,RT,17/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,17 Lanark St,3,h,1300000,VB,Nelson,17/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,18 Lord St,2,h,1010000,PI,Woodards,17/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,5/456 Albion St,1,u,312000,S,Jellis,17/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,59 Daly St,3,h,1010000,PI,Nelson,17/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/524 Moreland Rd,2,u,,PI,Brad,17/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/19 Waxman Pde,3,u,763000,S,Nelson,17/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,17 Estelle St,3,h,1100000,S,Barry,17/06/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,50 Cameron Pde,3,h,687000,S,Ray,17/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Merryn Cl,3,h,680000,S,Ray,17/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,48 Zara Cl,4,h,755000,SP,Ray,17/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,2/50 Gibdon St,3,h,1100000,VB,hockingstuart,17/06/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside Heights,18 Wilkins Cr,3,h,481000,S,Barry,17/06/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,7 Carmody St,3,t,918000,S,Bekdon,17/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,14 Holbeach St,5,h,1523500,S,Fletchers,17/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,30 Newhaven Rd,3,h,968000,S,Harcourts,17/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,11 Tarwarri Pl,4,h,1580000,S,Fletchers,17/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,18 Worthing Av,3,h,1065000,S,iHomes,17/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,8/595 Burke Rd,2,t,795000,S,Ray,17/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,555 Camberwell Rd,3,h,1775000,VB,Jellis,17/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1065 Toorak Rd,5,h,2361000,SP,Fletchers,17/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19A Warburton Rd,4,u,1900000,VB,HAR,17/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,28 Allenby Rd,3,h,,SP,Marshall,17/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,17 Hassett Av,4,h,2300000,S,Kay,17/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,903 Rathdowne St,3,h,1840000,PI,Nelson,17/06/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,275A Koornang Rd,2,h,920000,S,hockingstuart,17/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,14 Morgan St,3,h,1550000,VB,hockingstuart,17/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,18 Yendon Rd,4,h,,S,Buxton,17/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,2 Brunton Av,3,h,585000,S,HAR,17/06/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,23a True Av,3,t,,SN,hockingstuart,17/06/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,5 Atkins Ct,3,h,500000,S,Ray,17/06/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,11 Goshawk Ct,3,h,561000,S,hockingstuart,17/06/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,2/24 Hawthorn Av,3,u,,SP,Marshall,17/06/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,3/468 Kooyong Rd,1,u,295000,SP,Gary,17/06/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,2/203 North Rd,3,t,1237000,S,Gary,17/06/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,38 Jacana St,3,h,740000,PI,McGrath,17/06/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,23 Alden Ct,4,h,1120000,S,Buxton,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,101 Benkel Av,5,h,1151000,S,O'Brien,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,88 Bernard St,3,h,1051000,PI,Buxton,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/18 Gillman St,2,u,760000,PI,O'Brien,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,28 Regent Pde,3,h,1170000,S,O'Brien,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2A Walker Gr,3,t,861000,S,Ray,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20/310 Warrigal Rd,2,u,535000,S,O'Brien,17/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,2/67 Carinish Rd,2,t,,SN,Ray,17/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,22 Evelyn St,6,h,1361000,S,Purplebricks,17/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,25 Panorama St,3,h,1462000,S,C21,17/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,20 Botanic Dr,3,h,745000,S,Barry,17/06/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,17 Reillys Wy,2,t,908000,S,Barry,17/06/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,13/23 Baxter St,2,u,421200,SP,Jellis,17/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Bruce St,3,h,,SP,Nelson,17/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Gladstone St,3,h,,SP,Woodards,17/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Loch St,3,h,1100000,S,Jellis,17/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,105A Murray St,3,h,,SN,Barry,17/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,82 Ross St,3,t,,SN,Barry,17/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3/16 Lorensen Av,2,t,490000,S,Raine,17/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Shorts Rd,2,t,,SN,Barry,17/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,82 Bridgewater Rd,3,h,365000,S,Del,17/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Jirrahlinga Tce,4,h,600000,S,Ray,17/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Serenity Wy,3,h,,SN,Barry,17/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,2a Armoy Cl,3,h,440000,SP,C21,17/06/2017,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cranbourne North,5 Greenview Ct,4,h,,PI,Ray,17/06/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,14 Alfrick Rd,3,h,567000,S,hockingstuart,17/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,55 Binbrook Dr,3,h,862000,S,Carter,17/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Diana St,3,h,,SN,Barry,17/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3 Silvergrass Ct,3,h,630000,S,McGrath,17/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,10 Malcolm Rd,4,h,820000,S,RW,17/06/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,2/36 Mulawa St,6,h,1350000,PI,McGrath,17/06/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,16 Palmer Av,5,h,1150000,SP,McGrath,17/06/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,17 The Dell,4,h,859000,S,hockingstuart,17/06/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,58 Herbert St,4,h,1071500,S,McLennan,17/06/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,11 Griffiths Ct,4,h,750000,PI,Hall,17/06/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,1 Neimur Av,2,h,1025000,PI,FN,17/06/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,11 Kimber Ct,4,h,1100000,S,Buxton,17/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,13 Lobelia Ct,3,h,980000,SP,Hodges,17/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,109A Ayr St,4,t,1202000,S,Barry,17/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,20 Eildon St,3,h,,S,Jellis,17/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Hampshire Rd,4,h,1120000,PI,Barry,17/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/5 Harrow Ct,4,u,885000,S,Barry,17/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Harvest Ct,3,h,890000,PI,hockingstuart,17/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,36 Queens Av,5,h,1550000,S,Noel,17/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,30 Barton St,5,t,1500000,SP,hockingstuart,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Calvin Cr,3,h,1585400,S,Barry,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,25 Canopus Dr,4,h,1504000,S,Barry,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/1099 Doncaster Rd,3,u,850000,S,Philip,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,23 Lambert Pl,4,h,1400000,S,Barry,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Silvana Ct,4,h,1241000,S,Biggin,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Thea Gr,4,h,1125000,PI,Noel,17/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,24 Florence Av,4,h,1171000,S,Noel,17/06/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,124 Paperbark St,3,h,,PI,C21,17/06/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,10 Silverdale Rd,3,h,2270000,VB,Miles,17/06/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,109 Simpson St,3,h,1875000,PI,Jellis,17/06/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,7 Webb La,2,t,1350000,S,Caine,17/06/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,1 Baxter St,3,h,1460000,SP,Biggin,17/06/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,12/539 Glen Huntly Rd,2,u,550000,S,Biggin,17/06/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9/10 Parkside St,2,u,,PN,Gary,17/06/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,12 Coolabah Dr,4,h,840000,SP,Barry,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,30 Cromwell St,4,h,1065000,SP,Barry,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,11 Hartland Wy,4,h,880000,S,Morrison,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,25 Leane Dr,4,h,977500,S,Morrison,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/1232 Main Rd,3,t,755000,S,Morrison,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,8 The Eyrie,4,h,810000,S,Mason,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,66 Valonia Dr,4,h,861000,S,Morrison,17/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,3/17 Dickens St,1,u,,S,Biggin,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/173 Glen Huntly Rd,2,u,810000,S,hockingstuart,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/16 Lindsay Av,2,u,580000,S,Purplebricks,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,16 Poets Gr,2,h,1255000,PI,Chisholm,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/11 Scott St,2,u,550000,VB,Domain,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,16/30 Shelley St,2,u,543000,S,Hodges,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,22C Tennyson St,4,t,1950000,VB,Castran,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,13 Vautier St,3,h,,SN,McGrath,17/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,62 Davisson St,4,h,660000,SP,Purplebricks,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Dryandra Av,3,h,547000,S,Harcourts,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Eclipse Av,4,h,680000,S,YPA,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Efficient St,3,h,568000,S,Ray,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,23 Longwood Dr,4,h,680000,S,Harcourts,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/24 Redding Ri,2,h,350000,PI,hockingstuart,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Tatlow Dr,3,h,,SN,Barry,17/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/18 Balmoral St,2,u,580000,S,Barry,17/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/96 Cooper St,4,t,970000,S,Nelson,17/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,16 Glass St,3,h,1100000,VB,Brad,17/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/31 Leslie Rd,2,u,485000,S,Barry,17/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,37 McPhail St,2,h,1195000,S,Jellis,17/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11 Waverley St,4,h,1155000,PI,Brad,17/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/9 Grace St,3,t,800000,PI,Frank,17/06/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,3/26 Renown St,2,h,685000,SP,Nelson,17/06/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,3/1 Royal Av,2,u,506000,S,Barry,17/06/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,2/105 Perry St,2,u,,SN,Miles,17/06/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,1/22 Rathmines St,2,u,667000,S,Nelson,17/06/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,28 Princess St,5,h,1018000,S,Jellis,17/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,7/14 Stanford Cl,2,u,,SN,Barry,17/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,6 Vervale Av,3,h,,SP,Brad,17/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,50 Carlisle Rd,5,h,1100000,S,Schroeder,17/06/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,68 Loretto Av,3,h,,SN,Barry,17/06/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,15 Argyle St,3,h,1394000,S,Jellis,17/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,356 Fitzroy St,3,h,,S,Nelson,17/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,10/156 Rose St,2,u,,SP,Nelson,17/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,41 Miller St,3,h,1600000,VB,Nelson,17/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,35/86 Queens Pde,2,u,620000,VB,Nelson,17/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,371 Rae St,2,h,1270000,S,Nelson,17/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,387 Barkly St,4,h,,PI,Sweeney,17/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/3 Gordon St,1,u,240000,SA,Trimson,17/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,18/55 Moreland St,3,u,855000,S,Jas,17/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5/232 Nicholson St,1,u,310000,PI,Burnham,17/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,36 Southampton St,2,h,910000,S,Sweeney,17/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,47 Glebe St,3,h,1177000,S,Noel,17/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,31 Norma Rd,3,h,1131000,S,Jellis,17/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Jolly St,3,h,,SN,Barry,17/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 MacRosty Ct,3,h,,SN,Barry,17/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne,60 Hamilton St,3,h,540000,SA,McDonald,17/06/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,109 Howey St,4,h,,VB,Brad,17/06/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Aylesbury Cr,3,h,780000,SP,Barry,17/06/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,305 Carrick Dr,5,h,691000,S,Barry,17/06/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,328 Carrick Dr,5,h,675000,SP,YPA,17/06/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,5 Clarke Dr,5,h,660000,S,Barry,17/06/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,1/21 Wattle Av,3,t,1880000,S,Gary,17/06/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,9 Albemarle Ct,4,h,,S,Jellis,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/243 Burke Rd,3,h,,S,Marshall,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,18 Ellis Rd,4,h,2305000,S,Jellis,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Gardiner Pde,2,h,1650000,PI,hockingstuart,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/1614 High St,2,u,760000,VB,Gary,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Maitland St,4,h,,PI,Marshall,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/26 Myrniong St,2,h,,VB,Fletchers,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Ranelagh Ct,2,h,,S,Jellis,17/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,53 Campbell St,3,h,3056000,PI,VICProp,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19 Crown St,3,h,,PI,Harcourts,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Florence St,3,h,1900000,PI,Harcourts,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Grevillia Ct,4,h,,SN,Biggin,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,57 Hinkler Rd,3,h,,PI,Biggin,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Kinnoull Gr,5,h,2650000,PI,Jellis,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/28 Leicester Av,3,u,895000,S,Ray,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Lennox Av,6,h,1290000,S,Harcourts,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,39b Summit Cr,5,h,1125000,PI,Woodards,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10/18 Tulloch Gr,3,t,655000,S,Harcourts,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Turner Ct,3,h,1550000,S,Harcourts,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,20 Walter St,4,h,1715000,S,Barry,17/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,80 Gowrie St,3,h,780000,S,Stockdale,17/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/43 Grandview St,2,u,422000,S,YPA,17/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,18 Ogden St,3,h,,W,Barry,17/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Paget Av,3,h,830000,S,Stockdale,17/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,200 West St,4,h,780000,S,Eview,17/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,82 Gowanbrae Dr,4,h,945000,S,Nelson,17/06/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,44 Albion Cr,4,h,1000000,S,Buckingham,17/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,50 Killarney Rdg,5,h,1180000,S,Barry,17/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4/31 Paterson Cr,3,u,640000,S,Darren,17/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,17 Arkley Dr,4,h,645000,S,Barry,17/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,51 Firth Wy,4,h,965000,S,Stockdale,17/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,19 Oxford St,3,h,785000,S,Barry,17/06/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,11 Walter St,3,h,810000,S,Philip,17/06/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,11 Turanga Pl,3,h,601000,S,REMAX,17/06/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,29 Bridge St,3,h,,S,Hodges,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,12/45 Grenville St,3,u,970000,S,Buxton,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10/78 Holyrood St,2,u,805000,S,Charlton,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1 McCarthy St,4,h,,PN,Biggin,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,87 Mills St,3,h,2120000,S,Buxton,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/5 Walker Av,3,t,890000,S,Hodges,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,7 Wave St,3,h,2100000,S,Marshall,17/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,5/8 Brook St,1,u,,PI,Marshall,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/5 Denham St,2,u,762000,S,Marshall,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3 Johnson St,4,h,2053000,S,Abercromby's,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,49 Lisson Gr,4,h,7650000,S,Abercromby's,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,41/168 Power St,1,u,375000,S,Domain,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14/181 Power St,2,u,525000,PI,Walshe,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/8 Wallen Rd,2,u,1080000,S,Jellis,17/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,536 Barkers Rd,3,h,2225000,VB,Jellis,17/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,11 Condor St,5,h,2855000,PI,Noel,17/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,201/40 Harold St,2,u,890000,SP,Space,17/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,708/32 Lilydale Gr,2,u,690000,PI,hockingstuart,17/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10 Mowbray St,4,h,3255000,PI,Kay,17/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,103 Pleasant Rd,6,h,2200000,VB,Jellis,17/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,24 Genine Av,2,h,875000,SP,Greg,17/06/2017,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,162 Bedford Rd,3,h,655000,S,Philip,17/06/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,8 Madigan Ct,3,t,670000,S,Ray,17/06/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3/5 Austral Ct,4,t,828000,S,Miles,17/06/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,5 Cleve Gr,3,h,,SS,William,17/06/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,57 Quinn St,4,h,1230000,S,Nelson,17/06/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,1/5 Glover St,3,h,590000,S,Victory,17/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,42 Haig St,3,t,,SS,William,17/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/26 Lawson Pde,3,u,654500,S,Miles,17/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,142 Porter Rd,4,h,,SN,Re,17/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,29 Skeggs Cr,3,t,710000,VB,Aumeca,17/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,10 Wordsworth Av,2,h,640000,SP,Hodges,17/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,14 Avoca St,3,h,1155000,PI,Buxton,17/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,6 Muir St,4,h,1220000,SP,Buxton,17/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/30 Tibrockney St,3,h,,SP,Scott,17/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/46 Tibrockney St,2,h,548000,S,Smart,17/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,22 Hillcrest Dr,6,h,935000,S,Prof.,17/06/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,2 Bowden St,3,h,555000,S,hockingstuart,17/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Cameron Dr,3,h,535000,S,hockingstuart,17/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,95 Dowling Av,5,h,640000,S,hockingstuart,17/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,23 Beauford St,3,h,1093800,S,Ray,17/06/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,50 Ross St,4,h,1145000,S,Ray,17/06/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,1/22 Clark Rd,3,u,,SP,Miles,17/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,122B Green St,3,t,,S,Nelson,17/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/45 Locksley Rd,3,t,970000,VB,Barry,17/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,27 Wallis Av,3,h,,PN,Miles,17/06/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,12 Wilfred Rd,2,h,1853000,S,Ray,17/06/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,7 Pulsar Pl,4,h,,SP,Brad,17/06/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,3 Serica Ct,3,h,550000,VB,Sweeney,17/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,7 Byron Av,4,h,,S,Nelson,17/06/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,6 Mark St,4,h,1120000,S,Barry,17/06/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,68 Nyah St,3,h,1001000,S,Nelson,17/06/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,7 Collinson St,3,h,690000,PI,Barry,17/06/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,10 Albermarle St,2,h,,S,Hodges,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,18 Altona St,2,h,1070000,S,Biggin,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,105/18 Bent St,2,u,730000,SP,Nelson,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,17/16 Mawbey St,1,u,392000,SP,Rendina,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,24 McConnell St,2,h,1150000,S,Hodges,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,54 McConnell St,4,h,1415000,SP,Biggin,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,7/11 Smith St,1,u,370000,SP,Rendina,17/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,71 Edgevale Rd,4,h,,SP,Marshall,17/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,37 Fernhurst Gr,3,h,,SP,Marshall,17/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,871 Glenferrie Rd,5,h,3175000,PI,Marshall,17/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Heather Gr,3,h,,S,Fletchers,17/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/65 Parkhill Rd,3,t,1375000,VB,Jellis,17/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Scott St,3,h,,S,Marshall,17/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,86 Kilby Rd,3,h,1975000,S,Marshall,17/06/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,6 Dunrossil Dr,3,h,,PI,McGrath,17/06/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,40 Kingdom Av,3,h,,PI,YPA,17/06/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,26 Stymie St,5,h,1250000,S,Ray,17/06/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,62A Williamstown Rd,2,h,735000,PI,McGrath,17/06/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,7 Monaro Cl,3,h,,SP,Marshall,17/06/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,11 Bruce St,3,h,638000,S,Harcourts,17/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,34 Cyprus St,3,h,716000,S,Harcourts,17/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/4 William St,2,t,,PI,Harcourts,17/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,6/30 Warrenwood Pl,2,u,400000,SP,Mindacom,17/06/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Lower Plenty,14 Glenauburn Rd,5,h,800000,S,Barry,17/06/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,3/4 Skye St,2,u,585000,S,Ray,17/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,6 Mandrel St,2,t,505500,SP,hockingstuart,17/06/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,46b Suffolk St,3,t,805000,S,Jas,17/06/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4a Milton Pde,5,h,,PI,RT,17/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1 Wilks Av,4,h,3900000,S,Jellis,17/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,3 Ash Gr,4,h,2520000,PI,Marshall,17/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,42 Magazine Wy,4,h,1702000,SP,Jellis,17/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,6/82 Raleigh Rd,1,u,301000,S,Frank,17/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,20A Anne St,3,t,,S,hockingstuart,17/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,8 Lees St,4,h,,SP,hockingstuart,17/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/89 Wheatley Rd,3,u,960000,S,Buxton,17/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,19/300 King St,2,u,740000,VB,MICM,17/06/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,20/17 Queens Rd,1,u,,SP,Hodges,17/06/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,503/1 Roy St,2,u,820000,VB,Kay,17/06/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,2 Kym Pl,4,h,420000,S,Ryder,17/06/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,24 Brennan St,3,h,419000,S,hockingstuart,17/06/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,18 Arjun Av,3,h,400000,S,hockingstuart,17/06/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/32 Albenca St,3,t,1051000,S,Obrien,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,169 Balcombe Rd,4,h,1700000,S,hockingstuart,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/94 Beach Rd,2,u,525000,S,Thomson,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10/86 Collins St,2,u,670000,S,hockingstuart,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/29 Milan St,2,u,660000,S,Buxton,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12/35 Plummer Rd,2,u,600000,PI,Buxton,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/107 Warrigal Rd,2,u,455000,S,Buxton,17/06/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,3 Flowerdale Ct,3,h,517000,S,Harcourts,17/06/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,9 Powlett St,4,h,596000,S,Buckingham,17/06/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,78 Erskine St,4,h,2500000,VB,Greg,17/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,45 Nimmo St,3,h,,SP,Greg,17/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,36 Peugeot Prst,3,h,,SN,Harcourts,17/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Randell Ct,4,h,865000,S,Ray,17/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,16 Burnett St,4,h,1302000,S,Noel,17/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8/12 Irvine St,3,t,800000,VB,Noel,17/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Norman St,5,h,,SN,Noel,17/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5 Tennyson St,3,h,,PI,Biggin,17/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,21 Kingsley Cr,3,h,1565000,S,Fletchers,17/06/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,41 Windsor Cr,3,h,1657000,S,Jellis,17/06/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,36 Aberfeldie St,3,h,1850000,SP,McDonald,17/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/22 Ardmillan Rd,2,u,,PI,Nelson,17/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2 Lorne St,4,h,,SP,Jellis,17/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,7/110 Maribyrnong Rd,1,u,222000,S,Barry,17/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,53 Pattison St,2,t,750000,PI,McDonald,17/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,55 Pattison St,2,t,750000,PI,McDonald,17/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,6 Bataba St,4,h,1289000,S,RT,17/06/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,138 Rowans Rd,3,h,,S,Buxton,17/06/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,95 Cardigan Rd,4,h,651000,S,Ray,17/06/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,7 Cowley Ct,3,h,581000,S,iTRAK,17/06/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,2 Sharon Ct,6,h,,SP,hockingstuart,17/06/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,41a Bradshaw St,4,t,1320000,S,O'Brien,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5 Epsom Rd,4,h,1350000,PI,Ray,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5 Hanlon Cl,4,h,1150000,SP,Ray,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,6/9 McDonald St,2,u,470500,S,hockingstuart,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,23b Ormond St,3,t,870000,SP,Buxton,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,76B Warren Rd,4,t,,VB,hockingstuart,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/64 White St,2,u,645000,S,Hodges,17/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,23 Baily St,3,h,1530000,S,Ray,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,40 Bennett Av,3,h,1570000,S,Buxton,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/18 Biscayne Dr,3,t,,PI,McGrath,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 Carrol Gr,4,h,1352000,SP,McGrath,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,57 Cratloe Rd,3,h,1360000,S,Barry,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Malcolm Ct,3,h,1530000,S,Ray,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,27 Miller Cr,3,h,1600000,PI,Harcourts,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,85 Waimarie Dr,4,h,1728000,S,Jellis,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/43 Windsor Av,3,u,950000,SP,Buxton,17/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,10 Adela Ct,4,h,2000000,S,Ray,17/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Emily Ct,3,h,901000,S,Win,17/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,13 Excelsior Cct,3,h,757500,S,Ray,17/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,13 Merrill St,3,h,757000,S,Barry,17/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18 Vincent St,4,h,902000,S,Woodards,17/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3/30 Ardyne St,3,t,900000,S,Barry,17/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,21 Erindale St,4,h,,S,hockingstuart,17/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/17 Gerald St,2,u,660000,S,Woodards,17/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,12 Lydson St,3,h,1561000,S,hockingstuart,17/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,39 Mirls St,4,h,1005000,S,Sweeney,17/06/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,19 Nolan St,3,h,1300000,S,Nelson,17/06/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,27 The Avenue,4,h,1751000,S,Barry,17/06/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1/12 Alamein St,4,u,,SN,C21,17/06/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,18 Arnold St,3,h,635000,S,Purplebricks,17/06/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,60 Ellendale Rd,3,h,,PI,FN,17/06/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,6/44 French St,3,u,,W,Harcourts,17/06/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,8 Baillie St,1,h,1000000,S,W.B.,17/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,1/20 Bedford St,2,u,,SP,Jellis,17/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,3 Bickford La,2,t,,VB,Nelson,17/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,141 Howard St,1,t,780000,S,Nick,17/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,17/198 Peel St,2,u,550000,S,Biggin,17/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,19/700 Queensberry St,1,u,,SP,W.B.,17/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,10 Balgonie Pl,2,h,1001000,S,Nelson,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4 Barry St,2,h,905000,PI,Nelson,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,19 Emmaline St,3,h,1305000,SP,McGrath,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,205 Mitchell St,3,h,1516000,S,Barry,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/136 St Georges Rd,2,u,503000,SP,Jellis,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,210/231 St Georges Rd,2,u,555000,S,McGrath,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,31B Union St,3,h,,SP,McGrath,17/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,1/3 Saniky St,3,u,840000,S,Barry,17/06/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,7A Alern Ct,4,h,1430000,S,Barry,17/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/7 Lilian St,3,t,,SP,Jellis,17/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/7 Lilian St,3,t,,SP,Jellis,17/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,11 Plymouth Ct,3,h,913000,S,Fletchers,17/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,66 Springvale Rd,5,h,1060000,SP,hockingstuart,17/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,6 West St,3,u,806000,S,McGrath,17/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,74 Devereaux St,3,h,840000,SP,Nelson,17/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,45 New Rd,4,h,,SP,Brad,17/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,79 New Rd,4,h,1071888,SP,Rendina,17/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,117A Vincent St,2,t,790000,S,Eview,17/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1/17 Claudel St,3,t,820000,S,Biggin,17/06/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,36 Bossington St,3,h,1218500,S,hockingstuart,17/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,8 Salem Av,3,h,1110000,SP,Buxton,17/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,5/50 Glen Orme Av,3,t,985000,S,Ray,17/06/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,13/37 Murray Rd,2,h,695000,S,Buxton,17/06/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,46 Davey St,3,h,940000,S,Buxton,17/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,22 Keith St,4,h,1300000,SP,Buxton,17/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,58 Keith St,5,h,,SP,hockingstuart,17/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,16 Degraves St,3,h,,SP,Collins,17/06/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,7/517 Royal Pde,3,t,850000,S,Nelson,17/06/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,603/228 The Avenue,2,u,900000,VB,Nelson,17/06/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,54 Prospect St,4,h,1260000,S,Woodards,17/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/8 Quick St,3,t,800000,PI,Nelson,17/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,21 Stennis St,3,h,1199000,S,Nelson,17/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,10 The Parkway,3,h,,VB,Hodges,17/06/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,6 Beachview Pde,4,h,,W,Sanctuary,17/06/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3 Treeleaf Av,5,h,720000,S,Reliance,17/06/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,89 Tristania Dr,4,h,550000,SP,LJ,17/06/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,117 Liardet St,3,h,,PI,Marshall,17/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,280 Nott St,2,h,1355000,S,Greg,17/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,380 Ross St,3,t,1388000,S,Marshall,17/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,58 Station St,1,h,964000,S,Cayzer,17/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,4 Anchor Pl,4,h,1805000,S,Gary,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,107A Charles St,3,t,1420000,S,Whiting,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,409/10 Hillingdon Pl,2,u,735000,S,Beller,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,104/27 Macquarie St,1,u,440000,SP,Castran,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,31 Molesworth St,3,h,2200000,PI,hockingstuart,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10 Moss St,3,h,,SN,Kay,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,135 Williams Rd,4,h,2300000,VB,RT,17/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,4 Edith St,2,h,727000,S,Flannagan,17/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/25 Inverloch St,2,h,674000,S,Barry,17/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,35 Leicester St,3,h,1017500,S,hockingstuart,17/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,50 Newcastle St,2,h,1050000,S,Love,17/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,196 Raglan St,4,h,840000,PI,McGrath,17/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4 Academy Av,4,h,1145000,S,hockingstuart,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Acheron Av,3,h,890000,S,hockingstuart,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/36 Crookston Rd,3,u,510000,S,Barry,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Fordham Rd,4,h,,SP,Ray,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 McMahon Rd,4,h,930000,S,Love,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/65 Purinuan Rd,3,h,635000,SP,Ray,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,149 Spring St,2,h,850000,S,Love,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Sturdee St,3,h,780000,PI,Barry,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Winter Cr,2,h,,S,Nelson,17/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,4 Bell St,2,h,1172000,S,Collins,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,42 Brighton St,2,h,,S,Jellis,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,182 Buckingham St,3,t,1255000,S,Jellis,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Campbell St,2,h,1275000,S,Biggin,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,104/163 Cremorne St,1,u,433000,S,Jellis,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,51 Garfield St,3,h,1120000,S,Biggin,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,806/8 Garfield St,2,u,645000,SP,hockingstuart,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17/47 Mary St,3,h,1190000,S,Biggin,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/50 Palmer St,1,u,534000,S,hockingstuart,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7 Wiltshire St,3,h,1425000,S,Marshall,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,312/45 York St,2,u,650000,S,Marshall,17/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,96 Whittakers La,5,h,,SS,Leeburn,17/06/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,3/24 City Rd,2,u,475000,PI,Jellis,17/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,15 Hillcrest Av,3,h,742000,S,RW,17/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/2 Lavender St,3,t,,PI,Barry,17/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Norman Ct,3,h,800000,PI,Woodards,17/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,12 Regina St,3,h,,PI,Philip,17/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/14 Thomas St,3,h,,PI,Fletchers,17/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,7 Highton St,4,h,1175000,S,Barry,17/06/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,25a Holland Rd,2,u,,PI,Philip,17/06/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,9 Scenic Av,4,h,,SN,Barry,17/06/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,2/22 Avalon Gr,3,h,755000,SP,Carter,17/06/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,35 Burlock Av,3,h,,SP,hockingstuart,17/06/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,2/65 Evelyn Rd,2,u,602000,S,Philip,17/06/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,19 Middlebrook Dr,5,h,,PI,Barry,17/06/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,20 Alfreda Av,3,h,,S,Nelson,17/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,28 Leura Av,3,h,,SN,Miles,17/06/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,15 Ada St,4,h,1005800,SP,Jellis,17/06/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,4 Richard Ct,4,h,1275000,S,Ray,17/06/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,4 Siret Ct,4,h,,SN,Barry,17/06/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,4/64 Edward St,3,u,760000,VB,Hodges,17/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,5 Cliveden Ct,4,h,,PN,LJ,17/06/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,5 Ireland St,3,h,782500,S,Asset,17/06/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,2 Garden Gr,4,h,1410000,S,Greg,17/06/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,6 Alexander St,3,h,900000,SP,Village,17/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,5/4 Edward St,1,u,322500,S,Village,17/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,14 James St,3,h,900000,SP,Sweeney,17/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Skye,20 Overall Dr,4,h,555698,SP,Ray,17/06/2017,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,1403/38 Bank St,3,u,1250000,S,Greg,17/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,2/143 Cecil St,4,u,2920000,S,Cayzer,17/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,11/192 Cecil St,2,u,,SN,Gary,17/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,17/39 Dorcas St,1,h,407500,S,Greg,17/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,20 Law St,3,t,,PI,Marshall,17/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,43 Astair Av,4,h,630500,S,Ray,17/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,43 Rolain Av,3,h,510000,S,RW,17/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/2 Chapel Mw,2,u,810000,S,Beller,17/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,37/12 Copelen St,2,t,1050000,S,Kay,17/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/43 Cromwell Rd,2,u,771000,S,hockingstuart,17/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,61/120 Sturt St,2,u,642500,S,Greg,17/06/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,406/152 Sturt St,1,u,422500,PI,Dingle,17/06/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +St Albans,8 Avondale Av,5,h,,SN,Barry,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,46A Collins St,3,t,460000,S,Ray,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Cordelia Gr,3,h,,PI,Barry,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Cornhill St,3,h,610000,PI,S&L,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,13 Harmon Av,3,h,621000,S,Ray,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Harris St,3,h,630000,S,Ray,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,50 Station Av,3,h,,PI,Westside,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,50 Theodore St,3,h,,PN,Westside,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/52 Walter St,3,u,500000,S,Sweeney,17/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,9/60 Carlisle St,2,u,615000,S,hockingstuart,17/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,61 Waterloo Cr,2,h,,SP,Marshall,17/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,3 Brosnan Cr,3,h,1200000,PI,Brad,17/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,27 Holloway Cl,3,h,455000,SP,Raine,17/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,397 Ballarat Rd,4,h,,SN,Barry,17/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3/1 Centre St,4,u,660000,S,Bells,17/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,65 Devonshire Rd,3,h,810000,VB,GL,17/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,43 Duke St,3,h,805000,S,Douglas,17/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,7 Laura Ct,3,h,,PN,Bayside,17/06/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,3/68 Meadowbank Dr,2,u,,SN,Barry,17/06/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,1/11 Glengala Rd,3,h,453000,S,hockingstuart,17/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,4/26 Mailey St,2,u,,SN,Barry,17/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/52 Barton St,2,u,807000,S,hockingstuart,17/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/9 Boronia St,3,h,1310000,S,Noel,17/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/40 Durham Rd,3,u,780000,SP,Noel,17/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4 South Ct,5,h,,S,Marshall,17/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,18 Wandsworth Rd,5,h,,S,Marshall,17/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,22 Contursi Dr,3,h,471000,S,YPA,17/06/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,3 Clarafield Cr,3,h,545000,SP,Biggin,17/06/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,10 Zizina Av,4,h,,SN,Barry,17/06/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,27 Lucas Tce,3,h,558000,S,Barry,17/06/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,2 Clifton Ct,5,h,780000,S,Barry,17/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Panamuna Av,3,h,780000,SP,YPA,17/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,18 Whiteley Pde,4,h,715000,S,Barry,17/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,19 Browning Dr,4,h,2000000,S,Barry,17/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,9 Emerald Ri,4,h,1450000,S,Barry,17/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,124 Swanston St,3,h,1240000,S,Barry,17/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,206 Clarendon St,3,h,,VB,Nelson,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/24 Dundas St,2,t,756000,S,Love,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,11/305 Gooch St,3,t,750000,S,McGrath,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,170 Normanby Av,3,h,1100000,S,McGrath,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/98 Normanby Av,2,t,700000,S,Nelson,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,55 Rennie St,2,h,1205500,S,Nelson,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,371 Station St,3,h,1031000,S,McGrath,17/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8 Hill St,3,h,2500000,VB,Jellis,17/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21 Iona Av,4,h,6460000,S,RT,17/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,795 Malvern Rd,3,h,,SN,Abercromby's,17/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2 Myvore Ct,5,h,,SN,Abercromby's,17/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,27 Turnbull Av,4,h,3750000,PI,Rodney,17/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/3 Washington St,2,u,,S,Marshall,17/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont,12 Fiona Ct,5,h,1041000,SP,Barry,17/06/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,250 Hawthorn Rd,4,h,1050000,VB,Noel,17/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,23 Overland Dr,4,h,1208000,S,Ray,17/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,28 Kuranga Rd,3,h,940000,SA,Nelson,17/06/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,95 Harold St,3,h,,SN,Barry,17/06/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,5 Henry Rd,4,h,2020000,S,LLC,17/06/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,42 Frensham Rd,3,h,835000,S,Barry,17/06/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,28 Grace St,3,h,1010000,S,Buckingham,17/06/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,60 Princes St,3,h,830000,S,Miles,17/06/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,1/6 Hamilton Ct,3,h,,SP,Parkes,17/06/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,8 Maribyrnong Ct,3,h,442000,S,LJ,17/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,43 Stawell St,3,h,830000,SP,YPA,17/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,22 Park Av,3,h,700000,SP,Sweeney,17/06/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,192A Johnstone St,3,t,550000,S,YPA,17/06/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,15 Tourmaline Cr,2,h,736500,S,Win,17/06/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Windsor,19 Newry St,3,h,1400000,VB,Jellis,17/06/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,102/69 Newry St,1,u,447500,S,Marshall,17/06/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,1/70 Feathertop Dr,3,u,,PI,Barry,17/06/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,16 Lapstone Cr,4,h,1000000,S,Darren,17/06/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,1/24 Norfolk St,3,h,,SP,Jas,17/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,42 Wilkins St,4,h,1035000,S,Jas,17/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5/245 Williamstown Rd,3,t,,PI,Sweeney,17/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,196 Nicholson St,3,h,955000,S,Collins,17/09/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,42 Valiant St,2,h,890000,S,Biggin,17/09/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,4 Brunel Ct,3,h,1190000,S,Barry,17/09/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,75 King St,3,h,910000,S,McDonald,17/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,6 Kittyhawk St,4,h,773000,S,Brad,17/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,7 McNamara Av,3,h,715000,S,Barry,17/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,28 Dinsdale St,4,h,,S,Marshall,17/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,1/17 Rex Av,2,u,590000,PI,Nelson,17/09/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,1/28 Seves St,3,h,712000,S,hockingstuart,17/09/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,9 Begonia Av,5,h,972000,S,Sweeney,17/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,90 Rockbank Rd,4,h,570000,S,Bells,17/09/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,89 Suspension St,3,h,,SP,Barry,17/09/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1 Cambridge St,2,h,,S,Jellis,17/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,367 Dandenong Rd,6,h,5525000,S,Marshall,17/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10 Egerton Rd,4,h,,S,Jellis,17/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,34a Rose St,2,h,1125000,S,RT,17/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,42 Rose St,3,h,2250000,S,Marshall,17/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,67 Hurtle St,3,h,1180000,SP,Brad,17/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,95 Walter St,4,h,1480000,S,Raine,17/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,2a Lancaster St,3,h,980000,VB,Fletchers,17/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/1 Ramu Gr,3,t,1300000,VB,Jellis,17/09/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,44 Power Av,3,h,875000,PI,Woodards,17/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,16 Scenic Dr,5,h,1529500,S,Buxton,17/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,11 Captain St,3,h,835000,S,Buxton,17/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,14 Herbert St,3,h,585000,SA,Barry,17/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,6/23 Gourlay St,2,u,442000,SP,Buxton,17/09/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,53 Metung St,3,h,2120000,S,Jellis,17/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,28 Salisbury St,3,h,,S,Jellis,17/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,35a Stroud St,4,h,1800000,VB,Fletchers,17/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,87 Yerrin St,3,h,1910000,S,Jellis,17/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,5 Andrew Ct,3,h,,SP,Fletchers,17/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Dempster Av,5,h,1900000,VB,Marshall,17/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Woodville St,4,h,1712000,S,Fletchers,17/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,13 Larne Av,4,h,745000,S,Fletchers,17/09/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,11 Bayview Ri,4,h,700000,PI,Stockdale,17/09/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield Upper,48 Salisbury Rd,4,h,711000,S,LJ,17/09/2016,3808,Eastern Victoria,973,39.8,Cardinia Shire Council +Beaumaris,24 Haydens Rd,4,h,2575000,S,Buxton,17/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,81 Pellatt St,4,h,1900000,SP,Buxton,17/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10 Rosemary Rd,4,h,,SP,C21,17/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,59b Fromer St,3,t,1275000,S,hockingstuart,17/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,64 Tucker Rd,3,h,1095000,S,Buxton,17/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/96 Tucker Rd,2,u,797500,S,Ray,17/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,26 Almurta Rd,3,h,1200000,S,hockingstuart,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,35b Barrani St,4,t,,S,Buxton,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,29 Beddoe Av,5,h,1260000,S,Buxton,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/57 Brooks St,3,h,780000,PI,Buxton,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,48a Celia St,4,t,1250000,PI,Buxton,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,30 Chauvel St,3,h,750000,PI,Buxton,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,36 Kennedy St,3,h,1300000,S,Woodards,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Kennedy St,5,h,1475000,S,Woodards,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Leo St,4,h,1110000,S,Buxton,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,42 Marlborough St,2,u,835000,S,Woodards,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Moylan St,4,h,1690000,S,Gary,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,42 Paloma St,3,u,791000,S,Woodards,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,601 South Rd,3,h,900000,VB,Beller,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/51 Valkstone St,3,h,1189000,S,hockingstuart,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75 Victor Rd,3,t,825000,S,hockingstuart,17/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,14 Outlook Dr,4,h,,PI,Harcourts,17/09/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,99 Strathavan Dr,3,h,425000,S,hockingstuart,17/09/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1 Glenmore Cr,3,h,1610000,S,hockingstuart,17/09/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/334 Middleborough Rd,3,u,642000,S,Ray,17/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3 Windermere Ct,4,h,,SN,Woodards,17/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,26 Peter Av,3,h,,S,Noel,17/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,35 Aberdeen Rd,4,h,1342000,S,Noel,17/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,183 Eley Rd,5,h,1453000,S,Ray,17/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,37 Ilma Gr,3,h,790000,S,Harcourts,17/09/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,3 Laurel Av,4,h,,SN,Philip,17/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/950 Mountain Hwy,2,u,375000,SP,Max,17/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2 Strahan Ct,3,h,581000,S,Ray,17/09/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,12 Barcelona St,4,h,1461400,S,Allens,17/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/4 Collins St,3,u,775000,S,Fletchers,17/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,12 Pendle St,4,h,1506000,S,hockingstuart,17/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,33 Pendle St,4,h,1670000,S,Noel,17/09/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/8 Burnett Av,3,h,600000,S,Jas,17/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,80 South Rd,4,h,610000,VB,Biggin,17/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,18 Williams Rd,4,h,845000,S,Buckingham,17/09/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,9 Anne Cr,3,h,1811000,S,Gary,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,22 Champion St,3,h,2375000,S,HAR,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,194a Church St,3,t,,SN,Buxton,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Hamilton St,3,h,2275000,S,Marshall,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,679 Hampton St,3,h,1385000,S,Buxton,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,160 New St,2,h,1601000,S,RT,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,89 South Rd,3,h,2020000,S,Nick,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8 Southey St,3,t,1762000,S,Buxton,17/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,38 Agnew St,3,h,1710000,S,hockingstuart,17/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,36 Billson St,3,h,1800000,S,Buxton,17/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,29 Cluden St,4,h,1706000,S,Buxton,17/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Hughes St,4,h,,SP,Buxton,17/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/2 Robinson St,3,t,1300000,PI,Buxton,17/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Shasta Av,4,h,2355000,S,Buxton,17/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,154 Brunswick Rd,3,h,1050000,SP,Nelson,17/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Chambers St,3,h,1691500,S,Nelson,17/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,54 Davies St,2,h,1075000,PI,Jellis,17/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/1 Sturrock St,2,u,620000,S,Brad,17/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,6212/172 Edward St,2,u,590000,VB,LITTLE,17/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,10 Jarvie St,2,h,1024000,S,Nelson,17/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1/164 Nicholson St,2,h,800000,VB,Nelson,17/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,4/268 Hope St,3,t,,SN,Barry,17/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,33 Whitby St,2,h,1005000,S,Nelson,17/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,1/10 Bowral Ct,3,h,572000,SA,Barry,17/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,140 Greenhills Rd,3,h,595000,S,Ray,17/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,32 Tasman Dr,4,h,688000,SP,Barry,17/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,11 Alder St,4,t,,S,Noel,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/392 Burwood Hwy,3,t,752000,S,Allens,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/46 Gillard St,3,h,570000,S,Ray,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,10 Hastings St,3,h,1460000,S,Marshall,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/3 Havelock St,3,t,745000,S,Noel,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,42a Highbury Rd,5,h,757000,S,Fletchers,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,29 Iris St,3,h,,S,Marshall,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,4 Iris St,5,h,2150000,S,RW,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,8/33 McIntyre St,3,u,746000,S,Buxton,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 Monica St,3,h,990000,VB,Fletchers,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,73 Muyan Cct,3,t,,PI,Ray,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,19 Puerta St,3,h,1540000,S,Jellis,17/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,24 Christa Av,4,h,1010000,S,Fletchers,17/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,24 Terang Av,3,h,990000,S,McGrath,17/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,2/25 Hazel St,2,u,900000,S,Jellis,17/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Middle Rd,5,h,2700000,VB,Jellis,17/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,32 Milverton St,4,h,,SP,Marshall,17/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Stanhope Gr,4,h,,S,Jellis,17/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8/1277 Toorak Rd,2,u,530000,PI,Ross,17/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,36 Augusta Av,3,h,500000,S,Barry,17/09/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,5/69 Canterbury Rd,2,u,,S,hockingstuart,17/09/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,47 Warburton Rd,3,h,1680000,S,Fletchers,17/09/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,99 Neill St,3,h,1600000,SP,Nelson,17/09/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,10/81 Koornang Rd,2,u,662000,S,Ray,17/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,33 McLaurin Rd,3,h,1420000,S,hockingstuart,17/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/59 Moonya Rd,3,u,920000,SP,Woodards,17/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/6 Rigby Av,2,u,400000,VB,Gary,17/09/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,4/22 Valetta St,3,t,758500,SP,Ray,17/09/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield East,11 Leamington Cr,3,h,,S,Marshall,17/09/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,13/378 Dandenong Rd,2,u,722000,SP,Castran,17/09/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,1/19 Warrina St,4,t,965000,SP,Buxton,17/09/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3 Yambie La,3,h,920000,PI,LITTLE,17/09/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,5 Higham St,5,h,1200000,SP,Barry,17/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/1 Sunray Av,2,u,,PI,O'Brien,17/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,34 Tulip Gr,4,h,,SN,Buxton,17/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,4 Brambleberry La,5,h,,PI,Barry,17/09/2016,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,45 Jacobs Dr,3,h,,SP,Century,17/09/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,52 Fulton St,2,h,1005000,S,Thomson,17/09/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/99 Moriah St,3,u,661000,S,Ray,17/09/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/27 Manoon Rd,3,t,821000,S,Century,17/09/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/27 Manoon Rd,2,t,600000,S,Century,17/09/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,40 Spensley St,2,h,1405000,S,Nelson,17/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,4/93 Harding St,3,t,590000,VB,Ray,17/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Hutchinson St,3,h,,W,Peter,17/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,45 Kerferd St,4,h,1000000,SP,Peter,17/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,15/1 Manna Gum Ct,3,t,590000,PI,Brace,17/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Phillips St,3,h,1030000,S,Considine,17/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,54 Lincoln Av,3,h,,SN,Barry,17/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,3/7 Shorts Rd,2,t,,PI,Ray,17/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,6 Forest St,2,h,981000,S,Jellis,17/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,10/76 Oxford St,2,u,683000,S,Biggin,17/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,16 Bisley Ct,4,h,495000,SP,YPA,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,21 Falkland Rd,4,h,521000,S,Ray,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Grevillea St,3,h,402500,S,LJ,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,145 Hothlyn Dr,3,h,380500,S,Ray,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,118 Huntington Dr,4,h,525000,S,Ray,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Silkwood La,4,h,,SN,Barry,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Thorngrove Av,3,h,520000,S,Ray,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Willmott Dr,3,h,380000,SP,YPA,17/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Dallas,8 Stockdale Av,3,h,335000,S,YPA,17/09/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,56 Brady Rd,3,h,,SN,Barry,17/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,283 Gladstone Rd,5,h,583000,S,Hall,17/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,30 Waranga St,4,h,,PI,Barry,17/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,96 Bellbird Rd,4,h,,PI,Mason,17/09/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,28 Haley St,4,h,817000,S,Darren,17/09/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,1/55 Centre Dandenong Rd,3,u,580000,S,Buxton,17/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Sarose Ct,4,h,740000,S,Buxton,17/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,2/6 Baird Street Nth,3,t,,PN,Ross,17/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Benton Ct,3,h,1250000,PI,Jellis,17/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Louise Ct,3,h,1030000,S,Ray,17/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Toronto Av,5,h,1460000,PI,Barry,17/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,26 Cassowary St,4,h,1500000,S,Jellis,17/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/903 Doncaster Rd,2,u,700000,S,Jellis,17/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Taurus Rd,4,h,1155500,S,Barry,17/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8 Standring Cl,1,h,880000,S,Jellis,17/09/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Elsternwick,12/66 Riddell Pde,2,u,626000,S,Gary,17/09/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Eucalyptus Rd,4,h,1710000,PI,Morrison,17/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,63 Henry St,4,h,740500,S,Barry,17/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,6/36 Livingstone Rd,3,u,615000,SP,Barry,17/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,19/400 Barkly St,1,u,,S,Marshall,17/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2 Docker St,3,h,1625000,S,McGrath,17/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,13/9 Milton St,2,u,1122000,SP,Biggin,17/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/61 Ormond Rd,2,u,559000,PI,Buxton,17/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/38 Pine Av,3,u,1220000,SP,Chisholm,17/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/2 Southey St,2,u,,SP,Chisholm,17/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,116 Gleneagles Dr,3,h,,PN,O'Brien,17/09/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,11 Truslove Ct,4,h,,PN,LJ,17/09/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,1/26 Plowman Ct,2,h,325000,SP,Love,17/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Woodcutters Gr,5,h,681000,S,Iconek,17/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,49 Albion St,3,h,1134000,S,Barry,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5 Ballater St,5,h,1756000,S,Frank,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/23 Daisy St,1,u,320500,S,Nelson,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/82 Glass St,2,u,650000,S,Nelson,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2 McHale Ct,2,h,1065000,VB,Nelson,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/139 Roberts St,2,u,667000,S,Nelson,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,37 Woodland St,4,h,1610000,S,Hodges,17/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,51 Clydebank Rd,3,h,925000,S,Brad,17/09/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,209 Arthur St,4,h,,PI,Jellis,17/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,208 Bastings St,3,h,955000,S,Jellis,17/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/26 Disney St,3,t,,SN,Barry,17/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,39 Lynch Rd,3,h,751000,S,Stockdale,17/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,250 McBryde St,3,h,609000,S,Ray,17/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Penn Ct,3,h,605000,S,Brad,17/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,37 Pitt St,3,h,691500,S,hockingstuart,17/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,24 Corbert Ct,4,h,685000,S,Schroeder,17/09/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,32 Merlin Cr,3,t,695000,S,Schroeder,17/09/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,130 Windermere Dr,3,h,565000,S,Schroeder,17/09/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,9/144 George St,2,u,1000000,PI,Nelson,17/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,431 George St,3,h,1250000,PI,Nelson,17/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,190 Gore St,2,h,1440000,S,Nelson,17/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Footscray,52 Dudley St,4,h,,SN,Village,17/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/36 Empire St,2,u,310000,PI,Sweeney,17/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11 Geelong Rd,3,h,,PN,Village,17/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/33 Gordon St,1,u,305000,S,Burnham,17/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,31 Southampton St,3,h,860500,S,Burnham,17/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,39 Bessazile Av,3,h,963000,S,Allens,17/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2a Cherryl St,3,h,768500,S,Ray,17/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,5 Cumberland Ct,2,h,830000,S,Harcourts,17/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,116 Mahoneys Rd,4,h,905000,PI,Fletchers,17/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,1a Tadedor Ct,4,h,,SN,Woodards,17/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,42 Frome Av,3,h,560000,S,Harcourts,17/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Milford Cr,3,h,,SN,Barry,17/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/7 Oban St,3,u,482000,PI,U,17/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/7 Oban St,2,u,390000,VB,U,17/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,16 Watson St,4,h,,PI,Ray,17/09/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,39 Katrina Dr,3,h,490000,SP,Ray,17/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,8 Kingsmere Cl,3,h,,SN,Barry,17/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,97 Taylor Dr,3,h,,SN,Barry,17/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,205/1177 Glen Huntly Rd,1,u,,PN,Gary,17/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,9/9 Park Av,2,u,400000,PI,Ray,17/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,4/17 Belmont Av,2,u,585000,S,hockingstuart,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,218 Burke Rd,3,h,,PI,Noel,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,27 Celia St,3,h,1825000,S,Fletchers,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/14 Flowerdale Rd,2,t,,SP,Jellis,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,116 High St,5,h,2825000,PI,Jellis,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Maitland St,3,h,2825000,S,Jellis,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/1464 Malvern Rd,2,u,520000,PI,hockingstuart,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,27 Sunhill Rd,4,h,1825000,S,RT,17/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,35 Aurisch Av,4,h,,SP,Buxton,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Blossom Ct,4,h,,SN,Harcourts,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/114 Bogong Av,2,u,700000,S,Ray,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,102 Capital Av,4,h,939888,S,Ray,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Fraser St,3,h,1422000,S,Ray,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/44 Mount St,3,u,,SP,Prof.,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/513 Springvale Rd,3,u,,SP,Barry,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 The Rise,3,t,973888,S,Biggin,17/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,10 Anselm Gr,3,h,703000,S,Eview,17/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/112 Cardinal Rd,4,t,608000,S,Raine,17/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,55 Fran St,5,h,705000,PI,Barry,17/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9a Kennedy St,3,t,677000,S,Barry,17/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6/2 Murrell St,2,u,320500,S,Nelson,17/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 Trevannion St,3,h,,SN,Nelson,17/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,11 Seggan Cir,3,t,,SN,Barry,17/09/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,144 Grimshaw St,4,h,600000,S,Darren,17/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,142 Henry St,4,h,830000,S,Darren,17/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,96 Henry St,3,h,760000,S,Morrison,17/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,8 Abbey Al,4,h,,SP,hockingstuart,17/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 Erskine Ct,4,h,610000,S,YPA,17/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 Lamark Ct,4,h,1502000,S,Nelson,17/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,11 Dickinson St,2,h,542500,S,Ray,17/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,12 Foam St,4,h,2400000,S,Marshall,17/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,29 Thomas St,5,h,3075000,S,Marshall,17/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,7/150 Barkers Rd,2,u,,S,Marshall,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/22 Connell St,2,u,,SP,Woodards,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,23 Edgerton St,4,h,1936000,S,Kay,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2 Fordholm Rd,5,h,4250000,PI,Marshall,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3 Glen St,5,h,3500000,VB,Marshall,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/3 Harrison Cr,2,u,560000,S,RT,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/12 Pine St,2,u,487500,S,Kay,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/15 Yarra St,2,u,,SP,Woodards,17/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,3 Avenue Victoria,4,h,1920000,VB,Jellis,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,40 Campbell Gr,3,h,1420000,PI,Marshall,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,12/82 Campbell Rd,2,u,400000,VB,Noel,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5a Garden St,3,t,1790000,S,Jellis,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10 Miami St,3,h,2100000,VB,Marshall,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/305 Riversdale Rd,2,u,,SN,Christopher,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,45 Roseberry St,2,h,1335000,S,Fletchers,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,66 Roseberry St,3,h,1825000,S,Jellis,17/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,51 Anderson St,4,h,,SN,Fletchers,17/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2/56 Banksia St,2,t,595000,SP,Miles,17/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,17/74 Darebin St,2,u,,SP,Miles,17/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,13/127 Hawdon St,2,u,,SN,Miles,17/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,12 Burns Ct,3,h,659500,SP,Miles,17/09/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,29 Morotai Pde,4,h,758000,S,Miles,17/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,138 Outhwaite Rd,3,h,690500,S,Ray,17/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,27 Donald St,4,h,1502000,S,Jim,17/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/24 Jackson Rd,3,u,765000,S,Chisholm,17/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1 James Av,3,h,1160000,S,Hodges,17/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/24 Worthing Rd,2,t,775500,S,Hodges,17/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,65 Landscape Dr,4,h,545000,S,Barry,17/09/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Mallard Cl,5,h,,PI,Barry,17/09/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,91 Bethany Rd,3,h,391000,S,YPA,17/09/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/8 Calembeena Av,3,u,905000,S,Woodards,17/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,5/7 Warrigal Rd,2,u,400000,PI,Ray,17/09/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,44 Beatty St,5,h,1730000,S,Nelson,17/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/74 Marshall St,2,u,,SN,Miles,17/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,4/24 St Elmo Rd,2,t,779000,S,Miles,17/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kensington,2 Peppercorn Wk,1,t,542000,S,Nelson,17/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/37 Atkins St,2,t,672000,S,Nelson,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/13 Belmont Av,2,u,787000,S,Jellis,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,56 Cecil St,4,h,2350000,VB,Jellis,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,302 Cotham Rd,4,h,1312000,PI,RT,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/34 Dean St,2,u,890000,S,Jellis,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,37 Disraeli St,3,h,,SP,Marshall,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Gellibrand St,4,h,2117000,S,Fletchers,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,74 Gladstone St,2,h,1331000,S,Nelson,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Grandview Tce,4,h,1800000,VB,Kay,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,83 Normanby Rd,4,h,2513000,S,Nelson,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Park La,3,h,,S,Jellis,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,134 Parkhill Rd,4,h,,S,Marshall,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,33 Wrixon St,4,h,,S,Marshall,17/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,36 Belford Rd,4,h,1315000,SP,Nelson,17/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,41 Frater St,3,h,,SP,Marshall,17/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,29a Irymple Av,2,h,900000,S,Karen,17/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2 Violet Gr,3,h,1750000,S,Jellis,17/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,26 Merrick St,3,h,,SN,Barry,17/09/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsville,309 Geelong Rd,2,h,685000,SP,Village,17/09/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/357 Geelong Rd,3,t,600000,PI,Jas,17/09/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,33 Belindavale Dr,4,h,915000,S,Harcourts,17/09/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,6 Hayden Ct,4,h,,PI,Barry,17/09/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,219 Darebin Dr,3,h,455000,S,LJ,17/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,18 Robertson Cr,3,h,,SP,Village,17/09/2016,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,1 Anthony Cl,3,h,525000,PI,Nelson,17/09/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,8 Lookout Ri,3,h,737500,SP,Miles,17/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/29 Burns St,3,t,672000,SP,Biggin,17/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/29 Burns St,2,t,672000,SP,Biggin,17/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/32 Burns St,3,t,555000,PI,Biggin,17/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,29 Marsh St,3,h,815000,S,hockingstuart,17/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,43 Omar St,3,h,915000,S,hockingstuart,17/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,304/361 Glenferrie Rd,2,u,1155000,S,Marshall,17/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/19 Horace St,2,u,,S,Shape,17/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,54 Jordan St,3,h,,SP,Jellis,17/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,10/37 Wheatland Rd,1,u,,S,hockingstuart,17/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,2/25 Fisher St,3,t,1135000,S,Jellis,17/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1890 Malvern Rd,2,h,,SN,Buxton,17/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,25 Summerhill Av,4,h,,S,Jellis,17/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,41 Summerhill Av,4,h,,S,Jellis,17/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,7/13 Navigator St,2,h,335000,S,hockingstuart,17/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,12 Newstead St,4,h,1900000,VB,Nelson,17/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,33/300 King St,1,u,680000,S,MICM,17/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,25/32 Queens Rd,2,u,,S,Marshall,17/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,10/628 St Kilda Rd,2,u,796000,S,Buxton,17/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,2 Cochrane Av,2,h,1471000,S,Buxton,17/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/10 Commercial Rd,2,u,517500,S,O'Brien,17/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8 Gainsborough Rd,4,h,1035000,S,hockingstuart,17/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7 Houston St,2,h,672000,S,Hodges,17/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,36 Patty St,4,h,1650000,S,hockingstuart,17/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,31 Powers St,4,h,447000,SP,hockingstuart,17/09/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Siena Dr,3,h,600000,S,Harcourts,17/09/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,3 Apsley Ct,3,h,,SN,Barry,17/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Archer Pl,4,h,,SN,Barry,17/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,18 Christie Av,3,h,542500,S,Ray,17/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/4 Hawthorn Ct,3,h,485000,S,Ray,17/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Laurina Trn,5,h,703500,S,Ray,17/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/6 Windeatt Cl,2,h,400000,S,Ray,17/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,10 Cobham Rd,3,h,1050000,S,Ray,17/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,28 Cook Rd,3,h,,PI,Barry,17/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,27 Highland Av,5,h,1200000,PI,Noel,17/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,5 Kingsley Cr,3,h,,S,Fletchers,17/09/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,10 Zetland Rd,3,h,1355000,S,Jellis,17/09/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,38 Addison St,3,h,1480000,S,Alexkarbon,17/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,31 Bruce St,3,t,902000,S,Frank,17/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/19 Montague St,2,u,672000,SP,Nelson,17/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6/9 St James St,2,u,410000,S,Brad,17/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2 Margaret St,4,h,1300000,S,Woodards,17/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1 Otford Cl,3,h,975000,S,Woodards,17/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,12 Hutchins Cl,4,h,840000,PI,Barry,17/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,12 James La,4,h,1650000,S,hockingstuart,17/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/57 McDonald St,2,u,661000,S,O'Brien,17/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3/1 Bowman St,3,u,721000,S,McGrath,17/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/2 French St,3,t,,SP,Buxton,17/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/4 Maureen St,3,t,870000,S,Buxton,17/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Melanie Ct,3,h,850000,PI,Ray,17/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Wilga St,4,h,1155000,S,Barry,17/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,14 Stadium Cct,4,h,940000,S,Ray,17/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18a Valewood Dr,3,u,656000,S,Ray,17/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,111/121 Murrumbeena Rd,2,u,480000,SP,Gary,17/09/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,50 Alma Tce,4,h,,SN,Williams,17/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,15 Jubilee St,4,h,1040000,S,Greg,17/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,75 Oakbank St,2,h,922000,S,Williams,17/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4 Peel St,5,h,2415000,S,Williams,17/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,44 Jackson St,5,h,1400000,VB,Nelson,17/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2 Kelvin Cl,4,h,1080000,S,Nelson,17/09/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,25 Ardgower Rd,3,h,,SN,Barry,17/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,19 Dunblane Rd,3,h,,SN,Barry,17/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,5 Gertrude Ct,3,h,615000,S,iSell,17/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Jason Ct,3,h,,SN,Barry,17/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4 Rex Ct,3,h,525000,S,Ray,17/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,3 Murphy St,3,h,1470000,S,Jellis,17/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,5/97 Oshanassy St,2,u,591500,S,Jellis,17/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,83 Bastings St,3,h,1300000,S,Nelson,17/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/140 Darebin Rd,3,u,810000,SP,Jellis,17/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,96 Helen St,3,h,,S,Jellis,17/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,338 Separation St,2,t,701000,SP,Nelson,17/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/94 Union St,1,u,410000,S,Nelson,17/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,76 Esdale St,3,h,,SN,Woodards,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,7 Knightsbridge Av,4,h,,SN,Jellis,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3/16 Oxford St,3,u,817000,S,Noel,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,13 Ravenswood Ct,5,h,1535000,S,Jellis,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/14 Shady Gr,3,h,760000,PI,Jellis,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/293 Springvale Rd,3,u,,SP,iHomes,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,10 Sugargum Ct,4,h,,SN,Woodards,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,27a Tasman Av,3,h,,PN,Woodards,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,54 Worrell St,3,h,938000,S,Ray,17/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1 Jacaranda St,3,h,770000,S,Stockdale,17/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/54 Watt Av,3,t,599900,S,YPA,17/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,7/105 Atherton Rd,2,u,,PI,Buxton,17/09/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,56 Burlington St,3,h,1045000,S,Ray,17/09/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1249 North Rd,3,h,865000,SP,Buxton,17/09/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,70 Carmichael Rd,3,h,1135000,S,Woodards,17/09/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/30 Mimosa Av,3,u,710000,SP,Buxton,17/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,20 Howard Av,3,h,1350000,VB,McGrath,17/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,9/30 Lillimur Rd,2,u,,PI,Barry,17/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,428 North Rd,4,h,,PI,hockingstuart,17/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,6/13 Ulupna Rd,1,u,296000,SP,Thomson,17/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,6 Martingale Pl,3,h,,SN,Barry,17/09/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pascoe Vale,3 Fawkner Rd,3,h,940000,S,Nelson,17/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8 Karadoc Av,3,h,770000,S,hockingstuart,17/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,101 Northumberland Rd,3,t,600000,S,Eview,17/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/42 Railway Pde,2,t,510000,S,D'Aprano,17/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,26 Shanley St,3,h,,SN,Barry,17/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,27/5 Thompson Rd,2,u,395000,VB,Harcourts,17/09/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,6 Parkwood Tce,4,h,,SN,hockingstuart,17/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,46 The Promenade,3,h,545000,SP,Ray,17/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,46 Dunstan Pde,4,h,,VB,Greg,17/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,53/39 Esplanade Pl E,2,u,852000,S,Chisholm,17/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,16/174 Esplanade East,2,u,551000,PI,McDonald,17/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,9 The Cove,3,h,1570000,S,Biggin,17/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,1/34 Chomley St,2,u,,SN,RT,17/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,33 Irving Av,2,h,1880000,S,Jellis,17/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16/5 Lewisham Rd,2,u,,S,hockingstuart,17/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,29 Murray St,2,h,1500000,VB,Beller,17/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/99 York St,1,u,,SN,Biggin,17/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/99 York St,2,u,,SN,Biggin,17/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,3 Avondale Rd,3,h,980000,S,Harcourts,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,70 Bruce St,3,h,800000,S,hockingstuart,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Donald St,2,t,557000,S,RW,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16 Ellison St,4,h,930000,PI,Nelson,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,37 Kendall St,3,h,930000,S,Nelson,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Leopold St,2,h,886000,S,Nelson,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,78 Miller St,3,h,1080000,PI,Harcourts,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Ryde St,3,h,1040000,S,Nelson,17/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,51 Allenby Av,4,h,870000,S,Ray,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Churchill Av,5,h,620000,SP,RW,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,44 Crevelli St,4,h,,SN,Barry,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,79 Darebin Bvd,3,h,622500,S,Ray,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,89 Darebin Bvd,4,h,767500,S,Barry,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Down St,3,h,780000,PI,hockingstuart,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Elizabeth Ct,3,h,668000,S,Barry,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/993 High St,2,u,,SP,Love,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Lane Cr,3,h,705000,S,Love,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,129 McFadzean Av,3,h,730000,S,Ray,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53 Northernhay St,4,h,1215000,S,Nelson,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/60 Orrong Av,3,h,680000,PI,RW,17/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,18 Buckingham St,3,h,900000,S,Biggin,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,108/366 Church St,1,u,,S,Jellis,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36 Elm Gr,3,h,1695000,S,Marshall,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12 Glasshouse St,4,t,,S,Jellis,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Kennedy St,3,h,1365000,S,Nelson,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,117 Lord St,2,h,1088000,S,Biggin,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,110 Mary St,3,h,1765000,S,hockingstuart,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/2 New St,2,t,750000,S,Morleys,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,435 Punt Rd,3,h,961000,S,Biggin,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,58 Rooney St,2,h,1045000,S,Biggin,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Survey St,4,h,1591000,S,Collins,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,305/45 York St,1,u,402000,S,hockingstuart,17/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,11a Emerald St,3,h,750000,PI,Fletchers,17/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,60 Ford St,3,h,901000,S,Ray,17/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,39 Alexandra Rd,4,h,,SN,Barry,17/09/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,6 Grandview Av,3,h,963000,SP,Fletchers,17/09/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/28 Mt Dandenong Rd,2,u,470000,S,Fletchers,17/09/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,51 Davies St,3,h,1012000,S,Fletchers,17/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,109 Ellesmere Pde,3,h,1020000,SP,Miles,17/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,13 Burchall Cr,3,h,,PI,Hall,17/09/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Sandringham,9/86 Beach Rd,2,u,677000,PI,Buxton,17/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,90a Beach Rd,3,t,1575000,S,Buxton,17/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,73 Fernhill Rd,5,h,2315000,S,Nick,17/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,34 Park Av,3,h,,S,hockingstuart,17/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,29 Austin Rd,3,h,786000,S,Harcourts,17/09/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,22 McBride Cr,3,h,507000,SP,Harcourts,17/09/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,13 Sussex St,5,h,1415000,S,Greg,17/09/2016,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seaholme,42a Sussex St,4,t,1060000,PI,Greg,17/09/2016,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,5 Williamstown Rd,2,h,822500,SP,Biggin,17/09/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,88 Blackshaws Rd,3,h,845000,SP,hockingstuart,17/09/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,203/196 Albert Rd,2,u,1050000,VB,Marshall,17/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,481 City Rd,2,h,1100000,VB,Greg,17/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,24 Lyell St,3,h,1250000,VB,Greg,17/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,248 Montague St,3,h,1650000,VB,Marshall,17/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Yarra,2/100 Commercial Rd,3,u,805000,S,Kay,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/44 Darling St,2,u,630000,S,Thomson,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/2 Gordon Gr,2,u,600000,S,Jellis,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,48 Howitt St,3,h,1780000,SP,Jellis,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,76 Osborne St,1,h,2115000,S,Marshall,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/22 Rockley Rd,1,u,,S,Marshall,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/205 Williams Rd,1,u,523000,S,hockingstuart,17/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,13 Abbott St,3,h,835000,S,Williams,17/09/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,118 The Avenue,4,t,840000,S,Jas,17/09/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,983 Heatherton Rd,3,h,,PI,Barry,17/09/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,4/18 Watt St,2,h,,PI,iSell,17/09/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,1 Pimelea Tce,4,h,845000,SP,Ray,17/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,18 Stevens Rd,3,h,462500,SP,YPA,17/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1/13 Evelyn Wy,4,h,820000,PI,Morrison,17/09/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +Strathmore,124 Woodland St,3,h,1500000,SP,McDonald,17/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,29 Benjamin St,2,h,611000,S,Bells,17/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,127 Duke St,3,h,655000,S,Bells,17/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,35 Dunbar Av,2,h,,SN,Barry,17/09/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,46 Ferndale Rd,3,h,621000,S,Douglas,17/09/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,1 Joan St,3,h,575000,S,Douglas,17/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,6 Alandale St,3,h,1150000,S,Marshall,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/11 Blackburn St,2,u,823000,S,Fletchers,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,61 Durham Rd,5,h,2100000,VB,Marshall,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/215 Mont Albert Rd,2,t,770500,S,Jellis,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,38 Park Rd,4,h,1250000,PI,Jellis,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/242 Union Rd,3,h,,SN,Woodards,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,7/92 Union Rd,2,u,600000,PI,Noel,17/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,12 Pastoral Pl,4,h,627000,S,Prof.,17/09/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,21 Cardinia Cr,3,h,432000,S,Barry,17/09/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,4 Dorcas La,3,h,600000,S,hockingstuart,17/09/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,4 Sydney Gr,4,h,851000,S,Barry,17/09/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,14 Cassowary Cl,3,h,600000,S,Barry,17/09/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,25 Tasman Cr,4,h,672000,S,Barry,17/09/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Tecoma,6 Carrington Ct,4,h,565000,VB,C21,17/09/2016,3160,Eastern Victoria,869,30.4,Yarra Ranges Shire Council +Templestowe,3 Annan Pl,5,h,1570000,S,Jellis,17/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,12 Newlyn Cl,4,h,985000,S,Jellis,17/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,21a Oliver Rd,4,h,1500000,PI,Jellis,17/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Renoir Av,4,h,1566000,S,Jellis,17/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,34 The Grange,5,h,1106000,S,Barry,17/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,17 Vivaldi Ct,4,h,,SN,Philip,17/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3/8 Balmoral Av,3,h,905000,S,Barry,17/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,64 Magnolia Ct,4,h,1325000,S,Fletchers,17/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,11 Clarendon St,3,h,1400000,SP,Jellis,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,55 Comas Gr,3,h,1200000,S,Nelson,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,48 Leinster Gr,3,h,920000,S,Nelson,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,50 Leinster Gr,3,h,1110000,S,Nelson,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,146 Rossmoyne St,3,h,1200000,VB,Nelson,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/295 Rossmoyne St,2,u,560000,S,Nelson,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/304 Rossmoyne St,2,u,646000,S,Love,17/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,5 Kyeamba Gr,3,t,2050000,S,Rodney,17/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3 Mell St,5,h,2170000,S,Matthew,17/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,205/1 Wallace Av,3,u,2100000,VB,RT,17/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,5/52 Banksia Gr,3,h,510000,S,Stockdale,17/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,4/48 Sharps Rd,3,h,,SN,Barry,17/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,5 Coady Ct,4,h,1321000,S,Jellis,17/09/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,32 Fran Cr,3,h,970000,S,Miles,17/09/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,42 Lyon Rd,4,h,1042500,S,Miles,17/09/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,24 Northwood Dr,5,h,1025000,S,Nelson,17/09/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,16 Aisbett Av,4,h,867000,S,Harcourts,17/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,23 Tintern Cr,4,h,,SN,Barry,17/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,27 Sorrel Cr,3,h,680000,SP,Fletchers,17/09/2016,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +West Footscray,7 Church St,3,h,915000,S,Sweeney,17/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,28 Khartoum St,4,h,830000,S,Sweeney,17/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,17 Napoleon St,3,h,,SN,Village,17/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,12 Richelieu St,4,h,,SN,Village,17/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,38/28 Jeffcott St,4,u,860000,S,MICM,17/09/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,31a Riddell St,2,u,,PI,YPA,17/09/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,19 Jells Rd,4,h,1320000,S,Buxton,17/09/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Rebecca Cl,4,h,1120000,SP,Barry,17/09/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,18 James St,2,h,895000,SA,Hunter,17/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1 Laverton St,2,h,890000,VB,Greg,17/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4/54 Yarra St,2,u,375000,SP,Williams,17/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,2/4 Mary St,3,t,,SN,Gary,17/09/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9 Newry St,3,h,,S,hockingstuart,17/09/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Yallambie,2 Debra Ct,3,h,650000,S,hockingstuart,17/09/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,341 Yallambie Rd,4,h,,SP,Nelson,17/09/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,103/58 Ballarat St,1,u,381000,S,Sweeney,17/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,17 Banool Av,3,h,876000,S,Sweeney,17/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,136 Hyde St,4,h,1150000,S,hockingstuart,17/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,3/72 Charles St,4,h,1330000,PI,Kay,18/03/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,1/1 Mayfield St,3,h,,SP,Nelson,18/03/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,13/11 Nicholson St,3,t,900000,S,Beller,18/03/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,138/56 Nicholson St,3,u,1090000,S,Jellis,18/03/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2/7 Fawkner St,2,u,380000,VB,Brad,18/03/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,58 Waverley St,2,h,840000,VB,Brad,18/03/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,478 Fullarton Rd,3,h,810000,PI,Barry,18/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,144 Marshall Rd,3,h,715000,S,Rendina,18/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,106 Parer Rd,3,h,790000,S,Nelson,18/03/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,90 Danks St,3,h,,S,Marshall,18/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,129 Kerferd Rd,3,h,1900000,S,Greg,18/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,97 Page St,3,h,3010000,S,Greg,18/03/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,13 Maylands St,3,h,685000,S,Barry,18/03/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,3/98 Grange Rd,2,u,820000,S,Nelson,18/03/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,27 McIntyre Dr,3,h,840000,SP,Greg,18/03/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Armadale,12 Auburn Gr,3,h,2360000,S,hockingstuart,18/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,31 Hume St,2,h,1900000,VB,Jellis,18/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10/581 Orrong Rd,1,u,440000,SP,Jellis,18/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/8 Sutherland Rd,2,u,,SP,hockingstuart,18/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/92 Wattletree Rd,2,u,,SN,Thomson,18/03/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,15 Bayview Tce,2,h,1150000,S,Brad,18/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,57 Monash St,3,h,1350000,S,Brad,18/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,54 South St,5,h,1905000,S,Nelson,18/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/8 Walter St,2,t,865000,SP,Nelson,18/03/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,8 Glen Rd,3,h,,S,Fletchers,18/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,11 Munro Av,4,h,,S,Fletchers,18/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,46 Nicholas St,2,h,,S,Marshall,18/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,29A Yuile St,5,h,3510000,S,Jellis,18/03/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,13 Edmonds Av,2,h,1250000,S,Jellis,18/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,7 Jingella Av,3,h,1200000,VB,Jellis,18/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4 Nolan Ct,4,h,,S,Buxton,18/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4/36 Queens Pde,2,u,600000,S,Noel,18/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/11 Salisbury Rd,4,t,980000,PI,AIME,18/03/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,9 Willmott St,3,h,,PN,Eview,18/03/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,2/10 Military Rd,2,u,440000,S,Nelson,18/03/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,9 Willow Dr,3,h,850000,S,Moonee,18/03/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,8 The Avenue,2,t,,PI,McGrath,18/03/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,5/95 Balwyn Rd,2,u,754000,PI,Marshall,18/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,16 Grey St,4,h,,SP,Jellis,18/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,20 Henley St,3,h,1605000,SP,Marshall,18/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,33 Kireep Rd,3,h,,SN,Kay,18/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,35 Kireep Rd,5,h,,SN,Marshall,18/03/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,12 Clifton St,4,h,1720000,PI,Marshall,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Colby St,3,h,,S,Noel,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,6 Leicester St,4,h,1670000,S,Jellis,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Maud St,2,h,1350000,SP,Nelson,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/5 Maud St,2,u,,PI,Fletchers,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,21 Riverside Av,3,h,2086000,S,Jellis,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Seattle St,4,h,1675000,S,Fletchers,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Sylvan St,4,t,1680000,S,Noel,18/03/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaconsfield,2 Desmond Ct,5,h,,SN,C21,18/03/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,17 Cromer Rd,4,h,2184000,S,Buxton,18/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 McNamara St,3,h,1255000,S,Buxton,18/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,5A Oak St,3,t,1195000,S,Buxton,18/03/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,293 Bell St,3,h,,SP,William,18/03/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,58 Perkins Av,3,h,676000,S,Collins,18/03/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,353 Waterdale Rd,2,h,855000,S,Barry,18/03/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,3/18 Bleazby St,2,u,725000,S,hockingstuart,18/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33A Campbell St,4,t,1380000,PI,hockingstuart,18/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/1 Corbie St,3,t,825000,S,Buxton,18/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,25A Fromer St,3,t,,S,Buxton,18/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,77B Fromer St,3,t,1235000,S,Buxton,18/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2 Windsor Av,3,u,820000,PI,Ray,18/03/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,3/23 Elizabeth St,2,u,,SP,C21,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/11 Francesco St,3,t,1030000,S,Buxton,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/40 Francesco St,3,t,970000,S,Matthew,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Greenview Ct,3,h,930000,S,hockingstuart,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Haigh St,4,h,,SN,Ray,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Malane St,4,h,1510000,SP,C21,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/75 Marlborough St,3,u,,S,RT,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/1 Mervin St,3,t,1240000,S,Buxton,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1002 North Rd,3,h,823000,S,C21,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Parkmore Rd,4,h,1310000,S,Woodards,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Pasadena Cr,4,h,1270000,PI,hockingstuart,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Patricia St,4,h,,S,Buxton,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,71 Victor Rd,4,h,1475000,S,hockingstuart,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,40 Waratah St,4,t,950000,PI,Buxton,18/03/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,3/565 Balcombe Rd,2,u,765000,SP,Hodges,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/114 Bluff Rd,3,t,940000,S,Chisholm,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,23 Eliza St,2,h,1580000,S,Buxton,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,28 Love St,4,h,,PI,Buxton,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/32 Middleton St,3,t,1182000,S,Buxton,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/84 Stanley St,2,h,1050231,SP,hockingstuart,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,21 Stevens Pde,4,h,1850000,S,Buxton,18/03/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,5 Arna St,3,h,1431000,S,Stockdale,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/103 Central Rd,2,u,,S,Jellis,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5 Cloverlea Ct,4,h,1530000,S,Fletchers,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,21 Hillside Cr,3,h,1540000,S,Jellis,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/13 Kinkora Rd,4,h,,VB,Woodards,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5 Larch St,4,h,1600000,VB,Noel,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Norvel St,4,h,,SP,Fletchers,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,17 Oliver Av,2,h,1140000,S,Jellis,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,45 Rosalind Cr,3,h,1120000,S,Noel,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 The Terrace,3,t,845000,S,Jellis,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,20 Whitehorse Rd,2,u,,SN,Woodards,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,34 Whitehorse Rd,3,h,,SN,Stockdale,18/03/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,34 Devon Dr,4,h,,SN,Woodards,18/03/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,39 Aldinga St,3,h,,SN,Woodards,18/03/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/19 Barrina St,3,u,780000,S,Barry,18/03/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,16 Raleigh St,3,h,1205000,S,Barry,18/03/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,3B Harold St,3,h,821000,S,Buxton,18/03/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,9 The Waterfront,4,t,1065000,S,hockingstuart,18/03/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,9 Bradman Ct,3,h,826000,S,Ray,18/03/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,16 Jordan Ct,4,h,710000,S,Prof.,18/03/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/21 Springfield Rd,2,h,442000,S,Purplebricks,18/03/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,4/7 James St,2,u,,SN,Mandy,18/03/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,7/12 Oxford St,1,u,340000,SP,Lindellas,18/03/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1/11 Sweetland Rd,2,u,,PI,Woodards,18/03/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/8 Turner Cr,3,h,610000,VB,GL,18/03/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,13 Wilson St,3,h,696000,S,YPA,18/03/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,1A Baker St,3,h,2450000,S,Nick,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/14 Brickwood St,2,u,858000,S,Marshall,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/72 Dendy St,3,t,1427000,S,Marshall,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Loller St,3,t,2517500,SP,Marshall,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,36 Martin St,4,h,,S,Buxton,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 May St,4,h,2800000,S,Biggin,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Newbay Cr,5,h,,S,Chisholm,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/273 St Kilda St,2,u,,PI,Buxton,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53A Whyte St,4,h,2300000,PI,Nick,18/03/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,6 Egan St,3,h,,SP,Nick,18/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Holmhurst Ct,3,h,,S,Buxton,18/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Northern Av,3,h,1845000,S,Buxton,18/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,39 Plantation Av,4,h,,SP,Buxton,18/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7/87 Thomas St,2,u,770000,S,Hodges,18/03/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1/23 Housden St,3,h,,PN,Ray,18/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,17 Stanhope St,3,h,532000,S,YPA,18/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,157 Widford St,4,h,592000,S,YPA,18/03/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,23/10 Breese St,2,u,501000,S,Nelson,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,393A Brunswick Rd,3,h,1260000,S,Rendina,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17 Dunstan Av,3,h,1276000,SP,Nelson,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,52 Evans St,3,h,1650000,S,Nelson,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Horne St,4,h,,S,Jellis,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32 Laura St,2,h,1060000,S,Nelson,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/705 Park St,2,u,601000,S,Brad,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32 Rose St,1,h,800000,PI,Walshe,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17 Sutherland St,2,h,1015000,S,Nelson,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,133 Weston St,3,h,1410000,S,Raine,18/03/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,189 Glenlyon Rd,3,h,1125000,S,Collins,18/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,8/374 Lygon St,2,u,430000,SP,Ray,18/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,12 Lyndhurst Cr,4,h,1900000,S,Nelson,18/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3 Temuka Av,4,h,,S,Jellis,18/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7/72 Victoria St,2,u,390000,PI,Peter,18/03/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,7/7 Allard St,2,u,385000,SP,Jellis,18/03/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/21 Cumming St,2,u,656000,S,Collins,18/03/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/546 Moreland Rd,2,u,370000,S,Ray,18/03/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,10 Helene St,5,h,,SN,Philip,18/03/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,7 Kampman St,4,h,1300000,S,McGrath,18/03/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,63 Thompsons Rd,4,h,1250000,S,Barry,18/03/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,8 Amber Ct,4,h,930000,S,Barry,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Dilkara Av,3,h,678000,S,Darren,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,39 Greenwood Dr,3,h,659500,S,Barry,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Greenwood Dr,4,h,815000,S,Barry,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,416 Grimshaw St,3,h,680000,S,Barry,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,484 Grimshaw St,3,h,620000,SP,Miles,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,45 Jacqueline Rd,2,h,708000,S,Ray,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Kent Ct,3,h,731250,S,Ray,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Landbury Rd,3,h,652000,S,Ray,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Poinsettia Ct,2,t,345000,S,Ray,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Verdi Ct,3,h,720000,S,Barry,18/03/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,1/24 Edwards St,3,t,1145000,S,Jellis,18/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,38 Gillard St,5,h,1410000,PI,Fletchers,18/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 Iris St,4,h,,S,RT,18/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/17 Sunhill Av,4,t,902000,S,Jellis,18/03/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,9A Bettina St,3,h,788000,S,Barry,18/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,386 Blackburn Rd,3,h,,SN,Stockdale,18/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Highview Gr,5,h,1400000,S,Ray,18/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,6 Sitar Ct,3,h,1131000,S,Fletchers,18/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,38 Worthing Av,4,h,1300000,S,Buxton,18/03/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,3 Gumleaf Ct,4,h,635000,S,YPA,18/03/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,16 Arlington St,4,h,1946000,S,RT,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/9 Eddy St,2,u,,PI,Fletchers,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/17 Hazel St,2,u,805000,PI,Noel,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,15 Hollsmoor Rd,4,h,2228000,S,Jellis,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Maple Cr,3,h,,S,Jellis,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/1 Through Rd,3,t,930000,S,Ray,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/1021 Toorak Rd,2,u,590000,S,Jellis,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,37 Victoria Rd,4,h,4760000,S,Jellis,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Wilson Gr,3,h,1602500,S,Lindellas,18/03/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,77 Highfield Rd,5,h,3550000,VB,RT,18/03/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,100 Faraday St,2,h,1010000,S,Jellis,18/03/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,14/52 Leicester St,3,u,875000,S,Jellis,18/03/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,107/1 Queensberry St,2,u,,SP,Caine,18/03/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,119 Curtain St,1,h,885000,S,Nelson,18/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,75 Fenwick St,3,h,2050000,S,Nelson,18/03/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1/8 Beena Av,2,u,706000,S,Woodards,18/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,64 Coorigil Rd,4,h,1450000,PI,Jellis,18/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,35 Hunter St,3,h,1287000,S,Ray,18/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,17/40 Koornang Rd,1,u,,PI,Buxton,18/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,14 Lyons St,3,h,,S,Woodards,18/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/6 Parton Ct,2,u,650000,S,hockingstuart,18/03/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,38 Dahmen St,3,t,893000,S,hockingstuart,18/03/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,72 McLeod Rd,3,h,745000,S,hockingstuart,18/03/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,2B Poulson St,3,h,765000,S,Asset,18/03/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,1/28 Riversdale Av,3,h,810000,S,Ray,18/03/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,21 Westley St,4,h,1044000,S,Ray,18/03/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,37 Whatley St,3,h,925000,SA,hockingstuart,18/03/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,31 Bambra Rd,3,h,,SN,Thomson,18/03/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,15/496 Dandenong Rd,2,u,450000,S,Gary,18/03/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,9 Atkinson St,2,h,,SP,Fletchers,18/03/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,7 Inga Ct,3,h,1301000,S,Buxton,18/03/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,60 Ella Gr,2,h,,PI,Buxton,18/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1/17 Golden Av,2,u,585000,S,hockingstuart,18/03/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,1 Darren Ct,3,h,1065000,S,hockingstuart,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16 Garfield St,3,h,1000000,PI,Ray,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8 Gilford Gove,4,h,1300000,S,Maitland,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 McIvor St,3,h,1050000,S,Barry,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Norland St,4,h,1050000,SP,Greg,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,34 Tiffany Av,4,h,,PI,Buxton,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5/35 Tulip Gr,2,u,357000,S,Eview,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,57 Voltri St,4,h,1050000,S,Buxton,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Weatherall Rd,5,h,1400000,SP,Hodges,18/03/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,13 Carmella Cl,3,h,,SN,Barry,18/03/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,95 Carinish Rd,4,h,1120000,S,Woodards,18/03/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/4 Iona St,2,u,,SP,Barry,18/03/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,7 Barwon Ct,3,h,871000,S,Ray,18/03/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,2A Council St,2,h,880000,VB,Nelson,18/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,31 Fenwick St,2,h,1450000,VB,Nelson,18/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,104 Noone St,2,h,856000,S,Nelson,18/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,89 Noone St,2,h,,PI,Collins,18/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,65 Roseneath St,4,h,,S,Nelson,18/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,3/82 Roseneath St,3,h,900000,S,Nelson,18/03/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,19 Audley St,4,h,1136000,S,Ray,18/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Carron St,2,t,635000,S,Ray,18/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,57 Connolly Av,3,u,782000,S,Harcourts,18/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,196 Ohea St,3,h,1061000,S,Brad,18/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Suffolk Av,3,h,,SN,Brad,18/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Vincent St,4,h,1155000,S,Nelson,18/03/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3/44 Bakers Rd,2,t,,SN,Barry,18/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,47 Boyne St,3,h,745000,S,Raine,18/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,10/3 Newlands Rd,2,u,520000,S,Brad,18/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2/26 Renown St,2,u,532500,S,Brad,18/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,18 Ronald St,3,h,750000,S,hockingstuart,18/03/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,98 Hotham St,3,h,1470000,S,Jellis,18/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,182 Keele St,2,h,670000,S,Jellis,18/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,14/99 Oxford St,1,u,,PI,Jellis,18/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,107/10 Stanley St,1,u,430000,VB,Jellis,18/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,5/22 Stanley St,2,u,515000,S,Peter,18/03/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,5/1 Clarendon Av,3,t,,PI,Barry,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,191 Craigieburn Rd,3,h,522000,S,Professionals,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,445 Grand Bvd,3,h,482000,S,LJ,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Kirkbride Wy,4,h,537500,S,Ray,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,112 Newbury Bvd,3,h,372000,S,Ray,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,144 Newbury Bvd,4,h,600000,S,Ray,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Reay Dr,3,h,450000,S,Professionals,18/03/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,23 Lamont Cr,3,h,336500,S,Area,18/03/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,313/163 Cremorne St,1,u,415000,SP,Jellis,18/03/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,4/201 Dover St,2,h,,PI,Biggin,18/03/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,1/331 Dorset Rd,3,h,502000,SA,hockingstuart,18/03/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,23 Fortuna Av,3,h,991000,S,iTRAK,18/03/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,7 Shane Cr,3,h,,SN,Barry,18/03/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,2 Emerald St,2,h,387000,S,YPA,18/03/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,7 Blaxland Dr,3,h,596000,S,Hall,18/03/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1A Purley Dr,4,h,550000,SP,O'Brien,18/03/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,1/38 Barnsbury Rd,4,h,,S,Marshall,18/03/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,3/3 Meadow Gr,4,t,1745000,PI,Jellis,18/03/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,58 Welwyn Pde,4,h,620000,S,HAR,18/03/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,4 Themeda Ct,3,h,500000,SP,Prof.,18/03/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,17 Thistle Ct,4,h,520000,SP,Melbourne,18/03/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,16 Stirling Dr,4,h,,PN,HAR,18/03/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,2 Higgins Cl,4,h,,SN,Ray,18/03/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,12 Village Dr,3,h,678000,S,Buxton,18/03/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,4/98 Church Rd,4,t,985000,S,Fletchers,18/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,15 Glenda St,3,h,1300000,S,Jellis,18/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,34 Koolkuna Av,4,h,,S,Barry,18/03/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,17 Ascot St,3,h,1420000,PI,Ray,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,70 Beverley St,4,t,1360000,S,Barry,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/26 Greendale Rd,3,h,850000,S,hockingstuart,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,42 Huntingfield Dr,4,h,1100000,PI,Barry,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,59 Huntingfield Dr,5,h,,S,Jellis,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/5 Leura St,3,t,938000,S,Barry,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Marsden Cr,4,h,1360000,PI,Jellis,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/48 Thomas St,3,u,750000,S,Noel,18/03/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1/10 Chippewa Av,3,t,690000,PI,Noel,18/03/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1 Martha St,4,h,900000,PI,Barry,18/03/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/15 Wrendale Dr,3,t,830000,S,Jellis,18/03/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,24 Brooke St,2,h,2850000,S,Miles,18/03/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,7C Clydebank Rd,3,h,715000,S,Hodges,18/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,6c Hazel Av,3,t,975000,S,McGrath,18/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,303 Nepean Hwy,3,h,882000,S,C21,18/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1 Randall Av,4,h,1070000,S,hockingstuart,18/03/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1 Bent St,3,h,2160000,S,Biggin,18/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,1/20 Downshire Rd,2,u,800000,S,Rodney,18/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,10/488 Glenhuntly Rd,2,u,485000,S,Buxton,18/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,15 Murray St,4,h,3000000,S,Biggin,18/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,36 Murray St,3,h,,SN,Biggin,18/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,25 Prentice St,3,h,1500000,VB,Biggin,18/03/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,12/41 Arthur St,2,u,617000,S,Morrison,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,14 Ashdale Gr,3,h,930000,S,Buckingham,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,38 Banoon Rd,5,h,2022000,S,Fletchers,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/60 Bible St,2,u,585000,S,Barry,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1319 Main Rd,3,h,2500000,S,Morrison,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,51 Milborne Cr,4,h,850000,S,Morrison,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,32 Wycliffe Cr,4,h,920000,S,Barry,18/03/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,9/2 Alfriston St,1,u,369000,S,hockingstuart,18/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/282 Barkly St,2,u,525500,SP,Buxton,18/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,90 Milton St,3,h,,SP,McGrath,18/03/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,4 Nicholson Cl,5,h,770000,VB,O'Brien,18/03/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,10 Patterson Ct,3,h,560000,PI,Grant's,18/03/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,11 Patterson Ct,3,h,,SP,Grant's,18/03/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,21 Ambrosia Cl,4,h,640000,PI,Harcourts,18/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Essex Ct,3,h,510000,SP,hockingstuart,18/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,44 Farmhouse Bvd,3,h,480000,S,Harcourts,18/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,24 Kinlora Av,3,h,556000,S,Ray,18/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Maywood Dr,3,h,507500,SP,Ray,18/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Sunbird Gdns,3,h,514000,S,Harcourts,18/03/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,131 Bradshaw St,3,h,1695000,S,Nelson,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24A Daisy St,2,h,930000,S,Barry,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Hoddle St,4,h,1870000,S,Nelson,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/36 King St,2,u,395000,SP,Jellis,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,79 Lincoln Rd,4,h,1726000,S,Nelson,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,53A Market St,3,h,1050000,S,Nelson,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,101 McCracken St,3,h,1470000,S,Nelson,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/899 Mt Alexander Rd,3,t,878500,S,LITTLE,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/161 Ogilvie St,3,h,801500,S,Barry,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/13 Winifred St,2,u,480000,VB,McDonald,18/03/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,64 Kerferd St,5,h,1360000,S,Nelson,18/03/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,125 Grange Rd,3,h,1700000,PI,Jellis,18/03/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,1/72 Rathmines St,2,u,510000,S,hockingstuart,18/03/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,31 Rushall St,3,h,,SN,Nelson,18/03/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,4/10 Station St,1,u,300000,VB,Raine,18/03/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,106 Jukes Rd,3,h,850000,SP,Leased,18/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,26 Ledger Av,3,h,760500,S,Brad,18/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,6 Lock St,4,h,752500,SP,hockingstuart,18/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Syndal St,3,h,650000,SP,Brad,18/03/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,40 Loretto Av,2,h,605000,S,Philip,18/03/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,11 Lumeah Cr,3,h,880000,S,Fletchers,18/03/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,13 Summerhill Cl,3,h,710000,S,Schroeder,18/03/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,24 Whitehall Tce,4,h,887500,S,Ray,18/03/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,4 Garfield St,2,h,,S,Nelson,18/03/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,20 Westgarth St,2,h,1315000,S,Jellis,18/03/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,24 Batman St,2,h,1255000,S,Harrington,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,83 Best St,3,h,1700000,VB,Nelson,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,35 Birkenhead St,2,h,1290000,S,Chambers,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,8/3 Miller St,2,t,750000,S,Woodards,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,9/222 Queens Pde,3,u,674000,S,Chambers,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23/86 Queens Pde,2,u,675000,SP,Nelson,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,44 Reid St,4,t,1700000,VB,Jellis,18/03/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,12 John St,2,h,845000,S,Nelson,18/03/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,5/11 Eldridge St,2,u,,PI,Sweeney,18/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2 French St,3,t,820000,SP,Sweeney,18/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12/3 Gordon St,1,u,210000,VB,Trimson,18/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,42b Swan St,2,t,597000,S,Nguyen,18/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,88 Victoria St,3,h,875000,S,Village,18/03/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,11 Hylton Cr,5,h,,SN,Woodards,18/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2 Maldon Tce,3,h,707500,S,Ray,18/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,1/8 Morloc St,3,t,,SN,Biggin,18/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,29 Ranfurlie Rd,3,h,1125000,S,Barry,18/03/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,21 Bayview Rd,3,h,650500,S,hockingstuart,18/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Graeme St,3,h,,SN,O'Brien,18/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,47 Nolan St,2,h,642000,S,Community,18/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4 Oaklands Cr,3,h,580000,S,One,18/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,11 Onkara St,4,h,490000,S,hockingstuart,18/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,36 Petrie St,3,h,,SN,Barry,18/03/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,26 Forster Av,4,h,,PN,Biggin,18/03/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston North,65 Rosemary Cr,3,h,,SP,O'Brien,18/03/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,19 Highland Dr,3,h,717000,SP,Eview,18/03/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,14 The Willows,5,h,881000,S,McDonald,18/03/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,18 Henley Dr,4,h,615000,SP,Barry,18/03/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,7 Hinton Cl,4,h,626000,S,Barry,18/03/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,78 Wolverton Dr,4,h,675000,S,Barry,18/03/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,6/219 Burke Rd,1,u,328000,S,Jellis,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Courang Rd,4,h,,S,Jellis,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Harris Av,4,h,,PI,Marshall,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,76 Iris Rd,4,h,,PI,Marshall,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Morell St,4,h,2016000,S,Jellis,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,13 Nash St,4,h,,PI,Marshall,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33 Rosedale Rd,5,h,3085000,S,Marshall,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,32 Ruskin Rd,5,h,,PI,Fletchers,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33A Scott Gr,3,h,1710000,S,Noel,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,23 Somerset Rd,3,h,1770000,SP,Noel,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Yeovil Rd,3,h,1765000,S,Philip,18/03/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,39 Atheldene Dr,5,h,2123000,S,Harcourts,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Avendon Bvd,5,h,1780000,S,Harcourts,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/19 Belmont Rd,4,t,1100000,PI,Barry,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,110 Bogong Av,3,h,1625000,PI,Noel,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Booran Av,3,h,,SP,hockingstuart,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5/10 Chivers Av,3,t,,SN,Biggin,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,236 Gallaghers Rd,4,h,1270000,S,Jellis,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,321 Gallaghers Rd,4,h,,SN,Harcourts,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Hinkler Rd,3,h,1970000,S,Stockdale,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Kurrajong Av,4,h,1368000,S,Ray,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Mannering Dr,4,h,,SN,Biggin,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/10 Montclair Av,3,u,1280000,PI,hockingstuart,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,101 Springvale Rd,3,h,1018000,S,Barry,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 The Ridge,3,h,1515000,S,Ray,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Wedge Ct,4,h,1710000,PI,Barry,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,70 Winmalee Dr,3,h,1116000,S,Harcourts,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Yanigin Dr,3,h,1250000,PI,Harcourts,18/03/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,21A Cosmos St,3,h,577000,S,Barry,18/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,97 Loongana Av,4,h,920000,S,Professionals,18/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/788 Pascoe Vale Rd,2,t,450000,SP,Barry,18/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,14/854 Pascoe Vale Rd,2,u,230000,PI,Raine,18/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/36 Prospect St,4,t,607000,S,YPA,18/03/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,41 Marigold Cr,3,h,690000,SP,hockingstuart,18/03/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,4 Aintree Ct,4,h,800000,S,Darren,18/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4/81 Alexandra St,2,u,570000,S,Darren,18/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/20 Greenmeyer Ct,2,h,,S,hockingstuart,18/03/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,44 Drummond St,6,h,1435000,S,Barry,18/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1 Hull Ct,3,h,700000,S,LJ,18/03/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,1/3 Alicia St,3,u,1450000,S,hockingstuart,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,75 Crisp St,5,h,3201000,S,Marshall,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/308 Hampton St,2,u,875500,S,RT,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,30 James Cr,3,h,950000,VB,C21,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6/63 Linacre Rd,3,t,1400000,S,Buxton,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5b Ocean St,3,u,1457500,S,hockingstuart,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Smith St,5,h,2600000,PI,Hodges,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3 Smith St,2,h,1465000,S,Marshall,18/03/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,24 Apex Av,3,h,939000,SP,Buxton,18/03/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,75 Somerville Rd,4,h,600800,S,LJ,18/03/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,11/70 Church St,3,u,630000,S,Jellis,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1 College St,3,h,1560000,PI,Jellis,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,36 College St,2,h,2265000,S,Morrison,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6 Dean Av,4,h,4300000,S,Marshall,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,305/567 Glenferrie Rd,3,u,840000,VB,hockingstuart,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1B Hepburn St,3,h,1780000,SP,Jellis,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/179 Power St,2,u,605000,S,Jellis,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9 Power Av,4,h,,S,Marshall,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/8 Simpson Pl,3,h,1995000,S,Sotheby's,18/03/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,452 Barkers Rd,5,h,3210000,S,Jellis,18/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/2 Clifton Rd,2,u,840000,S,Jellis,18/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,501/38 Harold St,2,u,705000,PI,Marshall,18/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,21 Myrniong Gr,4,h,3310000,S,RT,18/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,14 Westley St,4,h,,S,Marshall,18/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,22 Wiseman St,4,h,,S,Jellis,18/03/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Healesville,3 Evelyn Gr,3,h,750000,VB,Eview,18/03/2017,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,1C Campbell St,4,h,1000000,PI,Ray,18/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,8 Campbell St,4,h,,PI,Fletchers,18/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,77 Cuthbert St,4,h,,SN,Barry,18/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,8 Dawsons Gln,3,h,,SN,Philip,18/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,3/11 Louis St,3,t,,SN,Barry,18/03/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,98 Brown St,4,h,,S,Nelson,18/03/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,22/127 Hawdon St,3,u,690000,VB,Miles,18/03/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,15 Baker Cr,4,h,890000,S,Love,18/03/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,26 Marie Av,3,h,755000,S,Miles,18/03/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,6 Marks Av,2,h,780000,SP,William,18/03/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,26 Blackwood Pde,2,h,,S,Nelson,18/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,19 Derna St,2,h,752000,S,Barry,18/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2/8 Maple Ct,3,u,,S,Nelson,18/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,6 Pandanus Ct,2,h,777000,S,Barry,18/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,109 Ramu Pde,2,h,680000,PI,C21,18/03/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,33 Henry St,3,h,1465000,SA,Hodges,18/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/61 Jackson Rd,3,t,937750,S,Charlton,18/03/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,64 Domain Dr,4,h,580000,S,YPA,18/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,19 Glenbruar Dr,4,h,576500,S,Barry,18/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,33 Pilgrim Dr,3,h,620000,SP,Barry,18/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,4 Ridge La,4,h,690000,SP,Barry,18/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,6 Wendover Cr,4,h,720000,PI,O'Brien,18/03/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,29 Barrot Av,3,h,485000,SP,Barry,18/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,219 Bellbridge Dr,3,h,480000,S,YPA,18/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,30 Evrah Dr,3,h,510000,S,Triwest,18/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,15 First Av,3,h,502000,S,Greg,18/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Paloma Ct,4,h,553500,S,PRDNationwide,18/03/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hurstbridge,101 Meander Rd,3,h,635000,PI,LJ,18/03/2017,3099,Northern Victoria,1345,26.1,Nillumbik Shire Council +Ivanhoe,32 Ailsa Gr,3,h,1850000,S,Miles,18/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,191 Banksia St,3,h,,SN,Miles,18/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/11 Clark Rd,4,h,1950000,S,Marshall,18/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,21 The Boulevard,2,h,1910000,S,Nelson,18/03/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,16 Gavin St,3,h,537000,S,Barry,18/03/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,61 Dongola Rd,3,h,652500,S,Barry,18/03/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,2/15 Karu Ct,4,h,632000,S,Nelson,18/03/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,4 Bernard Ct,2,h,,S,Barry,18/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,7 Park Dr,3,t,680000,SP,Nelson,18/03/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,50 Collinson St,4,h,820500,S,YPA,18/03/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,13/26 Barnett St,1,u,445000,S,Jellis,18/03/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/15 Atkins St,3,h,,S,Jellis,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,35 Barrington Av,4,h,,SN,Kay,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2A Churchill St,3,h,1476000,S,Jellis,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,30 College Pde,4,h,2590000,S,Marshall,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,176 Cotham Rd,4,h,2625000,PI,Marshall,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,116 Edgevale Rd,3,h,,SP,Marshall,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,140 Eglinton St,3,h,,SP,Marshall,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Kent St,4,h,,S,Marshall,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Moonbria Av,5,h,3800000,VB,RT,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,31 Peel St,8,h,3130000,S,Jellis,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,45 Stevenson St,4,h,2265000,S,Jellis,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25 Thomas St,4,h,,S,RT,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,93 Wellington St,5,h,,SN,hockingstuart,18/03/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,17 Hamilton St,5,h,3028000,S,Jellis,18/03/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/1 Hartwood St,3,h,,S,Marshall,18/03/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,13 Ratten Av,5,h,,PI,Fletchers,18/03/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,20 Cochrane Av,3,h,,SN,Barry,18/03/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,14 Filer Ct,3,h,655000,S,Buxton,18/03/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,68 Geoffrey Dr,5,h,1375000,S,McGrath,18/03/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsville,153 Coronation St,3,h,967500,S,Jas,18/03/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/57 Kingsville St,1,u,210000,S,Jas,18/03/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,78 Williamstown Rd,3,h,,SP,Village,18/03/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,77 Elizabeth St,3,h,,SP,Jellis,18/03/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,8 Brigette Ct,3,h,536000,SP,YPA,18/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,20 Ella Ct,3,h,522000,S,Harcourts,18/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,4/389 High St,2,u,382000,S,Love,18/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,25 Howell St,3,h,605000,SP,Greg,18/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,42 Kiama Dr,3,h,585500,S,Harcourts,18/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,14 Luzon Ct,3,h,,S,Love,18/03/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,9 Studley Ct,3,h,,SN,Barry,18/03/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lilydale,127 The Gateway,4,h,,SN,iTRAK,18/03/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,22 Glenauburn Rd,4,h,980000,S,Darren,18/03/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,1/15 Laing Pl,3,u,,S,Barry,18/03/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,19/12 Crefden St,2,u,,PN,Pagan,18/03/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,17/46 Eucalyptus Dr,2,u,352500,S,hockingstuart,18/03/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,40 Cawkwell St,3,h,,PI,Marshall,18/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,9 Fraser St,3,h,3010000,S,Jellis,18/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,16/236 Wattletree Rd,2,u,,PI,Thomson,18/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,45 Wheatland Rd,4,h,,S,Marshall,18/03/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1/14 Durward Rd,4,t,1240000,PI,Jellis,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/14 Durward Rd,3,t,1120000,PI,Jellis,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,32 Emo Rd,5,h,,S,Jellis,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,68A Emo Rd,3,h,1625000,S,hockingstuart,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,8/7 Hedgeley Av,2,u,695000,S,Jellis,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,34 Ivanhoe Gr,3,h,,VB,RT,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,10 Manning Rd,5,h,,S,Jellis,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,558 Waverley Rd,3,h,1500000,S,Marshall,18/03/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,20/9 Fabian Ct,2,t,429000,S,Trimson,18/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,44/2 Horizon Dr,2,u,495000,S,Brad,18/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,401/4 La Scala Av,3,u,,PI,Biggin,18/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1 Nayook La,3,t,820000,VB,Biggin,18/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,37 Raleigh Rd,4,h,,W,Rendina,18/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,23/4 Wests Rd,3,h,456000,SP,Raine,18/03/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,7 Carlton St,4,h,2368000,S,hockingstuart,18/03/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,9 Clee St,5,h,1625000,S,Woodards,18/03/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,68 Murray Rd,3,h,1400000,SP,Buxton,18/03/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,11 Coorong Ct,3,h,480000,SP,Barry,18/03/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1001/639 Little Bourke St,2,u,470000,VB,Greg,18/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,903/16 Liverpool St,1,u,,W,Greg,18/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,506/70 Queens Rd,1,u,390000,VB,MICM,18/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,3301/288 Spencer St,2,u,650000,VB,Elite,18/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,715/300 Swanston St,2,u,483000,S,Greg,18/03/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,111 Barries Rd,4,h,347500,S,hockingstuart,18/03/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,1 Brand Ct,3,h,359000,S,hockingstuart,18/03/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,3 Findon Wy,4,h,292500,S,hockingstuart,18/03/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/60 Beach Rd,2,u,675000,S,Buxton,18/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/74 Collins St,2,u,700500,S,Hodges,18/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,17 Houston St,2,h,670000,S,Hodges,18/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4/113 Warrigal Rd,2,u,480000,S,Ray,18/03/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,9 Brunton Dr,3,h,,PI,Harcourts,18/03/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,13 Abloom Vw,4,h,,PN,RE,18/03/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,48 Langridge St,2,h,,S,Greg,18/03/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,30A Bradley Dr,3,h,450000,S,Ray,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1C Bremner Ct,3,h,456250,S,Ray,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Konrads Cr,4,h,555000,S,Harcourts,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Laver Ct,3,h,641000,S,Harcourts,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 MacArthur Ct,3,h,620000,S,Ray,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,110 Redleap Av,4,h,,SN,Barry,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 University Dr,4,h,,PI,Barry,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Villosa Ct,5,h,1050000,S,Ray,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Westleigh Ct,3,h,561000,S,RW,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Whitfield Ct,4,h,618000,SP,Love,18/03/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,4/3 Coppin Cl,2,u,568000,S,Ray,18/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5 Lake Av,4,h,1330000,S,Noel,18/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,14 Trenham Ct,4,h,900000,PI,Jellis,18/03/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,27 Grace St,3,h,,SN,Kay,18/03/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/18 Lorne Pde,3,t,,PI,Marshall,18/03/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,12 Rostrevor Pde,4,h,2335000,S,Kay,18/03/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,80 Victoria Cr,4,h,,PI,Fletchers,18/03/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,9 Victoria Cr,4,h,,SP,Marshall,18/03/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,19A Looker Rd,3,h,780000,S,Barry,18/03/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,15 Robert St,3,h,900000,S,Barry,18/03/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/43 Buckley St,1,u,,PN,Pagan,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,18A Fanny St,5,t,980000,PI,Nelson,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,16 Laura St,4,h,,S,Nelson,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,47 Margaret St,2,h,1055000,S,Moonee,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,22/122 Maribyrnong Rd,2,u,440000,VB,Barry,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,64 Salisbury St,3,h,1435000,S,Nelson,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3 Sussex St,4,h,1275000,S,Nelson,18/03/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,23 Franklin St,4,h,1070000,S,Buxton,18/03/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,12A Central Av,2,h,470000,VB,McGrath,18/03/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,25 Donald St,3,h,1305000,S,Jellis,18/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,74 Lechte Rd,3,h,1580000,S,Ray,18/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,111 Lemont Av,3,h,,SN,Noel,18/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Sampson Dr,3,h,1025000,S,Harcourts,18/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/52 St Albans St,4,t,1550000,S,McGrath,18/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,549 Stephensons Rd,3,h,,PI,Buxton,18/03/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,68 Curie Av,5,h,920000,S,Ray,18/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Malone Gr,3,h,900000,S,Ray,18/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Matlock Av,4,h,891000,S,Hall,18/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,32 Richmond Cct,3,h,690000,S,Ray,18/03/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,50 Brett St,3,h,,SN,hockingstuart,18/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4/167 Murrumbeena Rd,1,u,331000,S,Thomson,18/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,62 Murrumbeena Cr,6,h,1000000,VB,hockingstuart,18/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/14 Wilson St,2,h,685000,S,hockingstuart,18/03/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,21 Junction St,2,h,,W,Jas,18/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/145 Mason St,2,h,780000,SP,RT,18/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,53 Mason St,4,h,1115000,S,Greg,18/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4 Wilkins St,3,h,1675000,S,Williams,18/03/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,114 Hotham Rd,3,h,1065000,SP,Barry,18/03/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,40a Jackson St,3,h,1291000,S,Barry,18/03/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/6 Athol Rd,4,h,630000,SP,Ray,18/03/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,8 Kleine St,5,h,,SN,Barry,18/03/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,32 Stackpoole St,3,h,,SN,Barry,18/03/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,9 Brooke St,2,h,1255000,S,Ray,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/175 Gladstone Av,1,u,310000,PI,LITTLE,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,83 Gladstone Av,3,h,1215000,S,McGrath,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/19 Glanfield St,2,u,665000,PI,Barry,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Lorna Av,2,h,1800000,S,McGrath,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,17 McDonald St,4,h,,SN,Noel,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,17B McFarlane St,2,h,1085000,S,McGrath,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7 McLachlan St,3,h,2315000,SP,McGrath,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Thames St,4,h,,S,Jellis,18/03/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,25 Westerfield Dr,3,h,955000,SP,Harcourts,18/03/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,1 Lindsay Av,3,h,987500,S,Fletchers,18/03/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,4 Solar Ct,4,h,1170000,S,Fletchers,18/03/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/271 Springvale Rd,3,u,711000,S,McGrath,18/03/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,4/29 Margaret St,2,t,585500,S,Eview,18/03/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1482 Dandenong Rd,3,h,,SP,Woodards,18/03/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1/62 Golf Links Av,3,u,849500,S,Ray,18/03/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,13 Hilbert Ct,3,h,1033000,S,Buxton,18/03/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1231 North Rd,4,h,991000,S,Woodards,18/03/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,7/6 Willgilson Ct,1,u,,W,McGrath,18/03/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,56 Highland Av,3,h,1310000,S,C21,18/03/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,52 Kings Ct,3,t,633800,S,Barry,18/03/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3a Sunburst St,3,h,1367000,S,Ray,18/03/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,9 Emerald St,3,h,921000,S,hockingstuart,18/03/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1172 North Rd,6,h,1900000,S,Harcourts,18/03/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,11a Bewdley St,4,t,1575000,S,Buxton,18/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,17 Fraser St,4,h,,S,Gary,18/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/2 Nicholls Rd,4,t,,S,Gary,18/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,48 Stewart St,4,h,1850000,PI,hockingstuart,18/03/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,8 Ash Cr,3,h,375000,SP,C21,18/03/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,13 Keith St,2,h,1275000,S,Buxton,18/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,63 McIndoe Pde,4,h,1500000,SP,Buxton,18/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,64 McIndoe Pde,3,h,1655000,S,Buxton,18/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/48 Second St,3,t,770000,PI,Greg,18/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,34 Seventh St,3,h,1332000,S,Hodges,18/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4 Third St,3,h,1320000,S,hockingstuart,18/03/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,282 Cumberland Rd,3,h,750000,SP,hockingstuart,18/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,48 Derby St,4,h,822000,SP,hockingstuart,18/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,70 Derby St,3,h,983000,S,Brad,18/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,66 Essex St,3,h,,SN,Nelson,18/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/31 Park St,3,u,,S,Brad,18/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,249 Sussex St,3,h,600000,VB,Jellis,18/03/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,10 Illawong Ct,4,h,701000,S,Ray,18/03/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,12 Tasman Ct,4,h,,PN,Ray,18/03/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plenty,21 River Av,4,h,1275000,VB,Morrison,18/03/2017,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,6 Landing Pl,4,h,620000,VB,hockingstuart,18/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,63 Nossal Dr,4,h,565500,S,hockingstuart,18/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,13 Pinoak St,4,h,,PN,Point,18/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Truscott Gr,4,h,571500,S,hockingstuart,18/03/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,123 Albert St,3,h,,PI,Marshall,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,159 Albert St,3,h,1515000,S,Marshall,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,17/174 Esplanade Pl,2,u,,PI,Barry,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,88 Esplanade Pl,3,h,1260000,PI,hockingstuart,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,210 Heath St,3,h,,SN,Greg,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,189 Station St,2,h,1155000,S,Chisholm,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,95 Station St,2,h,1150000,S,Marshall,18/03/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,17 Arkle St,2,h,1460000,S,Jellis,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,206/8 Bangs St,1,u,,SN,Thomson,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,75 Chatsworth Rd,4,h,,S,RT,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/123 Chomley St,2,u,,SP,Kay,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12 Closeburn Av,4,h,2444000,S,Jellis,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,513/220 Commercial Rd,1,u,,PI,hockingstuart,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,602/220 Commercial Rd,2,u,841000,S,hockingstuart,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/261 Dandenong Rd,2,u,570000,VB,hockingstuart,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7/297 Dandenong Rd,2,u,480000,PI,hockingstuart,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/37 Greville St,1,u,,SN,hockingstuart,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,395 High St,2,h,1310000,S,Marshall,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6 Irene Pl,3,h,1530000,S,hockingstuart,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/19 Irving Av,1,u,,SS,Biggin,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,405/1 Mount St,1,u,365000,VB,Beller,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,13/20 St Edmonds Rd,2,u,560000,S,Dingle,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,127 Williams Rd,4,h,,S,Gary,18/03/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1 Bellarine St,4,h,1400000,VB,Jellis,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/9 Cormac St,2,t,660000,S,Harcourts,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6/383 Gilbert Rd,2,u,436000,S,Nelson,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 May St,2,h,876000,S,Nelson,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,198 Raglan St,2,h,910000,SP,Nelson,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,37 Scotia St,3,h,1000000,S,Barry,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,122 Tyler St,3,h,800000,PI,Chambers,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,283 Tyler St,3,h,928000,S,hockingstuart,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1 Tynan St,3,h,1070000,S,Nelson,18/03/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4/23 Allenby Av,2,u,445000,S,Love,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Birdwood St,3,h,1120000,S,Nelson,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Botha Av,3,h,,SP,Peter,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/26 Chaleyer St,3,u,470000,S,Ray,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,75 Cheddar Rd,3,h,800000,PI,Stockdale,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Churchill Av,3,h,641000,S,Jason,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,192 Edwardes St,2,h,1700000,PI,Barry,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Hickford St,3,h,655000,S,Love,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,57 Hobbs Cr,3,h,888000,S,Barry,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Kinkora Rd,3,h,885000,S,hockingstuart,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28A McMahon Rd,2,h,510000,S,Barry,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/12 Merino St,2,u,440000,SP,Love,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/13 Nisbett St,2,u,481000,S,Barry,18/03/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,6 Brady St,3,h,1275000,S,Biggin,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,83 Buckingham St,2,h,1035000,S,Marshall,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,48 Docker St,3,h,2000000,VB,Jellis,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16/10 Elaine Ct,3,u,931000,S,Biggin,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/33 Goodwood St,1,u,,S,Jellis,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Hunter St,3,h,2640000,S,hockingstuart,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21A Kent St,2,t,842000,S,Jellis,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9 Type St,4,h,1510000,PI,Biggin,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,40 York St,3,h,1550000,VB,Jellis,18/03/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/22 Barkly St,2,u,530000,S,Philip,18/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,30 Ireland St,3,h,990000,PI,Carter,18/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/30 Maidstone St,2,u,596000,S,Jellis,18/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8/74 Warrandyte Rd,2,u,,W,RW,18/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,10b Woodside Av,3,u,742000,S,Philip,18/03/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,16 Mines Rd,3,h,1236000,S,Carter,18/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,18 Mirabel Av,4,h,1210000,S,Barry,18/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,32 Morinda St,4,h,,SN,Barry,18/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7/27 Railway Av,2,u,,PI,Carter,18/03/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,1 Ellamatta Ri,5,h,,SN,Philip,18/03/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,62 Felix Cr,3,h,895000,S,hockingstuart,18/03/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,7 Hygeia Pde,3,h,880000,S,RW,18/03/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,3/211 Hotham St,2,u,500000,S,hockingstuart,18/03/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,3/81 Lower Plenty Rd,2,u,635000,PI,Fletchers,18/03/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,13/77 St James Rd,2,t,515000,SP,Nelson,18/03/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,41 Victoria Av,4,h,,SN,Miles,18/03/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,31 Lakeview Av,3,h,800000,PI,McGrath,18/03/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,17 McLaurin Av,4,h,,PI,YPA,18/03/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,34 Murchison Dr,3,h,445000,S,Raine,18/03/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,67A Bay Rd,4,h,1855000,S,hockingstuart,18/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,16 Jennings St,4,h,3600000,S,hockingstuart,18/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,17 McLauchlin Av,5,h,,SP,Nick,18/03/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,11 Hummerstone Rd,3,h,630000,PI,hockingstuart,18/03/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,52 Alexander St,2,h,990000,S,Burnham,18/03/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,22 Alfred St,3,h,1080000,VB,Village,18/03/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,72 Pilgrim St,3,h,,SP,Ray,18/03/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,34 Princess St,3,h,1126000,S,Jas,18/03/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,2 Seddon St,2,h,1025000,SP,Sweeney,18/03/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,93 Williamstown Rd,5,h,1275000,SP,Jas,18/03/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,406/196 Albert Rd,2,h,,SP,Greg,18/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1111/338 Kings Wy,2,u,,SN,Barry,18/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,58C Napier St,3,h,770000,S,hockingstuart,18/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1009/148 Wells St,2,u,561000,S,MICM,18/03/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,25 Cairn Dr,4,h,758000,S,Love,18/03/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,27 Kipping Ri,4,h,590000,S,Millership,18/03/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,26 Tuross Cr,3,h,601000,S,Millership,18/03/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,102 Vincent Dr,3,h,500000,S,Harcourts,18/03/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2/35 Alexandra Av,2,t,1510000,S,Jellis,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/52 Arthur St,2,u,,SP,Biggin,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/234 Domain Rd,4,u,2050000,VB,RT,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,72 Fawkner St,3,h,,SS,Abercromby's,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,49 Leopold St,4,h,2600000,PI,Williams,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6 Medley St,2,h,,SN,Castran,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/49 Osborne St,1,u,320000,VB,Jellis,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,61 Osborne St,3,h,2395000,S,hockingstuart,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/39 Ralston St,2,u,,SN,Greg,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,103/334 Toorak Rd,2,u,920000,S,Wilson,18/03/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,808/8 Kavanagh St,2,u,580000,VB,Whiting,18/03/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,1/606 Melbourne Rd,2,u,466000,SP,Jas,18/03/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,13B Vernier St,2,h,680000,S,Sweeney,18/03/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,63 Grace St,2,h,660000,S,Ray,18/03/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,36 Clarke Rd,3,h,650000,PI,C21,18/03/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,50 Elisabeth Av,4,h,,SN,Barry,18/03/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,2 Solson Ct,4,h,722000,S,iSell,18/03/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,13 Albert Cr,3,h,800000,VB,Sweeney,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3 Avondale Av,3,h,540000,PI,Sweeney,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,46 Fox St,3,h,,SN,Barry,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,41 Glendenning St,4,h,824000,S,Westside,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,44 Marshall Av,3,h,,SN,Barry,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5 McArthur Av,5,h,670000,SP,Ray,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,11 Murray St,3,h,562000,S,Ray,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,23 Scott Av,4,h,790000,S,Westside,18/03/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,20 Halsbury Ct,4,h,875000,S,Ray,18/03/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,29/4 Alfred Sq,2,u,,SP,Buxton,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/98 Barkly St,3,h,1120000,PI,hockingstuart,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15 Dalgety La,2,h,1300000,S,Greg,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,203/43 Duke St,1,u,400000,VB,Whiting,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/3 Eildon Ct,2,u,582000,S,Gary,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/17 Herbert St,1,u,1210000,PI,Buxton,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,37/3 Herbert St,1,u,366000,S,hockingstuart,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,26 Nelson St,2,h,808000,S,Biggin,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,60 Octavia St,3,h,1315000,S,Gary,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,25 Smith St,2,h,1316000,S,Gary,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/260 St Kilda Rd,2,u,640000,S,Gary,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,74/604 St Kilda Rd,2,u,610000,S,Greg,18/03/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,34 Lind St,4,t,995000,SP,Nelson,18/03/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,45 Loeman St,4,h,1280000,VB,Brad,18/03/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,170 Gap Rd,3,h,360000,S,Brad,18/03/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Melba Av,3,h,330000,S,Brad,18/03/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,47 Anderson Rd,2,h,551000,S,GL,18/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,75 Cornwall Rd,3,h,750000,PI,Douglas,18/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,94 Couch St,4,h,670000,PI,Douglas,18/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,20 Kingaroy Rd,4,h,888000,S,Barry,18/03/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,32 Barwon Av,3,h,490000,S,Douglas,18/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,87 Berkshire Rd,3,h,580000,SP,Barry,18/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,86 Northumberland Rd,3,h,680000,SP,Barry,18/03/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,60 Bardsley St,3,h,650000,SP,Prof.,18/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,46 Dalton St,3,h,593000,S,Sweeney,18/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,50 Killara St,3,h,690000,S,Burnham,18/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,68 Nicholson Pde,3,h,625000,S,Bells,18/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Ridgeway Pde,3,h,660000,S,Douglas,18/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16A Sunrise Dr,3,t,640000,S,Sweeney,18/03/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3/251 Elgar Rd,3,t,1080000,VB,hockingstuart,18/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/30 Langford St,3,t,1520000,S,Harcourts,18/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,60 Middlesex Rd,3,h,,SP,Fletchers,18/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,26 Newton St,4,h,2060000,S,Fletchers,18/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,52 Suffolk Rd,4,h,1750000,PI,Jellis,18/03/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,5/537 Melton Hwy,3,h,350000,S,Ray,18/03/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,15 Roseleigh Bvd,5,h,732500,PI,Barry,18/03/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,10 Kurow Av,4,h,660000,S,Barry,18/03/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,15 Lambert Ct,4,h,670000,SA,Barry,18/03/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,84 McCubbin Dr,4,h,920000,S,Barry,18/03/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,17 Kelvinside Dr,3,h,990000,VB,Jellis,18/03/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,12 Oakwood Ct,4,h,2000000,S,Jellis,18/03/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3 Vivaldi Ct,6,h,1749000,S,Barry,18/03/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,7 Eric Av,4,h,1180000,S,Jellis,18/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,13/246 High St,3,u,888000,S,Philip,18/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,34 Parker St,3,h,1210000,PI,Barry,18/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/59 Parker St,3,t,766000,S,Barry,18/03/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,12 Carnarvon Av,4,h,795000,S,Ray,18/03/2017,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,5 Westall St,2,h,745500,S,Love,18/03/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,54 Bradley Av,3,h,,SP,Nelson,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/2 Dundas St,2,u,450000,S,McGrath,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,59A Fyffe St,3,h,1190000,S,McGrath,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6 Fyffe St,2,h,,PI,Jellis,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,39 Keon St,3,h,1020000,S,Nelson,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,288 Raleigh St,3,h,,S,Woodards,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,33 Wales St,3,h,1245000,S,hockingstuart,18/03/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,11/38 Grange Rd,3,u,950000,S,hockingstuart,18/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10 Highgate Hl,4,h,,PI,Marshall,18/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1 Myvore Ct,4,h,,SP,RT,18/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,22/530 Toorak Rd,2,u,531000,S,Morleys,18/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/27 Wallace Av,2,u,,SN,hockingstuart,18/03/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,8 Christopher Cr,3,h,609000,S,Walshe,18/03/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,44 Centre Rd,3,h,1030000,S,Ray,18/03/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,1 Nowingi Ct,3,h,1101000,S,Noel,18/03/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,21 Trinian St,3,h,,S,Jellis,18/03/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,226 Hawthorn Rd,5,h,1700000,PI,Harcourts,18/03/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,125 Morack Rd,4,h,1223000,S,Ray,18/03/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,14 Alderford Dr,3,h,839000,S,Harcourts,18/03/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,24 Alderford Dr,3,h,860000,S,Harcourts,18/03/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,5 Dudley Av,4,h,723000,S,M.J,18/03/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,12 Yorkminster Av,4,h,860000,S,Harcourts,18/03/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,10 Alana Ct,4,h,1106666,SP,Barry,18/03/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,63 Argyle Wy,5,h,,PI,Fletchers,18/03/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,14 Maurice Ct,3,h,,PI,Ray,18/03/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2 Mingana Rd,3,h,828000,S,Ray,18/03/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Orlando Cl,5,h,1045000,S,Ray,18/03/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,8 Artesian Pl,4,h,,VB,Ray,18/03/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Werribee,37 Duncans Rd,3,h,816000,S,YPA,18/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,123 Market Rd,3,h,350000,S,Triwest,18/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Mirabella Cl,3,h,,PN,Reliance,18/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Sanderling St,3,h,,SP,PRDNationwide,18/03/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3/1 Carmichael St,2,t,510000,VB,Biggin,18/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2/30 Fontein St,2,u,545000,SP,Biggin,18/03/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,304/162 Rosslyn St,2,u,,PN,Rombotis,18/03/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,9/561 Spencer St,3,u,995000,S,Alexkarbon,18/03/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,3 Hornsby Av,3,h,535000,PI,LJ,18/03/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,82 Toora Dr,4,h,485000,S,Barry,18/03/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1 Gemini Ct,5,h,1500000,VB,Jellis,18/03/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,19 Halcyon Dr,4,h,2225000,S,Barry,18/03/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,8 Harbinger Ct,5,h,932000,S,Ray,18/03/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Simon Ct,4,h,950000,S,Barry,18/03/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,79 Aitken St,3,h,1000000,S,Greg,18/03/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,9/16 Lewisham Rd,1,u,,SP,Biggin,18/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,3/11 Lincoln Pl,2,h,1177000,PI,Marshall,18/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1a Primrose St,4,h,1605000,S,Biggin,18/03/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,18 Bloomsbury Pl,3,h,421000,S,Melbourne,18/03/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,21 Mombassa Dr,4,h,520000,S,Melbourne,18/03/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,16 Amber Pl,3,h,390000,SP,Sweeney,18/03/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,4 Parawong Pde,3,h,360000,S,PRDNationwide,18/03/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,342 Yallambie Rd,4,h,793000,S,Barry,18/03/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,73 Bayview Rd,3,h,,SP,Compton,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14 Lennox St,3,h,1020000,PI,Jas,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,55 Ofarrell St,3,h,1250000,VB,Village,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,9 Richards St,3,h,,S,Jas,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,58 Stanger St,3,h,,SN,hockingstuart,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7 Stewart St,4,h,1340000,VB,Village,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/364 Williamstown Rd,2,t,,S,Jas,18/03/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,6/219 Nicholson St,2,u,500000,S,Collins,18/06/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,52a William St,2,h,1100000,PI,Biggin,18/06/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,29 Beaver St,5,h,1740000,S,Nelson,18/06/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,1/41 Hillside Gr,2,t,460000,VB,Nelson,18/06/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/7 South Rd,3,t,540000,SP,Nelson,18/06/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,36 Ashworth St,3,h,,SP,Marshall,18/06/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,55 Withers St,4,h,2800000,VB,Cayzer,18/06/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona Meadows,15 Knightsbridge Av,3,h,570000,SP,Biggin,18/06/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,17 Tomkin Ct,4,h,500000,PI,Sweeney,18/06/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,1/36 Amaranth Av,3,t,590000,PI,RT,18/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3/36 Amaranth Av,2,h,450000,PI,RT,18/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,61 Cooper Av,3,h,765000,S,Greg,18/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,10 Freemans St,3,h,750000,VB,Greg,18/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,22 Verdant Av,3,h,455000,SP,Barry,18/06/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,7/579 Dandenong Rd,2,u,490000,PI,Ray,18/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/13 Denbigh Rd,3,t,,PI,Marshall,18/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,19 Glassford St,3,h,2365000,S,Marshall,18/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,14 New St,3,h,1300000,VB,Jellis,18/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/38 Northcote Rd,2,u,,SP,Jellis,18/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/501 Orrong Rd,3,u,732000,S,Gary,18/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,2/225 Maribyrnong Rd,2,t,705000,S,Brad,18/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12/9 Milton St,2,u,442000,S,Alexkarbon,18/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,50a Baker Pde,4,h,1730000,SP,hockingstuart,18/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,20 Gloucester Rd,3,h,,S,Marshall,18/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3/75 Victory Bvd,3,t,968000,S,Jellis,18/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/148 High Street Rd,3,u,,PI,Ray,18/06/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4/24 Mulgrave St,2,u,535000,S,Woodards,18/06/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,15b Rocklands Rd,4,t,1230000,S,Buxton,18/06/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,16 Atlantis Ct,4,h,930000,S,Ray,18/06/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,51 Harricks Cr,3,h,,SP,Barry,18/06/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,25 MacEy Av,3,h,775000,S,Brad,18/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,8 Westminster Dr,5,h,850000,SP,Moonee,18/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,6 Blenheim St,3,h,1193000,S,McGrath,18/06/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,3/20 Orange Gr,2,u,416000,S,Chisholm,18/06/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2 Birtles Ct,5,h,3000000,VB,Jellis,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,20 Elliott Av,5,h,,SP,Jellis,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,49 Metung St,5,h,3400000,VB,Jellis,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2a Monash Av,3,h,,S,Jellis,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Nungerner St,5,h,,SN,Noel,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Pryton Ct,4,h,,S,Fletchers,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,110 Strabane Av,3,h,1490000,S,Fletchers,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/48 Talbot Av,3,u,905000,S,Jellis,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,156 Whitehorse Rd,4,h,,S,Jellis,18/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,14 Aylmer St,4,h,,S,hockingstuart,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,49 Aylmer St,3,h,1800000,PI,hockingstuart,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Echo Av,5,h,1540000,VB,Jellis,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Hedderwick St,4,h,1550000,S,Noel,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,168 Maud St,4,h,,PI,Jellis,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Stephens St,5,h,4000000,PI,Marshall,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Sunburst Av,6,h,1860000,S,Fletchers,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 Tuxen St,3,h,2900000,S,Jellis,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 Viewhill Rd,4,h,,S,Jellis,18/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,4 Warrien Ct,4,h,,S,Jellis,18/06/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,4 Oak St,4,h,1330000,S,RT,18/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,19 Godfrey St,5,h,1600000,VB,Gary,18/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5 Luckins Rd,3,h,1165000,PI,Buxton,18/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/121 Tucker Rd,2,u,,PI,Barry,18/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,147 Tucker Rd,4,h,1355000,S,hockingstuart,18/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13 Wood St,4,h,1910000,S,hockingstuart,18/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/38 Kennedy St,4,t,1045000,S,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75 Latham St,3,u,1131000,S,hockingstuart,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Ludwell Cr,3,h,1000000,S,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/14 Malane St,3,h,750000,PI,Hodges,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/111 Marlborough St,3,u,800000,PI,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/119 Marlborough St,2,u,655000,S,hockingstuart,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Molden St,5,h,1550000,S,Hodges,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/53 Moylan St,3,h,835000,S,Woodards,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3b Noora Av,3,t,884000,S,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75 Orange St,3,h,1140000,S,hockingstuart,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Paloma St,2,h,1120000,S,hockingstuart,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,31b Purtell St,4,t,1465000,S,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,621 South Rd,3,h,,SP,hockingstuart,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Veronica St,3,h,910000,S,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/14 Wamba Rd,3,u,920000,SP,Buxton,18/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,18 Central Av,2,h,,S,Chisholm,18/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,48 Stanley St,4,h,2300000,PI,Hodges,18/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1 Banksia St,4,h,1160000,S,Allens,18/06/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,19 Cromwell Ct,4,h,1200000,VB,Noel,18/06/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/55 Stanley Gr,3,t,978000,S,Noel,18/06/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,8 Harris St,3,h,1175000,S,Noel,18/06/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,23 Jessie St,4,h,,S,Fletchers,18/06/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,4/139 Springfield Rd,2,u,,PI,Philip,18/06/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,15 Wilton St,4,h,1260000,S,Noel,18/06/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Boronia,2/357 Boronia Rd,4,h,566888,SP,Ray,18/06/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,6 Archibald St,3,h,4000000,VB,Lindellas,18/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,19 Kent Rd,3,h,928000,S,Lindellas,18/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/20 Simpsons Rd,2,u,761000,S,Marshall,18/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,2/109 Dendy St,3,h,,SP,Nick,18/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 Hanby St,3,h,2100000,VB,Buxton,18/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,82 New St,5,h,3700000,VB,Kay,18/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,131 South Rd,6,h,,S,Marshall,18/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,27 Arnold Rd,4,h,2200000,PI,Buxton,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Bourneville Av,4,h,2800000,PI,Marshall,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Carrington Gr,4,h,,S,Buxton,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Edro Av,3,h,1912500,S,Buxton,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15a Glencairn Av,4,h,1655000,SP,Buxton,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Killeen Av,3,h,1800000,S,Buxton,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,34a Pine St,4,h,,S,Marshall,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/196 South Rd,4,t,,PN,Rodney,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,30 Sunlight Cr,4,h,2630000,SP,Buxton,18/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,3 Cooper St,3,h,375000,S,YPA,18/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,161 Cuthbert St,3,h,361500,S,Walsh,18/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,87 Cuthbert St,3,h,560000,S,YPA,18/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,15 Marong Ct,3,h,366000,S,Nelson,18/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,3 Ballarat St,1,t,625000,PI,Jellis,18/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 Black St,3,h,1700000,S,Collins,18/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,77 Brickworks Dr,3,t,815000,S,Nelson,18/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11/68 De Carle St,2,u,435000,SP,Jellis,18/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,68 Henkel St,2,h,890000,S,Jellis,18/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,144 Union St,3,h,1815000,S,Nelson,18/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,2 Barkly St,3,t,800000,VB,Nelson,18/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,2/8 Walker St,1,u,320000,S,Jellis,18/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,28 Kenneth St,4,h,976000,S,Barry,18/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,15 Riverview Tce,2,h,980000,S,Fletchers,18/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Acacia Ct,3,h,581000,SP,Barry,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Amethyst Wk,5,h,,PI,Ray,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,37 Cameron Pde,3,h,600000,SP,Barry,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Carbine Pl,5,h,,PI,Ray,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Donach Cr,3,h,595000,S,Barry,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,20/70 Greenhills Rd,2,u,460000,SP,Barry,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,45 Greenwood Dr,3,h,610000,S,Thomas,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,552 Morwell Av,3,h,,PI,Ray,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,592 Morwell Av,5,h,503000,S,Barry,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Silverash Dr,2,t,,PI,Ray,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Windmill St,4,h,840000,S,Ray,18/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,1 Hughes Pl,4,h,535000,S,YPA,18/06/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,28 Cypress Av,5,h,,PI,Buxton,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,4a Gracehill Av,2,u,600000,S,Fletchers,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/11 Greenwood St,4,t,,PI,Ray,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Inverness Av,3,h,1020000,S,Buxton,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/17 Montpellier Rd,3,u,640000,PI,Noel,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/16 Morton Rd,4,t,1000050,S,Philip,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/16 Morton Rd,4,t,1000050,S,Philip,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,18 Murray Dr,4,h,1800000,PI,Jellis,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,8 Pescott Cl,4,t,1270000,S,Jellis,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Webb St,3,h,,S,Jellis,18/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,25 Bowen Cr,3,h,975000,SP,Fletchers,18/06/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,54 Worthing Av,4,h,1031000,SP,Allens,18/06/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,29 Sullivan Rd,4,h,,PI,Ray,18/06/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,110/347 Camberwell Rd,2,u,,S,hockingstuart,18/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,31 Halley Av,4,h,1650000,PI,Jellis,18/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,16 Joffre St,3,t,1515000,SP,hockingstuart,18/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/1 Royal Cr,3,h,2132500,S,Marshall,18/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9a Russell St,2,h,1800000,PI,Marshall,18/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,55 Warburton Rd,3,h,1385000,S,Jellis,18/06/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,34 Barkly St,2,h,1170000,S,Nelson,18/06/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,436 Lygon St,4,h,1260000,PI,Nelson,18/06/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,16 Fenwick St,2,h,910000,S,Nelson,18/06/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,658 Lygon St,2,h,880000,S,Nelson,18/06/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1/12 Kokaribb Rd,2,u,656000,S,Property,18/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2 Kokaribb Rd,2,h,930000,S,hockingstuart,18/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/9 Madden Av,2,u,702000,S,Gary,18/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/11 Maroona Rd,2,u,415000,S,hockingstuart,18/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/60 Woornack Rd,2,u,650000,S,hockingstuart,18/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,24 The Esplanade,3,h,650000,S,Barry,18/06/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield East,36 Derby Cr,2,h,940000,VB,hockingstuart,18/06/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield East,20 Lloyds Av,4,h,1690000,S,Gary,18/06/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Chelsea,1/12 Ella Gr,3,u,690000,S,Buxton,18/06/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,300 Station St,4,h,1000000,PI,hockingstuart,18/06/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,76 Albenca St,5,h,1100000,VB,Hodges,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,84 Albenca St,4,h,1210000,S,O'Brien,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,109 Cavanagh St,3,h,935000,S,O'Brien,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5a Coolac St,3,t,870000,S,Greg,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/5 Hilda St,3,t,810000,S,O'Brien,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Jarrahdale St,2,h,795000,S,Ray,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,53 Lorna St,3,h,,SN,O'Brien,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Mayne St,4,h,900000,S,Ray,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5b Norland St,3,t,817000,S,O'Brien,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Reuben St,3,h,905000,S,Buxton,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,42/310 Warrigal Rd,2,u,430000,SP,Hodges,18/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,4 Andrew Ct,3,h,700000,S,C21,18/06/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,12 Springs Rd,4,h,,PI,Buxton,18/06/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,11 Clarkson Ct,4,t,,W,Barry,18/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,35 Madeleine Rd,5,h,1230000,S,Barry,18/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1446 North Rd,3,h,895000,S,Hodges,18/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,42 Stockdale Av,4,h,1220000,S,Darras,18/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/15 Barringun Cr,3,u,545000,S,C21,18/06/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,34 Second St,4,h,738000,S,Buxton,18/06/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,7/37 Groom St,2,u,885500,S,Collins,18/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,6 Farm Rd,4,h,650000,PI,RT,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,42 Fowler St,4,h,,SN,Barry,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,89 Gordon St,3,h,1286000,S,Nelson,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,31 Hardwick St,3,h,885000,S,Nelson,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Hudson St,4,h,1160000,PI,Jellis,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,58 Marks St,3,h,,SP,Raine,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,203 Munro St,4,h,1400000,S,RE,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,403/19 Pentridge Bvd,2,u,470000,SP,Raine,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8 Rolls St,3,h,,SP,Nelson,18/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3 Aperture St,3,h,815000,S,Ray,18/06/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,127 Elizabeth St,3,h,637000,S,Brad,18/06/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,143 Elizabeth St,4,h,950000,S,hockingstuart,18/06/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2 Headley St,3,h,780000,S,hockingstuart,18/06/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13/7 Newlands Rd,3,t,,SN,Barry,18/06/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,22 Peel St,2,u,,SP,hockingstuart,18/06/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,14 Ballarat Ct,3,h,,SN,Barry,18/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,121 Newbury Bvd,3,h,390000,S,YPA,18/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,56 Wellington St,3,h,1900000,VB,Jellis,18/06/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,11/294 Dorset Rd,2,t,315000,VB,McGrath,18/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Ridgway Av,3,h,,SN,Barry,18/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,17a Silverley Rd,3,h,700105,SP,hockingstuart,18/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,14 Trawalla Rd,2,h,427000,SP,hockingstuart,18/06/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,14 Day St,4,h,,PN,Hall,18/06/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,9 Henty St,3,h,,SN,Stockdale,18/06/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Delahey,38 Goldsmith Av,3,h,380000,S,Ray,18/06/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,1 McNicholl Wy,5,h,530000,PI,Barry,18/06/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,1 Chifley Ct,6,h,950000,S,Buxton,18/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,3 Elliott Cr,2,h,657000,S,Buxton,18/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,26 Golfwood Cl,5,h,1160000,S,Buxton,18/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,12 Southern Dr,3,h,710000,PI,Barry,18/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,1/1 Paul St,2,u,522500,S,Noel,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/9 Persimmon Ct,3,t,,PI,Philip,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Santiago St,5,h,1510000,PI,Barry,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,42 Studley Ct,4,h,1460000,SP,Parkes,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,30 Winbrook Ct,3,h,958000,S,Parkes,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,46 Winston Dr,4,h,1462500,S,Philip,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Wittig St,5,h,,S,Jellis,18/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/46 Boronia Gr,3,t,667000,S,Barry,18/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Havelock Ct,5,h,1200000,VB,Fletchers,18/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Major St,6,h,1264000,S,Barry,18/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,20 Pine Wy,4,h,,PI,Parkes,18/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Polaris Dr,4,h,1190000,S,Barry,18/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,365 Serpells Rd,3,h,1000000,VB,Fletchers,18/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,80 Chippewa Av,3,h,1000000,S,Jellis,18/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,4 Greenview Cl,4,h,1160000,S,Barry,18/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/8 Hope Av,3,h,800000,PI,Jellis,18/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,39 Wooddale Gr,4,h,1500000,PI,Barry,18/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,14 Cumberland St,4,h,2600000,VB,Nelson,18/06/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,27 Ormond Rd,3,h,,PI,Barry,18/06/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,496 Victoria Pde,4,h,1475000,S,Frank,18/06/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,102 Lochiel Av,3,h,725000,PI,Thomson,18/06/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,3/31 Carlingford St,3,u,,SN,Gary,18/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,62 Elster Av,3,h,1200000,VB,Biggin,18/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9 Ripon Gr,4,h,1650000,PI,Biggin,18/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1 Aprey Pl,4,h,830000,S,Barry,18/06/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,6 Daley St,4,h,2400000,PI,Marshall,18/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6a Joyce St,4,h,,S,Marshall,18/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,44 Spray St,3,h,,SP,Chisholm,18/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/435 St Kilda St,2,u,655000,PI,Biggin,18/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,18 Singleton Dr,4,h,,PN,Hall,18/06/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,10 Filin Dr,4,h,,PI,Iconek,18/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,17 Henry Ct,2,h,,SP,hockingstuart,18/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,46 Redding Ri,5,h,680000,S,Ray,18/06/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,51 Amelia Av,2,h,806000,S,Nelson,18/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/3 Ballater St,2,u,,SP,Frank,18/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,59 Brewster St,3,h,1475000,PI,Paul,18/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/247 Keilor Rd,3,t,750000,VB,Brad,18/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/26 Richardson St,3,t,965000,S,Frank,18/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/7 Violet St,2,u,390000,VB,Nelson,18/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,1/48 Keilor Rd,2,u,340000,SP,Nelson,18/06/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,4/426 Buckley St,3,t,730000,VB,Nelson,18/06/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,2/44 Emerald St,2,u,520000,VB,Nelson,18/06/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,139 Christmas St,3,h,750000,VB,Barry,18/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,7 Darling St,3,h,,SP,Ray,18/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,186 Gillies St,3,h,,S,Nelson,18/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,45 McGregor St,3,h,2350000,PI,Collins,18/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,16 Janice Ct,3,h,538000,S,Nelson,18/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,21 Penn Ct,4,h,750000,S,Brad,18/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,26 Folkstone Cr,4,h,635000,S,Schroeder,18/06/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,31 Bell St,4,h,1950000,S,Nelson,18/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,5/113 Cecil St,1,u,597000,S,Harrington,18/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,2/41 Kerr St,2,h,850000,VB,Nelson,18/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,24/26 Victoria St,2,u,650000,S,Nelson,18/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,1/81 Alfred Cr,1,u,435000,S,Nelson,18/06/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,30 Eastham St,2,h,875000,S,Jellis,18/06/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,5/60 Farnham St,1,u,345000,SP,Nelson,18/06/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,29 Finsbury St,3,h,1100000,VB,Nelson,18/06/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,1207/240 Barkly St,1,u,,W,Sweeney,18/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,405/250 Barkly St,2,u,370000,SP,Sweeney,18/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,167 Gordon St,2,h,711000,SP,Jas,18/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/2 Saltriver Pl,3,u,665000,S,Greg,18/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,56 Leonard St,3,h,451000,S,Ray,18/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Orrong Av,4,h,1650000,S,RT,18/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,22 Screen St,5,h,868000,S,Ray,18/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,14 Corsican St,3,h,325000,S,Ray,18/06/2016,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,13 Fleetwood La,2,t,250000,S,Belmar,18/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,9 The Close,3,h,675000,S,Community,18/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,7/32 Gardenia Rd,2,u,440000,S,Biggin,18/06/2016,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,191 Carrick Dr,3,h,550000,S,Barry,18/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,14 Katrina Dr,3,h,472000,S,Jason,18/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Midway Cl,3,h,592500,SP,Barry,18/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,2/6 Culma St,2,u,812000,S,Woodards,18/06/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,6/99 Neerim Rd,2,u,350000,PI,hockingstuart,18/06/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,2/21 Belmont Av N,2,u,545000,PI,Jellis,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Bridges St,4,h,,PI,Marshall,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1485 High St,4,h,,S,Jellis,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Howard St,3,h,,S,Jellis,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/138 Milton Pde,2,u,511000,S,Marshall,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Mons St,3,h,,SP,Marshall,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Rosedale Rd,3,h,2000000,PI,Jellis,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Rosedale Rd,2,h,1600000,PI,Noel,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Ruskin Rd,3,h,1880000,S,RT,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/6 Summerhill Rd,2,t,,S,Jellis,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 White St,3,h,,S,Marshall,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Winifred Cr,4,h,,S,Jellis,18/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,65 Atheldene Dr,4,h,1250000,PI,McGrath,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,36 Caithness Cr,5,h,1236000,S,Harcourts,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Darri Ct,6,h,2525000,PI,Harcourts,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,67 Hinkler Rd,4,h,1800000,VB,Barry,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Johnson Dr,4,h,,S,Jellis,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/33 Jordan Gr,4,t,943000,S,Ray,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Lisbon St,6,h,2250000,PI,Fletchers,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Loram Ct,3,h,,SP,hockingstuart,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Lowen Rd,5,h,,PI,Harcourts,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,38 Madigan Dr,4,h,1141000,S,Barry,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/4 Myers Av,3,t,1130000,SP,Harcourts,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Pepperell Av,4,h,1670000,S,Fletchers,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,62c Pepperell Av,4,t,,PI,Harcourts,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14/353 Springvale Rd,2,u,519000,S,Ray,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/13 The Ridge,3,u,900100,SP,Ray,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Valentine Ct,3,h,,PI,Ray,18/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,139 John St,3,h,765500,S,Barry,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 John St,4,h,,VB,Stockdale,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/12 Maude Av,3,t,450000,SP,Nelson,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,29 Melbourne Av,3,h,807000,S,Stockdale,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,40 Moonee Bvd,3,h,,S,Barry,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/40 Morley St,3,t,530000,PI,Barry,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Morley St,4,h,,S,Stockdale,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,23 Palana St,3,h,565000,S,Barry,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/709 Pascoe Vale Rd,3,u,470000,SP,Barry,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/2 Prospect St,3,u,482500,SP,Brad,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1a Stella St,3,h,482500,SP,Stockdale,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,108 Valley Cr,3,h,600000,S,Stockdale,18/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,2/58 Alexandra St,3,h,632000,S,Buckingham,18/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/211 Nepean St,2,h,495000,S,Buckingham,18/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,3 Newcastle Ct,5,h,726000,S,Barry,18/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,24 Talbot St,3,h,631500,S,Stockdale,18/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,6 Christopher Ct,3,h,,PN,Hall,18/06/2016,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,407/427 Hampton St,1,u,390000,VB,Hodges,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,70 Highett Rd,5,h,1705000,PI,Buxton,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5a James Cr,3,h,1271000,S,Hodges,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,11 Kerferd St,3,h,1610000,S,Nick,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,21 Kerferd St,3,h,1625000,S,Nick,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/32 Linacre Rd,2,u,750000,PI,hockingstuart,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,58 Teddington Rd,3,h,1320000,S,hockingstuart,18/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/23 Wickham Rd,3,h,926000,S,Buxton,18/06/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,392 Auburn Rd,4,h,,SP,Jellis,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/284 Barkers Rd,2,u,,SP,Kay,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/22 Connell St,2,u,535000,S,Jellis,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/35 Creswick St,2,u,815000,PI,Jellis,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8 Fashoda St,3,h,,S,Kay,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Lyndhurst Cr,4,h,,S,Kay,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/28 Manningtree Rd,3,u,1975000,VB,hockingstuart,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/155 Power St,2,u,445000,PI,Jellis,18/06/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,797 Burwood Rd,5,h,3500000,VB,Jellis,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,16/799 Burwood Rd,2,u,444000,S,LITTLE,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,38 Caroline St,3,h,1538000,S,Jellis,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,11 Council St,3,h,1320000,VB,Jellis,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,18 Gillman St,3,h,1890000,PI,Marshall,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/2 Myrniong Gr,3,t,1240000,S,Jellis,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,28 Rosslyn St,5,h,,SP,Marshall,18/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,41 Armstrong Rd,3,h,731000,S,hockingstuart,18/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,289 Canterbury Rd,4,h,540000,S,Jellis,18/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,7 Janet Ct,4,h,891000,S,Carter,18/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,1/35 Waiora Rd,2,h,,PI,Barry,18/06/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,523 Waterdale Rd,3,h,480000,PI,Ray,18/06/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2 Enright St,3,h,860000,S,Hodges,18/06/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/1116 Nepean Hwy,2,u,620000,S,Buxton,18/06/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,43 Royal Cr,3,h,537000,SP,Barry,18/06/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 The Elms,5,h,1025000,S,Barry,18/06/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,10 Shearwater Ct,3,h,,SN,YPA,18/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/3 Bowen St,2,u,648000,S,Ray,18/06/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,1624 Dandenong Rd,4,h,892000,S,Ray,18/06/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,59 Garnett St,3,h,842500,S,Woodards,18/06/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,18 Greville St,3,h,951500,S,Woodards,18/06/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,8 Ailsa Gr,3,h,,SN,Miles,18/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6 Fairy St,5,h,2600000,S,Miles,18/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,105 The Boulevard,3,h,,SP,Miles,18/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,10 Carmichael St,4,h,1875000,PI,Nelson,18/06/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,8/660 Old Calder Hwy,3,t,615000,SP,Brad,18/06/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,49 Patterson Av,3,h,550000,S,Barry,18/06/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,10 Roseberry Av,4,h,630000,S,Ray,18/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,10 Sybil Ct,4,h,595000,SP,Daniel,18/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,16 Bernard Ct,4,h,871000,S,Nelson,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,48 Heather Av,5,h,765000,S,Nelson,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,83 Noga Av,3,h,700000,S,Nelson,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,67 Prospect Dr,5,h,808000,S,Nelson,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,37 Roberts St,3,h,891000,S,Nelson,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,9 West Gwy,3,h,585000,VB,Nelson,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,83 Wyong St,3,h,785000,S,Barry,18/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,1 Tivoli Ct,3,h,575000,S,Ray,18/06/2016,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,47 Victory St,3,h,722000,SP,Brad,18/06/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,38 Rourke La,2,h,732000,SP,Nelson,18/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,42 Atkins St,3,h,,S,Jellis,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1 Campbell St,4,h,,SP,Kay,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/49 Cecil St,3,t,,S,Jellis,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Fitzwilliam St,5,h,1975000,S,Kay,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Gellibrand St,4,h,,PI,Nelson,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,32 Grandview Tce,3,h,,PI,Ross,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,37 Heather Gr,4,h,2075000,S,Kay,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,176 Peel St,5,h,2550000,PI,Marshall,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Tara Av,5,h,2821000,S,RT,18/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,17 Minogue St,5,h,2100000,VB,Nelson,18/06/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,11 Malabar Ct,3,h,,SN,Barry,18/06/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,8 Rosette Cr,4,t,625000,S,Buxton,18/06/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,13 Stanley Rd,3,h,551000,S,hockingstuart,18/06/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,16 Lambeth St,3,h,,SN,Barry,18/06/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,85 Empress Av,4,h,1210000,SP,Greg,18/06/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,11 Chifley St,3,h,500000,SP,LJ,18/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Hurtle St,2,h,,PI,Harcourts,18/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,44 Rotino Cr,3,h,460000,SP,hockingstuart,18/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,12/141 Main Rd,2,u,448000,S,Darren,18/06/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,15 Wilkinson St,3,h,800000,S,Miles,18/06/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,21 Montgomery St,2,h,600000,S,hockingstuart,18/06/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,47 Radio St,4,h,690000,PI,Sweeney,18/06/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,14a Scovell Cr,2,h,,S,Jas,18/06/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,109/14 Elizabeth St,2,u,650000,VB,Gary,18/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6 Euston St,2,h,,S,hockingstuart,18/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/423 Glenferrie Rd,3,h,,S,Marshall,18/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,34 Johnstone St,5,h,3400000,SP,Jellis,18/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,10 Woodmason St,3,h,2355000,S,Marshall,18/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,2/53 Beaver St,3,u,,S,Jellis,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,112a Bowen St,3,t,,PN,Kay,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,22 Deakin St,2,h,1400000,S,Jellis,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4 Findon St,3,h,,S,Jellis,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/2 Kardella St,3,u,707500,S,hockingstuart,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1956 Malvern Rd,6,h,,PI,Ray,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5/417 Wattletree Rd,2,u,835000,S,Jellis,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,9/240 Waverley Rd,2,u,560000,S,Marshall,18/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,705/60 Edgewater Bvd,2,u,566000,S,Raine,18/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,19/9 Fabian Ct,2,t,408000,S,Nelson,18/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,37 Skyline Dr,4,h,1040000,S,Biggin,18/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,6 Vista Ri,4,h,1015000,S,Rendina,18/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/173 McKinnon Rd,2,u,430000,S,Hodges,18/06/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,7 Penang St,4,h,1681000,S,Buxton,18/06/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,58 Wright St,4,h,1750000,VB,hockingstuart,18/06/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,4215/220 Spencer St,2,u,,W,Pagan,18/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,101/461 St Kilda Rd,3,u,1400000,PI,Marshall,18/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,304/8 Sutherland St,3,u,610000,S,Pagan,18/06/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,12 Richard Rd,3,h,,PN,PRDNationwide,18/06/2016,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,63 Station Rd,3,h,235000,S,Raine,18/06/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,4/6 Brindisi St,3,t,850000,S,Buxton,18/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,47 Houston St,3,h,716000,S,Hodges,18/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,3/143 Canterbury Rd,1,u,,SP,Shape,18/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,76 Harold St,3,h,2360000,S,Cayzer,18/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,82 Harold St,3,h,2005000,S,RT,18/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,8/49 Patterson St,2,u,702000,SP,Marshall,18/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,319 Richardson St,5,h,,SN,Greg,18/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,7 Barina Wy,3,h,435000,S,Ray,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Bluegum Ct,3,h,,SN,Barry,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,31 Brabham Dr,4,h,,PI,Iconek,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,52 Centenary Dr,3,h,585000,S,Ray,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,54 Coventry Cr,3,h,592000,S,Ray,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Hickey Ct,5,h,615000,S,Harcourts,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Hogan Pl,4,h,,PI,Harcourts,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Manuka Ct,3,h,557000,S,Love,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,30 Mimosa Rd,3,h,597000,S,Harcourts,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,66 Moorhead Dr,3,h,,SN,Barry,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1a Pareira Ct,2,h,341000,S,Harcourts,18/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,127 Brunswick Rd,3,h,1010000,S,Noel,18/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 McGhee Av,4,h,750000,PI,Ray,18/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,55 View St,4,h,2000000,S,Fletchers,18/06/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,21 Calrossie Av,3,h,690000,S,Barry,18/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,12a Cressy St,3,h,930000,SP,Barry,18/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,167 Grand Bvd,3,h,554000,SP,Barry,18/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,113 Buckley St,1,u,1685000,S,Nelson,18/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,54b Salisbury St,3,t,842500,S,Jellis,18/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,31 Wordsworth St,4,h,1345000,SP,Brad,18/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,251 Hull Rd,3,h,799000,S,Ray,18/06/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,25 Reay Rd,3,h,,PI,Barry,18/06/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,1/16 McDonald St,2,u,,SP,Ray,18/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,36 McDonald St,4,h,1410000,S,Hodges,18/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,27 Montgomery St,3,t,1200000,VB,Buxton,18/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,128 Warren Rd,4,h,,SN,Branon,18/06/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,9 Harvey St,3,h,530000,S,Max,18/06/2016,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,2 Albert St,4,u,1326000,S,Barry,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/30 Baily St,5,t,1500000,PI,@Realty,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/321 Blackburn Rd,2,u,550000,S,Harcourts,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Briggs St,3,h,1065500,S,Buxton,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Cratloe Rd,4,h,2000000,S,Biggin,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Glendowan Rd,4,h,1203000,SP,Barry,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Jubilee St,4,h,,PI,Buxton,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,132 Lawrence Rd,4,h,,PI,Ray,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,94 Lechte Rd,6,h,1385000,S,Christopher,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,43 Muir St,4,h,1388000,S,Fletchers,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,48 Muir St,5,h,2195000,PI,Harcourts,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,42 Sesame St,3,h,1212000,PI,McGrath,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,47 Smyth St,3,h,950000,PI,Buxton,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Virginia St,3,h,1550000,SP,Barry,18/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,89 Grantham Tce,5,h,930000,VB,Barry,18/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,28 Murrumbeena Cr,4,h,1500000,S,Buxton,18/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,14/24 Rosella St,1,u,256500,S,Gary,18/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,6 Thomson Av,4,h,1390000,S,Woodards,18/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,16 Austin Av,3,h,465000,SP,Eview,18/06/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,28 Sweeney Dr,3,h,465500,S,Stockdale,18/06/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,16 Blenheim Rd,3,h,1176000,S,hockingstuart,18/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/38 Blenheim Rd,3,h,,PI,Hunter,18/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,106 Johnston St,4,h,1265000,S,RT,18/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,94 Mason St,2,h,801000,SP,Williams,18/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2 Hanson St,3,h,773000,S,Nelson,18/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/50 Jackson St,3,u,700000,S,Nelson,18/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/15 Ross St,3,u,760000,S,Barry,18/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,221 Corrigan Rd,4,h,,PI,Leyton,18/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/31 Ellt Cr,4,t,,PI,Barry,18/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2b Through Rd,3,h,,PI,Barry,18/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,8/201 Abbotsford St,2,t,1300000,VB,Nelson,18/06/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,46 Shiel St,4,h,,S,hockingstuart,18/06/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,79 Christmas St,2,h,1170000,S,Barry,18/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,22 Ellesmere St,2,h,875000,S,Nelson,18/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,63 Union St,3,h,,S,Nelson,18/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,26 Longbourne Av,3,h,845000,S,Biggin,18/06/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,25 Olwen St,3,h,,SN,Barry,18/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,40 Devereaux St,4,h,840000,SP,Nelson,18/06/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,21 MacRina St,4,h,,PI,Buxton,18/06/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/19 Dermot St,2,h,752500,SP,Buxton,18/06/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,18 Mimosa Av,3,h,,SP,Buxton,18/06/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,9 Telopea Ct,4,h,800000,PI,Woodards,18/06/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,69 Winneke Wy,5,h,,VB,Hall,18/06/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,40a Eighth St,3,t,1020000,S,Buxton,18/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3a Elm Gr,4,t,,SN,Branon,18/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,9 Elm Gr,3,h,,SN,Barry,18/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,52a Fifth St,4,h,990000,S,Greg,18/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,37 Dale Av,4,h,900000,S,hockingstuart,18/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,38 Devon Rd,3,h,,S,Nelson,18/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,68 Devon Rd,4,t,640000,VB,Nelson,18/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/1 McCracken Av,2,u,470000,SP,Nelson,18/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8/16 Pascoe St,3,t,430000,VB,Trimson,18/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,1/156 Bay St,3,u,950000,PI,RT,18/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,34 Bridge St,2,h,875000,S,Cayzer,18/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,220/99 Dow St,2,u,625000,PI,RT,18/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,230 Nott St,3,h,1384000,S,Marshall,18/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,103/2 Pier St,2,u,1405000,S,Marshall,18/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,309/166 Rouse St,2,u,655000,S,Cayzer,18/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,8/8 Airlie Av,1,u,332000,PI,hockingstuart,18/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,80 Chatsworth Rd,3,h,,SN,Castran,18/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,22 Kelvin Gr,4,h,,S,Marshall,18/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,89 Pridham St,2,h,1300000,S,Jellis,18/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,9 Ambon St,2,h,565000,S,hockingstuart,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,88 Bruce St,4,h,,SN,Nelson,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/1 Furzer St,3,t,714000,S,Nelson,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17 Goldsmith Av,3,h,904000,S,Jellis,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,37/122 High St,2,u,,PI,Harcourts,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1c Mary St,2,h,770000,S,Jellis,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,26 Mount St,3,h,1226000,S,hockingstuart,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,246 Murray Rd,3,h,810000,SP,Barry,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,96 Oakover Rd,3,h,,SN,Holland,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,26 Paywit St,3,h,1127000,S,hockingstuart,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,19 Railway Pl,3,h,750000,SP,Ray,18/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,1/1556 Main Rd,4,h,630000,SP,Mason,18/06/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,41 Acheron Av,2,h,686000,S,Barry,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Borrie St,3,h,703000,S,Nelson,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/28 Compton St,2,t,365000,PI,Nelson,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/5 Daventry St,2,u,424000,S,Barry,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Elsey Rd,4,h,750000,S,Love,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/27 Erskine Av,2,u,363000,SP,Barry,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/3 Erskine Av,1,u,310000,S,Barry,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Florence Cl,3,h,613000,S,Nelson,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/11 Johnson St,2,u,,PI,Stockdale,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 McShane St,3,h,779000,S,Barry,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Nisbett St,2,t,425000,S,Stockdale,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/2 Pershing St,3,t,585000,PI,Brace,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,85 Radford Rd,5,h,791000,S,Ray,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Sheargold Ct,3,h,475000,S,Nelson,18/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,1/40 Bridge Rd,2,u,505000,S,hockingstuart,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/40 Bridge Rd,1,u,370000,VB,hockingstuart,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,19 Carroll St,2,h,,S,Biggin,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,134 Coppin St,3,h,1456000,S,Jellis,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28 Corsair St,2,h,1145000,S,Biggin,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,27/16 Goodwood St,2,t,810000,SP,hockingstuart,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17 Hoddle St,3,h,,PN,FN,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5 Koorang La,3,h,1100000,PI,Biggin,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Newry St,2,h,1220000,S,Jellis,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/1 Princess St,2,t,895000,S,Marshall,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Stillman St,2,h,1430000,S,Biggin,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,45 Westbank Tce,2,h,1045000,S,Jellis,18/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,131 Markham Rd,3,h,620000,PI,Raine,18/06/2016,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,1/13 Heather Gr,3,h,590000,VB,Fletchers,18/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,20 Heathmont Rd,2,h,,SN,Barry,18/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Regina St,2,h,,SN,Philip,18/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,17 Finlayson St,3,h,,SN,Barry,18/06/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,23 Rosedale Cr,3,h,,PI,Philip,18/06/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,2 Avery Ct,3,h,,SN,Barry,18/06/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,32 Jull Pde,5,h,,PI,Barry,18/06/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,7/1 Hotham Gr,1,u,327000,S,Woodards,18/06/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/88 Grandview Gr,4,u,730000,VB,Miles,18/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,206 Waiora Rd,4,h,1610000,S,Bekdon,18/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,6 Watersedge Wy,3,h,480000,S,Raine,18/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,201a Bluff Rd,4,h,,S,hockingstuart,18/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9 Dreadnought St,3,t,1100000,PI,Buxton,18/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,46 Sims St,5,h,3420000,S,hockingstuart,18/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,56 Victoria St,5,h,2060000,PI,Hodges,18/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,49 Orson St,4,h,,SN,Barry,18/06/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,13 Zerfas St,3,h,660000,PI,Justin,18/06/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,38 Hallifax St,4,h,620000,S,O'Brien,18/06/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,20 Greig St,3,h,881000,S,Jas,18/06/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,40 Greene St,3,h,941000,S,Jas,18/06/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,296 Albert Rd,3,h,1825000,S,Marshall,18/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,48 Glover St,2,h,1200000,VB,Greg,18/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,301/142 Park St,3,u,1550000,PI,Marshall,18/06/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,87 Gordons Rd,5,h,,PI,Harcourts,18/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,12 Jezwing Av,4,h,,PI,Barry,18/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,23 Poppy Dr,4,h,555000,S,Harcourts,18/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,34 Alexandra St,3,h,,S,Jellis,18/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,14/85 Caroline St,1,u,400000,S,hockingstuart,18/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,37 Grosvenor St,3,h,1810000,S,hockingstuart,18/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,115 Osborne St,3,h,,S,Jellis,18/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/28 The Righi,1,u,612000,S,hockingstuart,18/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1909/80 Clarendon St,1,u,415000,PI,Greg,18/06/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,85 Montague St,3,h,700000,VB,Cayzer,18/06/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,154 Hudsons Rd,4,h,1315000,S,hockingstuart,18/06/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,31 Burden St,3,h,,PI,Nexus,18/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,30 Hope St,3,h,,PN,Raine,18/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,172 Biggs St,4,h,680000,S,Ray,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,24 Craigielea Av,4,h,,SN,Barry,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,7 Edgerunner Cct,3,h,553000,S,YPA,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,300 Furlong Rd,3,h,600000,SP,YPA,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5/66 Lester Av,2,u,308000,PI,Bells,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,85 Vincent Av,4,h,,SN,Barry,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,31 Willaton St,3,h,558000,SP,Ray,18/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,7/104 Barkly St,2,u,785000,PI,McGrath,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/285 Barkly St,1,u,450000,SP,Buxton,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,27 Bath St,2,h,875000,S,hockingstuart,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/16 Charnwood Rd,2,u,650000,PI,Charlton,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/48 Dalgety St,1,u,405000,S,Biggin,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/46 Greeves St,2,u,431000,S,McGrath,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7 Octavia St,3,h,,SN,Whiting,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9 Octavia St,2,h,1100000,VB,Whiting,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,215/40 Pakington St,2,u,,PI,Biggin,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/27 Robe St,2,u,385000,VB,Harrington,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,104/30 The Esplanade,2,u,850000,PI,Marshall,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,104/13 Wellington St,2,u,575000,S,Buxton,18/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,44 Lind St,5,h,1485000,S,Rendina,18/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,9 Marks St,3,h,1080000,S,Considine,18/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,6 Prefect St,4,h,1715000,S,Paul,18/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/2 Roland Av,3,t,850000,PI,Brad,18/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,21 Strathnaver Av,4,h,1000000,S,Frank,18/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,9 Glenscott Cr,4,h,780000,SP,Brad,18/06/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Strathmore Heights,347 Mascoma St,4,h,800000,S,Considine,18/06/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunshine,8 High St,3,h,607500,S,Douglas,18/06/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,17 Leonard St,3,h,850000,S,Douglas,18/06/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,7 Union St,4,h,590000,S,Barry,18/06/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,7 Whitty St,2,h,555000,S,Barry,18/06/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,5 Braim St,3,h,700000,S,Barry,18/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,62 Dunkeld Av,3,h,480000,S,Douglas,18/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,5 Empress Ct,3,h,472500,SP,Biggin,18/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,23 Glengala Rd,3,h,547500,S,Douglas,18/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,43 Joan St,3,h,590000,S,Sweeney,18/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,89 Whitesides Av,3,h,540000,S,Barry,18/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,42a Essex Rd,4,h,1725000,S,Jellis,18/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,15 Middlesex Rd,3,h,,S,Jellis,18/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Oak St,3,h,,S,Fletchers,18/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Lakes,7 Holowko Ct,4,h,620000,SP,Barry,18/06/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,24 Jenkins Dr,4,h,1260000,S,Barry,18/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Noral Ct,4,h,1451000,S,hockingstuart,18/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,42 Glenair St,3,h,982000,S,Barry,18/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,133 MacEdon Rd,4,h,945000,PI,Jellis,18/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/27 Ruffey St,3,u,725000,S,Barry,18/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,7 Douglas Ct,3,h,,SP,Barry,18/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Lincoln Dr,3,h,530000,S,hockingstuart,18/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Maryland Cl,3,h,460000,S,Love,18/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,6 Salamander Av,3,h,477000,S,Ray,18/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,11 Armadale St,3,h,,S,Jellis,18/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/77 Pender St,2,u,350000,PI,Brace,18/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,175 Riley St,2,h,1065000,S,Thomas,18/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/267 Rossmoyne St,2,u,571750,SP,hockingstuart,18/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,16 Chastleton Av,4,h,5020000,S,Kay,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/14 Lansell Rd,2,u,705000,S,RT,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/765 Malvern Rd,2,u,575000,S,Luxe,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,17/34 Mathoura Rd,1,u,366000,S,Jellis,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7 Power Av,5,h,,S,Kay,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,28 Warra St,4,h,2620000,S,Jellis,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,296b Williams Rd,3,t,,PI,Marshall,18/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,47 Mooltan St,2,h,1100000,SP,Nelson,18/06/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,2/2 Birch Av,3,u,560000,S,Considine,18/06/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,35 Christopher Cr,3,h,550000,SP,Barry,18/06/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,11 Elonara Rd,4,h,,SN,Barry,18/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,1 Hancock St,4,h,1000000,S,M.J,18/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,11 Grantham Rd,4,h,940000,VB,Miles,18/06/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,44 Martins La,4,h,895000,S,Miles,18/06/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Watsonia,16 Castlereagh Pl,3,h,800000,S,hockingstuart,18/06/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,9 Grant St,3,h,657000,S,Morrison,18/06/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +West Footscray,37 Fontein St,3,h,,S,Burnham,18/06/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6 Fontein St,5,h,691000,PI,Biggin,18/06/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,9/28 Stanhope St,2,u,550000,S,Jas,18/06/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,6/40 Batman St,3,t,1130000,PI,Caine,18/06/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,30 Fawkner St,3,h,800500,S,Jason,18/06/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,25 Turner St,4,h,685000,S,Jason,18/06/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,75 Columbia Dr,4,h,910000,S,Ray,18/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Harlingford Ct,3,h,,PI,Ray,18/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,43 Rembrandt Dr,4,h,895000,SP,Harcourts,18/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Thurza Ct,4,h,,PN,Harcourts,18/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,45 Albert St,2,h,769000,S,RT,18/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,12/29 Champion Rd,2,u,380000,PI,Greg,18/06/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,10/27 Lewisham Rd,2,u,600000,S,Biggin,18/06/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,54a Lewisham Rd,3,h,,S,Jellis,18/06/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,94 Union St,2,h,,S,Biggin,18/06/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,15 Williams Rd,4,h,,SN,Jellis,18/06/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,24 Creswick Dr,4,h,,SN,Barry,18/06/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,19 Fulham Wy,3,h,385000,PI,Love,18/06/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,11 Alkira Cl,3,h,302500,S,Triwest,18/06/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,4 Melliodora Pl,3,h,731000,S,hockingstuart,18/06/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,52 Severn St,3,h,865000,SP,Jas,18/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,347 Williamstown Rd,3,h,781500,S,Jas,18/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,161 Charles St,1,h,727000,SP,Biggin,18/08/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,111/56 Nicholson St,2,u,,S,Biggin,18/08/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,47 Combermere St,3,h,1600000,PI,McDonald,18/08/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,11A May St,4,h,1580000,VB,Barry,18/08/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/35 Green St,2,u,587000,S,Nelson,18/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Alphington,5/35 Coate Av,2,u,640000,PI,Woodards,18/08/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,4 Charles Rd,4,h,920000,S,Greg,18/08/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,6/56 Rayner St,2,u,,SN,hockingstuart,18/08/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,12 Wren St,3,h,,SP,Williams,18/08/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,68 Cooper Av,3,h,811000,S,Greg,18/08/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/35 Delphin Av,3,t,790000,SP,Williams,18/08/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3/2 Hearn St,2,u,,SP,hockingstuart,18/08/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,295 Millers Rd,3,h,,PI,hockingstuart,18/08/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,42A Yallourn St,4,h,900000,PI,Bells,18/08/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,10/13 Denbigh Rd,2,u,866000,S,RT,18/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/49 Kooyong Rd,1,u,,W,Rodney,18/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/18 Mercer Rd,2,u,,PI,Marshall,18/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,538B Orrong Rd,3,h,,SN,Marshall,18/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,11/37 Ascot Vale Rd,2,u,,PI,Ray,18/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,47 Francis St,3,h,980000,PI,McDonald,18/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,18 Heather Av,3,h,940000,SP,Gary,18/08/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,7 Salisbury Rd,3,h,,PI,Buxton,18/08/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,4 Wayne Ct,5,h,1350000,PI,Buxton,18/08/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,10 Alexander Ct,4,h,920000,SA,Barry,18/08/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,7 Royal Palms,3,h,976000,S,Area,18/08/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,3 Shirra Pl,3,h,725000,S,RW,18/08/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,21 Medfield Av,4,h,850000,S,Nelson,18/08/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,132A Templewood Cr,3,t,940000,VB,Nelson,18/08/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,9 Dugdale St,3,h,,PI,Rayner,18/08/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Bacchus Marsh,1 Fisken St,3,h,440000,S,Arbee,18/08/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balwyn,15 Boston Rd,5,h,3600000,VB,Marshall,18/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Bruce St,3,h,1800000,PI,Jellis,18/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6/23 Gordon St,2,u,450000,PI,Buxton,18/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/66 Metung St,2,u,,PI,Noel,18/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Porter Rd,5,h,1850000,PI,Jellis,18/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,11 Corona St,3,h,,SP,Jellis,18/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,345 Doncaster Rd,2,h,,PI,Philip,18/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Kawarren St,4,h,1539000,S,Jellis,18/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,53 Viewhill Rd,5,h,,SN,Jellis,18/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,93 Winfield Rd,4,h,1500000,VB,Marshall,18/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Wynyard Cr,5,h,,PI,RT,18/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,31 Jeanette St,3,h,751000,S,Ray,18/08/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,30 Orchard Rd,3,h,670000,VB,Surreal,18/08/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,7 Lilian Ct,4,h,1300000,S,Buxton,18/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22A Towers St,3,t,,S,Marshall,18/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,128 Liberty Pde,3,h,,PI,Jellis,18/08/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,2/1 Poplar Cr,3,u,750000,S,Miles,18/08/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,4 Bolinda St,3,h,,SP,Buxton,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Buckingham Av,4,h,1798000,S,Buxton,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5 Lily St,5,h,1630000,VB,Jellis,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,31A London St,4,t,1100000,PI,Buxton,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,143 Patterson Rd,5,h,1630000,PI,Jellis,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,60a Railway Cr,4,t,,SN,Buxton,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/21 Vickery St,2,u,475000,SP,Jellis,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,24 Yawla St,3,h,1275000,VB,Gary,18/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/64 Brooks St,3,h,780000,PI,Buxton,18/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Chesterville Dr,3,h,,S,Buxton,18/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Gowrie St,3,h,1090000,S,Jellis,18/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,34 Gowrie St,3,h,1075000,S,Buxton,18/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Neville St,4,h,1200000,S,RT,18/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,49 Stockdale Av,4,h,1110000,PI,Jellis,18/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,8a College Gr,3,t,1900000,VB,Chisholm,18/08/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,8 Boongarry Av,3,h,,PI,Stockdale,18/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1 Hillside Cr,3,h,1300000,PI,Jellis,18/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3 Hillside Cr,2,h,1150000,PI,Jellis,18/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/12 Salisbury Av,4,t,,PI,Noel,18/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,61 Stanley Gr,3,h,1350000,PI,Ray,18/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,6 Iris Ct,5,h,,W,RW,18/08/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1 Killeen Av,3,h,850000,VB,RW,18/08/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,548 Middleborough Rd,3,h,,PI,Barry,18/08/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,23 Primula St,3,h,965000,S,Jellis,18/08/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Bonbeach,560 Nepean Hwy,3,h,1050000,VB,O'Brien,18/08/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,3/10 Bambury St,3,h,725000,SP,Biggin,18/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,28 Duncan Av,4,h,,W,Biggin,18/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1/22 Bass St,4,t,1150800,S,Buxton,18/08/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,3 Alwyn Ct,2,h,,W,S&L,18/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,68 Lily St,3,t,638800,S,Barry,18/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,2/174 Church St,3,t,1225000,S,Buxton,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Esplanade Av,4,h,,S,Greg,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10a Moule Av,3,t,,SN,Nick,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/142 New St,2,u,,SP,hockingstuart,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/425 New St,3,t,1650000,VB,Buxton,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/2 North Rd,3,t,1760000,S,hockingstuart,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Wallace Gr,4,h,3805000,S,Buxton,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,42 Whyte St,3,h,1900000,VB,Marshall,18/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Broadmeadows,43 Katunga Cr,3,h,,PI,YPA,18/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,44 Meredith St,3,h,630000,PI,Eview,18/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/8 Houston Ct,3,t,,PI,hockingstuart,18/08/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,2/8 Houston Ct,3,u,630000,S,hockingstuart,18/08/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,230 Brunswick Rd,4,h,1300000,VB,Jellis,18/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/10 Charles St,1,u,550000,VB,Jellis,18/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,80 Donald St,2,h,,PI,Barry,18/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,39a Mountfield St,3,t,966000,S,Woodards,18/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,64 Albion St,2,h,900000,VB,Brad,18/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,510/360 Lygon St,1,u,380000,VB,Rosin,18/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,13 Cornwall St,3,h,900000,S,William,18/08/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,18 England St,5,h,2000000,PI,Barry,18/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,3 Harold St,5,h,1400000,PI,Barry,18/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,6 Lachlan Gra,4,h,,PI,RT,18/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,22 Buttercup Gr,4,h,1001000,S,Barry,18/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,13/121 Grange Bvd,2,t,,VB,Stockdale,18/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7/5 Greenhills Rd,2,u,,VB,Stockdale,18/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24D Main Dr,4,t,650000,S,Ray,18/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Tamara Ct,3,h,,PI,Ray,18/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,45 Brockhoff Dr,4,h,,PN,JRW,18/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,18 Daniel St,5,h,,PI,Ray,18/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/13 Edwards St,4,t,,VB,Buxton,18/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,47 Lincoln St,4,h,1057000,S,Ray,18/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,16 Newhaven Rd,3,h,,VB,Jellis,18/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,33 Ruby St,5,h,,PI,RT,18/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,2/31 Alma Rd,2,u,,W,hockingstuart,18/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Holyrood St,5,h,,S,Jellis,18/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,989 Toorak Rd,4,h,,S,Jellis,18/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,30 Lydia Av,3,h,,W,Stockdale,18/08/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,2/22 Faversham Rd,4,t,,S,hockingstuart,18/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1B Mangarra Rd,4,t,2200000,VB,Kay,18/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/184 Prospect Hill Rd,2,u,780000,S,Noel,18/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1 Torrington St,3,h,,SN,Hodges,18/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,203/94 Canning St,2,u,,VB,Jellis,18/08/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,107 Princes St,2,h,818000,S,Nelson,18/08/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,10/30 Coorigil Rd,2,h,,VB,Jellis,18/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/12 Neville St,4,t,1250000,S,Gary,18/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/70 Truganini Rd,2,t,840500,S,Gary,18/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,14 Rosella Cr,3,h,565000,S,Barry,18/08/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,7/8 Sherdley Grn,3,t,470000,SP,Prof.,18/08/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,16 Dahmen St,4,h,850000,PI,Buxton,18/08/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,1/23 Tennyson St,3,h,,SP,Property,18/08/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,5/70 Hawthorn Rd,3,u,1050000,VB,Marshall,18/08/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,416 Kooyong Rd,3,h,1491000,S,Biggin,18/08/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,2/434 Kooyong Rd,2,u,530000,VB,Gary,18/08/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,328/70 Batesford Rd,2,u,480000,VB,Ray,18/08/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,86 Embankment Gr,3,h,695000,S,Ray,18/08/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,3/23 Barker St,2,t,605000,S,Buxton,18/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Barrett St,3,h,1027500,S,Barry,18/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19 Davie Av,3,h,,SN,Branon,18/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,91 Devon St,5,h,950000,PI,O'Brien,18/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Verdure Cr,4,h,1180000,VB,Buxton,18/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,45 Marshall Av,6,h,1750000,S,Barry,18/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/90 Moriah St,3,u,,SN,Biggin,18/08/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,2/27 Main Rd,2,u,456000,S,Ray,18/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,3 Harrys La,2,t,,SP,Nelson,18/08/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,32 Glengyle St,2,h,875000,S,Jellis,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,57 Harding St,2,h,1028500,S,Brad,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,64a Munro St,4,h,1150000,S,Nelson,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,74 Ohea St,3,h,,S,Hodges,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,83 Phillips St,3,h,1230000,S,Jellis,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Sheffield St,2,h,955000,S,Ray,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Soudan St,4,h,1307500,S,Ray,18/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,1A Ballarat St,3,h,1095000,S,Jellis,18/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,370 Wellington St,2,h,915000,S,Nelson,18/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,9 Bellfield Dr,3,h,565000,S,Professionals,18/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,31 Dashing Rd,4,h,735000,S,Ray,18/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,21 Gainsborough Dr,3,h,469500,S,Ray,18/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,46 Gallantry Av,3,h,470000,S,Professionals,18/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Loudon Cct,4,h,500000,S,Raine,18/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,71 Natural Dr,3,h,465000,S,Ray,18/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,68 Beaufort Rd,3,h,820000,VB,Stockdale,18/08/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,12/12 Karingal St,3,t,,SP,Noel,18/08/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,24 Pleasant Ri,2,h,725000,PI,Jellis,18/08/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,60 Willum Wy,4,h,820000,S,Area,18/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,3 Severn Ct,3,h,678000,S,Barry,18/08/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,35 Barnsbury Rd,4,h,2685000,S,Jellis,18/08/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,3/21 Terry St,2,h,808000,SP,Jellis,18/08/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Dingley Village,8 Blythe Ct,5,h,1181000,S,Barry,18/08/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,47 Burgundy Dr,3,h,,PI,Fletchers,18/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/5 Elm Tree Rd,4,u,1170000,PI,Barry,18/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Glenfern Av,4,h,,SN,Jellis,18/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,50 Wilsons Rd,4,h,1150000,PI,Fletchers,18/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1 Cavalier St,4,t,1478000,SP,Jellis,18/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,25 Monomeath Cl,5,h,1775000,S,Jellis,18/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/207 Reynolds Rd,3,t,631000,S,Ray,18/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/7 Talford St,3,t,1066000,S,Jellis,18/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1/74 Chippewa Av,3,t,790000,PI,Ray,18/08/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,6/1 Eastway Av,2,t,,PI,Reach,18/08/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,3 Bear Cr,5,h,649000,S,Stockdale,18/08/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,51a Field Av,4,t,1110000,PI,Buxton,18/08/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,7/7 Trevelyan St,2,u,772000,S,Biggin,18/08/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,5/28 Livingstone Rd,2,t,,S,Jellis,18/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,2/4 Garden Ct,3,u,,S,hockingstuart,18/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/8 John St,1,u,,VB,Biggin,18/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,21A Pine Av,3,h,1895000,VB,Chisholm,18/08/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,22 Berrigan St,3,h,560000,PI,hockingstuart,18/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,222/1 Jarama Bvd,1,u,295000,SP,HAR,18/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Paior Cct,4,h,,W,Bombay,18/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9A Rosamond Wy,2,t,445500,S,HAR,18/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,29 Verde Pde,4,h,,PI,hockingstuart,18/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,46 Alfred Rd,4,h,1580000,VB,Nelson,18/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24 Laluma St,3,h,,SP,Frank,18/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2 Nicholson St,4,h,1756000,S,Nelson,18/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,45 James St,3,h,805000,PI,Eview,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,11 Lowson St,4,h,,PI,Ray,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,42 Lowson St,3,h,,PI,Ray,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,39 Lynch Rd,3,t,727500,S,Barry,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,258 McBryde St,3,h,680000,VB,Nelson,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,35 Winn Gr,4,h,850000,S,Barry,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,7 Wurruk St,3,h,680000,S,Barry,18/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,28 Greenaway Dr,3,h,700000,VB,RW,18/08/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,63 Rankin Rd,4,h,,SN,Ray,18/08/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,427 George St,3,h,1150000,S,Nelson,18/08/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/416 Gore St,2,u,,VB,Jellis,18/08/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,226 Napier St,4,h,,SN,Nelson,18/08/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,48 Young St,3,h,1900000,VB,Nelson,18/08/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,570 Brunswick St,3,h,2040000,S,Jellis,18/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,3/16 Nicholson St,2,u,,PI,Jellis,18/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,170 Park St,2,h,1450000,S,Nelson,18/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,3 Dover St,3,h,,S,Nelson,18/08/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,8 Tunbridge St,2,h,850000,VB,Jellis,18/08/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,11 Govan St,4,h,1070000,VB,Nelson,18/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3 May St,3,h,750000,VB,Trimson,18/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,18/41 Moreland St,1,u,396000,SP,Barlow,18/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,5 Inglewood Av,4,h,1128000,S,Ray,18/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,3 Magnolia Dr,5,h,1350000,VB,Jellis,18/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,16 Sandon Cct,2,h,731000,S,Fletchers,18/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,24 McMurtry Wy,6,h,600000,S,O'Brien,18/08/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,2A Bader Ct,3,t,721000,S,Property,18/08/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,5/48 Magnolia Rd,1,u,290000,SP,hockingstuart,18/08/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,8 Wolverton Dr,4,h,680000,SP,Barry,18/08/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,2/5 Waratah Av,2,u,785000,S,Woodards,18/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,8 Audrey Cr,4,h,,S,Fletchers/J,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Bardolph St,3,h,1501000,S,Buxton,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/251 Burke Rd,2,u,484000,SP,hockingstuart,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/15 Dickens St,3,u,1400000,VB,hockingstuart,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,54 Gardiner Pde,4,h,1800000,VB,Marshall,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,151 High St,4,h,,S,Marshall,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,101/1557 Malvern Rd,2,u,530000,VB,Jellis,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Moonya Rd,3,h,1890000,VB,Jellis,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/26 Myrniong St,2,u,1157000,S,Jellis,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/5 Scott Gr,2,u,820000,S,Noel,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,82 Valley Pde,4,h,2575000,VB,Jellis,18/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/16 Danien St,3,t,991000,SP,Biggin,18/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,40 Kirstina Rd,4,h,,SN,Ray,18/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Lancelot Cr,5,h,,W,HAR,18/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Neera Ct,4,h,,SN,Harcourts,18/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Sellers St,3,h,1570000,S,Barry,18/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Whites La,3,h,1263500,S,JRW,18/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,6 Byron Ct,4,h,880000,PI,Barry,18/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/19 Chapman Av,2,u,470000,VB,Brad,18/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,25 Glenroy Rd,4,h,,SN,Barry,18/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,139 Hilton St,3,h,647000,S,Stockdale,18/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/19 Isla Av,3,u,585000,S,Barry,18/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/3 Justin Av,2,h,570000,S,Eview,18/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,116 Nell St,3,h,745000,S,Darren,18/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,36 Adderley Dr,4,h,,PI,Professionals,18/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,26 Inspiration Wy,5,h,910000,S,YPA,18/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,16 Ogilvy Av,4,h,690000,S,Ray,18/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,39 Davies St,2,h,740000,S,A,18/08/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton East,30 Short St,3,h,970000,VB,Hodges,18/08/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,28A Widdop Cr,3,t,950000,VB,Buxton,18/08/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,9/22 Connell St,2,u,570000,S,RW,18/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/26 Hawthorn Gln,2,u,607000,S,Jellis,18/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16 Power St,4,h,1900000,VB,Marshall,18/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,21/181 Power St,2,u,595000,S,Gary,18/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,694 Burwood Rd,3,h,1500000,PI,LITTLE,18/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,311/20 Camberwell Rd,1,u,,VB,hockingstuart,18/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,55 Leura Gr,4,h,,SN,Marshall,18/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,72 Victoria Rd,4,h,,S,Marshall,18/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,24 Alvena Cr,3,h,869000,SP,Barry,18/08/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,47 Dirkala Av,5,h,,VB,Barry,18/08/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,5 Mont Ct,4,h,,VB,Barry,18/08/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,1/5 Vine St,2,u,620000,VB,Miles,18/08/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,54 Altona St,4,h,,PI,Jellis,18/08/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,12 Highland Av,4,h,,VB,Buxton,18/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2 Fairview Ct,3,h,648500,S,Barry,18/08/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,43 Grandview Cr,4,h,750000,PI,Barry,18/08/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,1 Barrow Ct,3,h,490000,VB,hockingstuart,18/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Clay Av,3,h,591500,S,hockingstuart,18/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,28 Dummett Av,4,h,,W,Barry,18/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,99 Heaths Rd,5,h,,SP,Ray,18/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,3/46 Belmont Rd,2,t,747000,SP,Jellis,18/08/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,30 Russell St,3,h,,SN,RT,18/08/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,16 Waterdale Rd,3,h,1800000,VB,Miles,18/08/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,7/167 Lower Heidelberg Rd,2,u,610000,S,Philip,18/08/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,2A Borrell St,3,h,770000,S,Brad,18/08/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,2/65 Goodwood Dr,3,u,545000,PI,Barry,18/08/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,4A Bernard Ct,3,h,790500,SP,Nelson,18/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2 Judith St,4,h,980000,VB,Nelson,18/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,21 Milleara Rd,4,h,775000,S,Nelson,18/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2B Neal St,3,h,900000,S,Moonee,18/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,37 Collett St,2,h,830000,S,Nelson,18/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,20 Musgrove Mw,2,t,716000,SP,Biggin,18/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/20 Duke St,2,u,,PI,Nelson,18/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,209/39 Earl St,3,u,790000,PI,RT,18/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/2 Evans Rd,2,u,770000,S,hockingstuart,18/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Holroyd St,4,h,2300000,VB,Kay,18/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Holroyd St,4,h,2550000,VB,Jellis,18/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Miller Gr,5,h,2910000,PI,Kay,18/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,10 Elm Gr,4,h,1500000,PI,Marshall,18/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,34 Oswin St,3,h,,SN,The,18/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,18 Station St,4,h,1800000,VB,Marshall,18/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kings Park,1/14 Shepherds Gr,3,u,452000,S,YPA,18/08/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,48 Flag St,3,h,,SP,Barry,18/08/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,21 David St,3,h,,PI,Schroeder,18/08/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,18 Sundew Ct,3,h,,SP,Barry,18/08/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,50 Burton St,6,h,752500,S,Ray,18/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/8 King St,3,u,561000,S,Nelson,18/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3 Nancye Dr,3,h,645000,S,Love,18/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,17 Beleura Gr,4,h,900000,S,Buckingham,18/08/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Macleod,1/19 Edward St,2,u,545000,S,Love,18/08/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/4 Crefden St,1,u,310000,PI,Biggin,18/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,24 Edsall St,3,h,,S,Jellis,18/08/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/1263 High St,3,u,,VB,Jellis,18/08/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,58 Ardrie Rd,4,h,2440000,S,Marshall,18/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,9 Bent St,2,h,,SP,Marshall,18/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Findon St,3,h,1250000,VB,Jellis,18/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,55 Ivanhoe Gr,4,h,900000,VB,Buxton,18/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,34 Waterford Av,4,h,805000,S,Jellis,18/08/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2/5 Claire St,3,t,,W,Steller,18/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,9 Graham Av,3,h,1740000,PI,Buxton,18/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,32 Osborne Av,5,h,,VB,Jellis,18/08/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,720/74 Queens Rd,2,u,,W,McGrath,18/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,6 Toolern St,3,h,530000,S,FN,18/08/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,8 Avoca Ct,4,h,1330000,SP,Hodges,18/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/67 Patty St,3,t,,SN,O'Brien,18/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,1 Pugh St,4,h,537500,S,Ray,18/08/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,76 Trillium Bvd,4,h,510000,S,Barry,18/08/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,3/41 Herbert St,3,u,1210000,S,Biggin,18/08/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,29 Chestnut Rd,4,h,605000,S,Barry,18/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,53 Cuthbert Dr,3,h,720000,S,Barry,18/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,32 Farnham Cr,2,t,506500,S,HAR,18/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Madigan Cr,3,h,,SN,Ray,18/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5/1 Morang Dr,3,t,,PI,Love,18/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Timmins Ct,3,h,,PI,HAR,18/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,20 Cochrane St,2,h,726000,S,Ray,18/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,20 Dampier Gr,4,h,880000,S,Noel,18/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,11 Gibson St,3,h,,PI,Biggin,18/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,95 Orient Av,3,h,,VB,Noel,18/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Sunshine Av,4,h,,PI,Noel,18/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,587 Whitehorse Rd,3,h,700000,PI,Ray,18/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,18 Gordon St,4,h,2758000,SP,Jellis,18/08/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/412 Mont Albert Rd,3,u,,S,Jellis,18/08/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,81 Rattray Rd,3,h,780000,VB,Jellis,18/08/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,1007/341 Ascot Vale Rd,2,u,460000,SP,Pagan,18/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/43 Bent St,4,t,950000,VB,Brad,18/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,45 Darling St,4,h,1900000,PI,Hodges,18/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,144 Holmes Rd,3,h,1770000,S,Jellis,18/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,73A Bulli St,3,t,925000,S,Buxton,18/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/9 Perry St,3,t,1193000,PI,Buxton,18/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,43 Meadowlark La,3,h,715000,S,Fletchers,18/08/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,19 Myoora Dr,4,h,766000,S,Barry,18/08/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,92 Woodville Rd,4,h,818000,SP,Fletchers,18/08/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,20 Kingswood Av,4,h,1050000,PI,Harcourts,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 McLeod Pl,4,h,1841000,S,Ray,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Monomeith Cr,4,h,,PI,Ray,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Olympian Av,5,h,2350000,PI,RT,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Princetown Rd,4,h,,SP,Buxton,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/21 Quaintance St,2,u,,S,Jellis,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Wadham Pde,3,h,1290000,S,McGrath,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/15 Winbourne Rd,2,u,,PN,Barry,18/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,69 Hansworth St,4,h,913000,S,Ray,18/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,16 Iris Cl,5,h,1258000,S,Ray,18/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 Westham Ct,3,h,,SN,Commercial,18/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +New Gisborne,168 Saunders Rd,4,h,,PI,RT,18/08/2018,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,11 Ford St,4,h,1200000,S,Village,18/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/28 Maddox Rd,3,t,,PI,hockingstuart,18/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,15 North Rd,4,h,1400000,VB,Greg,18/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,8 Jennings St,3,h,655500,S,Area,18/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,124 Noble St,4,h,880000,S,C,18/08/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,57 Canning St,2,h,,VB,Jellis,18/08/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,13 Peckville St,2,h,1150000,S,Jellis,18/08/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,204/4 Beavers Rd,2,u,520000,PI,McGrath,18/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6/54 Cunningham St,1,u,390000,SP,Jellis,18/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Union St,2,h,1066000,S,Jellis,18/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,8 Ravenswood Ct,3,h,,S,Fletchers,18/08/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,230 Waterloo Rd,3,h,1400000,VB,Nelson,18/08/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,40 Watt Av,4,h,1100000,VB,Stockdale,18/08/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,3 McIntosh St,3,h,,PI,Woodards,18/08/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/26 Gordon Av,2,t,725000,PI,Woodards,18/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,30D Macrina St,3,t,800000,PI,Woodards,18/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3/16 Nonna St,3,u,867500,SP,O'Brien,18/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,9A State St,3,t,1065000,S,Buxton,18/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,9c State St,3,t,976000,S,Buxton,18/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/8 Devoy St,3,u,765000,S,Ray,18/08/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,5 Raven Ct,2,u,755000,S,Woodards,18/08/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,328 Warrigal Rd,4,h,838000,PI,Ray,18/08/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,15 Blackshaw St,4,h,1845000,S,Buxton,18/08/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/62 Lillimur Rd,2,h,1180000,S,Gary,18/08/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,2 Mirabelle St,3,h,341500,S,FN,18/08/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,21 Sixth St,3,t,1100000,VB,Buxton,18/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,701/228 The Avenue,3,u,2075000,S,Rendina,18/08/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,222 Boundary Rd,3,h,1050000,PI,Barry,18/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/19 Bristol Rd,3,t,700000,PI,The,18/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,18 Park St,2,h,570000,VB,Nelson,18/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,343 Sussex St,3,h,732000,S,Brad,18/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,15 Finchley Rd,4,h,,PI,Point,18/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,30 Maldive Gr,4,h,640000,SP,MICM,18/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,33 Mystic Gr,4,h,,SN,Ray,18/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,14 Sound Wy,4,h,,PI,Point,18/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,1/130 Princes St,3,t,,S,RT,18/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,247 Princes St,2,h,,PI,Ray,18/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,161/95 Rouse St,3,u,3300000,PI,RT,18/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,18 Chatsworth Rd,3,t,,S,Marshall,18/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,65 Greville St,3,h,2400000,VB,Marshall,18/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,22 Booth St,3,h,790000,PI,Nelson,18/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Burgess St,2,h,1065000,S,Nelson,18/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Hardy St,4,h,,SN,Ray,18/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Park Av,3,h,1116000,S,RW,18/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,94 Pender St,3,h,,PI,Nelson,18/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/188 Wood St,4,t,,VB,Ray,18/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4/57 Edwardes St,2,u,605000,S,RW,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Eisenhower St,2,h,690000,VB,Barry,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/963 High St,2,u,450500,S,Stockdale,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,48 Hobbs Cr,3,h,852000,S,Nelson,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/9 Hosken St,3,t,760000,S,Stockdale,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Marchant Av,3,h,855000,SP,Barry,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 McColl St,3,h,810000,PI,Barry,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/23 Oconnor St,2,u,530000,S,Barry,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,142 Rathcown Rd,3,h,810000,S,Love,18/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,3/19 Rowena Pde,2,t,1050000,S,Jellis,18/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/59 Westbank Tce,2,t,755000,S,LITTLE,18/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/109 New St,3,t,,VB,Fletchers,18/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,31 Reserve Rd,3,h,,SA,Barry,18/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/11 Woodside Av,3,u,680000,S,Jellis,18/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,14 Seares Dr,4,h,,VB,Jellis,18/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,232 Waiora Rd,3,h,1450000,PI,Darren,18/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,8 Pickersgill Cr,3,h,,W,RW,18/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,23 Sheridan Wy,5,h,572000,S,Barry,18/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,187 Abbott St,3,h,,VB,Buxton,18/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaholme,25 Sussex St,4,t,1250000,S,Greg,18/08/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,11 Eastwood St,3,t,,PI,Jas,18/08/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,27 Tennyson St,3,h,1387500,S,Jellis,18/08/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Morang,2 Camden Cl,3,h,,SN,Millership,18/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Diamonde Ri,4,h,858000,S,HAR,18/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,7 Joy St,3,h,1850000,S,Marshall,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/38 Macfarlan St,2,u,725000,S,hockingstuart,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/51 Marne St,2,u,912500,SA,hockingstuart,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,401/101 River St,3,u,1550000,S,Jellis,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,117/77 River St,1,u,,SP,Hodges,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/380 Toorak Rd,2,u,1030000,S,hockingstuart,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/272 Walsh St,1,u,560000,S,Beller,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,707/12 Yarra St,1,u,,PI,Silver,18/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2303/7 Riverside Qy,1,u,,PI,Pagan,18/08/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,11 Ferguson St,3,h,1390000,S,Jas,18/08/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,1/18 Lewis St,3,u,635000,S,Le,18/08/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Kilda,43 Blanche St,4,h,1875000,PI,hockingstuart,18/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,22 Duke St,3,h,1300000,PI,McGrath,18/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/44 Eildon Rd,2,u,550000,S,Buxton,18/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,23 Odessa St,3,h,1580000,S,Wilson,18/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/26 Wellington St,2,u,400000,PI,Gary,18/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/62 Wellington St,1,u,510000,PI,Buxton,18/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,212 Mascoma St,4,h,1200000,S,Barry,18/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,53 Melissa St,4,t,800000,S,Nelson,18/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/465 Pascoe Vale Rd,2,u,600000,PI,Brad,18/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,65 Bundanoon Av,5,h,,SP,Nelson,18/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Longmire Ct,4,h,,PI,RW,18/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,3 Lowe Cr,3,h,690000,PI,Douglas,18/08/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,5 Isla St,2,h,685000,S,Sweeney,18/08/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,34 Romsey Av,3,t,660000,SP,Bells,18/08/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,24 Davey St,3,h,748000,S,Bells,18/08/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/283 Elgar Rd,3,h,,VB,Marshall,18/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,54 Shepherd St,3,h,,S,Marshall,18/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,478 Whitehorse Rd,4,h,2900000,PI,FN,18/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,480 Whitehorse Rd,3,h,2400000,PI,FN,18/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,67 Roseleigh Bvd,3,h,629000,S,Barry,18/08/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Lakes,26 Angourie Cr,3,h,707000,S,Barry,18/08/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Henty Ct,4,h,790000,PI,Brad,18/08/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,14 Cliveden Ct,4,h,1850000,VB,Jellis,18/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Colonsay St,4,h,1310000,PI,Noel,18/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Glenvill Ct,4,t,,PI,Parkes,18/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,2/16 Heather Gr,3,u,750000,PI,Jellis,18/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,35 Jeffrey St,4,h,1950000,PI,Fletchers,18/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,8 Lakeview Tce,3,h,1580000,PI,Barry,18/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/280 Manningham Rd,3,u,880000,PI,Barry,18/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,10 Delta Ct,3,h,616000,S,HAR,18/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/134 Edgars Rd,2,u,,PI,hockingstuart,18/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,38 Highlands Rd,4,h,,PI,HAR,18/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/5 Pine St,3,u,569000,S,Love,18/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/36 Westall St,2,u,447500,S,HAR,18/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,312 Gooch St,3,h,950000,PI,Thomas,18/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,145A Hutton St,2,h,,SN,McGrath,18/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,157 Mansfield St,3,h,815000,S,Nelson,18/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/57 Pender St,1,u,408000,S,Love,18/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/76 Speight St,2,u,790000,S,HAR,18/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,4/801 Malvern Rd,2,u,,SN,Abercromby's,18/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/66 Mathoura Rd,2,u,700000,VB,Jellis,18/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/16 Tintern Av,2,u,880000,S,Jellis,18/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,39 Kimba Cct,4,h,579000,S,MICM,18/08/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,3 Theresa St,3,h,651000,S,Jason,18/08/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1/2 Marina St,3,u,,S,Jellis,18/08/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,56 Nurlendi Rd,4,h,,S,M.J,18/08/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,3 Settlers Ct,4,h,,SN,Harcourts,18/08/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,22 Country La,3,h,950000,VB,Miles,18/08/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,8 Lena St,4,h,1060000,VB,Miles,18/08/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,51 Eminence Wy,4,h,,SN,Biggin,18/08/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,43 Ireland Av,4,h,,PI,Noel,18/08/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,6 Caramut Ct,4,h,,PI,RT,18/08/2018,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia North,25 Sharpes Rd,3,h,740000,VB,Jellis,18/08/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,35 Allunga Wy,4,h,,PI,Ray,18/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21b Georgia Cr,3,t,577500,S,YPA,18/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Latham St,3,h,465000,S,YPA,18/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Nantilla Cr,3,h,492500,S,Ray,18/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,26 Hope St,3,h,940000,VB,hockingstuart,18/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,10 Waiora Pde,3,h,938000,S,hockingstuart,18/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,25 Linga St,3,h,,PI,YPA,18/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,2 Harlaw Ct,4,h,1020000,SP,Barry,18/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Nevada Cl,3,h,,PI,Ray,18/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Trafford Ct,4,h,1140000,S,Barry,18/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,49 John St,5,h,,VB,Greg,18/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1/261 Nelson Pl,4,h,,SP,Compton,18/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1/18 Station Rd,2,u,480000,SP,Greg,18/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,52 Earl St,2,h,,VB,Marshall,18/08/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,11/25 Williams Rd,1,u,360000,SP,Woodards,18/08/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,5 Augusta Dr,4,h,670000,S,Ray,18/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,25 Birchmore Rd,3,h,550000,S,Ray,18/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,9 Dalwood Wy,4,h,,PI,HAR,18/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,6 Brimpton Gr,4,h,563000,S,Barry,18/08/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,1/463 McGrath Rd,3,h,,PI,Ray,18/08/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,32 Bimbadeen Cr,3,h,,PI,Ray,18/08/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,4 Tarcoola Dr,3,h,760000,VB,Fletchers/Fletchers,18/08/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,2/11 Fielding St,3,h,,S,hockingstuart,18/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3 Love St,3,h,905000,S,Jas,18/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,64 Pentland Pde,3,h,970000,VB,Jas,18/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26A Sussex St,3,h,,PI,Jas,18/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,11/1 Abbott St,3,h,980000,S,Biggin,18/11/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,38 Clifton St,4,h,1700000,VB,Brad,18/11/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,2 Knight St,5,h,1825000,VB,Nelson,18/11/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/21 Clydesdale Rd,2,u,530000,PI,Nelson,18/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,108 Halsey Rd,3,h,860000,PI,Nelson,18/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/54 Hawker St,2,h,495000,S,Barry,18/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,19 Hilbert Rd,3,h,807000,S,Meallin,18/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,188 Danks St,3,h,,SN,Greg,18/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,14 Dundas Pl,3,h,,SN,Greg,18/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,14 Faussett St,2,h,1610000,PI,Greg,18/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,330 Ferrars St,3,h,,SP,Marshall,18/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,38 Herbert Pl,2,h,1550000,S,Cayzer,18/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,7 Chifley Av,3,h,1010000,SP,Barlow,18/11/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,12 Scullin St,3,h,1060000,SP,Barlow,18/11/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,11/11 Harrison Ct,3,t,541500,SP,Ray,18/11/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,7 Norval Tce,4,h,820000,SP,Sweeney,18/11/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,408 Blackshaws Rd,3,h,,W,Barry,18/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/39 Hearn St,2,u,465000,S,Barlow,18/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,12 Rymill Ct,4,h,1205000,S,Sweeney,18/11/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,1/55 Kooyong Rd,3,t,1440000,S,Jellis,18/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/58 Wattletree Rd,2,h,1210000,S,Marshall,18/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,301/8 Burrowes St,2,u,601000,SP,Brad,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,93 Epsom Rd,5,h,1325000,S,Nelson,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,21 Francis St,4,h,1690000,SP,Nelson,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,62 Langs Rd,3,h,965000,S,Raine,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12 Mirams St,3,h,1750000,PI,Rendina,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,97 The Crescent,3,h,1050000,SP,hockingstuart,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/35 Union Rd,2,t,680000,VB,Nelson,18/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,24 Poulter St,3,h,1825000,S,Marshall,18/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Avondale Heights,35 Bordeaux St,3,h,881000,S,Moonee,18/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,4 Camlarni Cl,4,h,950000,VB,Moonee,18/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,16 Sydney St,4,h,1068000,S,Nelson,18/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,3/27 Gourlay St,1,u,387000,SP,Buxton,18/11/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,1/30 Gourlay St,2,t,990000,S,McGrath,18/11/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2/216 Belmore Rd,2,u,780000,VB,Fletchers,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,16 Boston Rd,4,h,5650000,PI,Marshall,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11 Grey St,2,h,2330000,S,Noel,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11 Grosvenor Pde,2,h,,SN,Jellis,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Hilda St,3,h,2010000,S,Noel,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/4 Woods St,2,u,800000,VB,Marshall,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9/132 Yarrbat Av,3,t,1675000,SP,Fletchers,18/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1/4 Aquila St,3,t,1010000,S,Walsh,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/77 Aylmer St,3,t,1320000,S,hockingstuart,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,43 Cityview Rd,4,h,1930000,PI,Jellis,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,57 Cityview Rd,5,h,4050000,S,Noel,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,25 Corby St,4,h,1800000,PI,Noel,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Hillview Rd,4,h,1720000,VB,hockingstuart,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,33A Hosken St,3,h,,S,Fletchers,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Kyora Pde,3,h,1950000,VB,Upside,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Rangeview Gr,3,h,3160000,S,Jellis,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,51 Tuxen St,4,h,2890000,PI,Fletchers,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Viewpoint Rd,3,h,,PI,Fletchers,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 Walbundry Av,4,h,2275000,PI,Marshall,18/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,7 Cousin Dr,5,h,875000,S,Surreal,18/11/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,8 Wonthulong Dr,4,h,800000,SP,Ray,18/11/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,7/5 Alfred St,2,u,677000,S,Buxton,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,12A Cromer Rd,4,t,1500000,S,Bayside,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,12B Cromer Rd,2,t,925000,S,Bayside,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,5 Gareth Av,3,t,1817500,S,Marshall,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,20 Mariemont Av,5,h,,S,hockingstuart,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9 Monaco Cr,5,h,1950000,VB,Hodges,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10A Reserve Rd,4,h,2225000,VB,Chisholm,18/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,5a Bendigo Av,3,t,1190000,S,Buxton,18/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/205 Centre Rd,2,u,770000,PI,Jellis,18/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,47 Paschal St,3,t,1220000,SP,Ray,18/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3 Porter Rd,3,h,1395000,S,Buxton,18/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,60B Tucker Rd,4,t,1370000,S,Gary,18/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/1 Abbin Av,3,h,875000,PI,Buxton,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,52a Barrington St,4,t,1250000,S,Gary,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/40 Beddoe Av,2,h,890000,S,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/32 Browns Rd,2,u,700000,S,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32 Connie St,5,h,1260000,S,Buxton,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/107 East Boundary Rd,3,u,,VB,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2a Ellen St,4,t,1400000,PI,Buxton,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Lahona Av,3,t,,S,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4A Loch Ct,4,t,1300000,S,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,102a MacKie Rd,3,t,1085000,S,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Pollina St,4,h,1640000,S,Buxton,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Scanlan St,3,t,850000,PI,Jellis,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,40 Tambet St,3,h,1305000,S,Purplebricks,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Victor Rd,3,h,,S,Woodards,18/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,1/165 High St,3,h,630000,VB,Barry,18/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,12 Redmore Ct,3,h,560000,S,C21,18/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/3 Ardoyne St,2,h,790000,S,Hodges,18/11/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,24 Fourth St,5,h,,S,hockingstuart,18/11/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,50 Middleton St,3,t,,S,Buxton,18/11/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,9 Larch St,4,h,,VB,RT,18/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,47 Main St,4,h,,PI,Woodards,18/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,28 Ohara St,3,h,1300500,S,Noel,18/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/10 Oliver Av,3,t,800000,VB,Fletchers,18/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,5 Lane St,4,h,,SP,Noel,18/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,50 Aldinga St,3,h,,SN,Woodards,18/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,8 Bronwyn Ct,4,h,1065000,S,Stockdale,18/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/21 Highfield Av,3,t,,VB,Fletchers,18/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,6 Indra Rd,3,h,,S,Fletchers,18/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,19 Orchard Gr,4,h,,S,Noel,18/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,2/49 Fowler St,3,u,772000,S,hockingstuart,18/11/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Botanic Ridge,15 Bellis Cct,4,h,750000,S,Bowman,18/11/2017,3977,South-Eastern Metropolitan,1240,34.7,Casey City Council +Box Hill,27 Pendle St,4,h,1635000,S,Fletchers,18/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/1129 Whitehorse Rd,2,t,820000,S,hockingstuart,18/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/52 Lily St,4,t,760000,S,Barry,18/11/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,12/83 Asling St,2,u,621000,SP,Castran,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,223/380 Bay St,2,u,650000,S,Nick,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,769A Hampton St,3,t,,S,Buxton,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/41 Kinane St,3,t,1085000,S,Marshall,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Lindsay St,5,h,3300000,VB,Marshall,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Lorac Av,4,h,,VB,Marshall,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,135 Male St,4,h,,SP,Marshall,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/58 Nepean Hwy,3,t,1060000,S,Chisholm,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Newbay Cr,5,h,5150000,PI,Buxton,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/35 Normanby St,2,u,650000,VB,RT,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/72 Well St,2,t,2550000,S,RT,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,98 Well St,4,h,,SP,Marshall,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,41 Were St,4,h,,SP,Nick,18/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,4 Baird St,4,t,2530000,S,Buxton,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Bayview Rd,3,t,950000,VB,Buxton,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,26 Billson St,4,h,2800000,PI,buyMyplace,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4a Burwah Av,3,t,2100000,VB,Buxton,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Curley St,6,h,3210000,S,Hodges,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Dumaresq St,3,h,,SP,Hodges,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,78 Glencairn Av,4,h,3320000,S,RT,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Northern Av,5,h,,SP,Biggin,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Rogers Av,2,h,1330000,PI,hockingstuart,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,52 Shasta Av,4,h,,S,Buxton,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,35A Studley Rd,3,t,,SP,Marshall,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Violet Cr,6,h,2370000,S,Jellis,18/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1/15 Congram St,4,t,575000,S,YPA,18/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,147 Kitchener St,3,h,,VB,Stockdale,18/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/2 London Rd,2,u,320000,S,Stockdale,18/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/11 Almond Av,3,t,682500,S,FN,18/11/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,4/43 Cypress Av,3,t,640000,SP,hockingstuart,18/11/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,36 Primula Av,3,h,860000,SP,Nelson,18/11/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,226 Moreland Rd,4,h,1360000,PI,hockingstuart,18/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,99 Stewart St,4,h,,VB,Jellis,18/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12 Westbourne St,4,h,1470000,S,Nelson,18/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,54 Kingfisher Gdns,5,h,1475000,PI,Jellis,18/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,6 Rupert St,4,h,1895000,S,Nelson,18/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,5/4 Cumming St,3,u,690000,S,hockingstuart,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/1 Duggan St,2,u,420500,SP,Pagan,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/11 Egginton St,2,u,395000,PI,Walshe,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10/520 Moreland Rd,2,u,420000,S,Nelson,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,20 Owen St,3,h,1050000,VB,Nelson,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,911 Park St,4,h,1336500,S,Del,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/5 Turnbull Ct,4,t,730000,VB,Nelson,18/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulla,133 Bulla Rd,3,h,665000,S,Barry,18/11/2017,3428,Western Metropolitan,271,22.9,Hume City Council +Bulleen,25 Albany Pl,4,h,,S,Fletchers,18/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1 Coromandel Ct,5,h,1748000,S,Jellis,18/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1 Furneaux Gr,4,h,,SP,Fletchers,18/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,10 Sandra St,4,h,1225000,S,Barry,18/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bullengarook,172 Fitzgerald Rd,6,h,1430000,S,Keatings,18/11/2017,3437,Northern Victoria,249,45.9,Macedon Ranges Shire Council +Bundoora,21 Belair Ct,3,h,880000,SP,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,106 Betula Av,3,h,800000,S,Ray,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Cherrywood Ct,3,h,820500,S,Ray,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24 David Cr,4,h,855000,S,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,29 Hutchins Cct,3,h,910000,S,Ray,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Janet Cr,3,h,853000,SP,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,75 Japonica St,4,h,,PI,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Larter Ct,4,h,800888,SP,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Nevis Ct,5,h,,PI,Ray,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5/42 Ormond Bvd,2,u,380000,SP,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,79 Worcester Cr,4,h,1300000,S,Barry,18/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,17/7 Adam St,2,u,556000,S,Jellis,18/11/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,44 Barnes Av,4,h,,SN,Jellis,18/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1 Judith St,3,h,1200000,VB,JY,18/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/8 Newbigin St,3,h,,SN,Jellis,18/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2 Webb St,3,h,1300000,S,Fletchers,18/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,176 Holland Rd,3,h,970000,PI,Buxton,18/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,8 Weber Cr,4,h,,SP,Fletchers,18/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,3/11 Carramar Av,3,u,902500,SP,Lindellas,18/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Kirkwood Dr,4,h,1950000,PI,Noel,18/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,643 Riversdale Rd,5,h,2230000,SP,Marshall,18/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,13 Webster St,4,t,1890000,S,Jellis,18/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,10 Cheviot Rd,3,h,668000,S,Barry,18/11/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,8 Avenue Athol,4,h,1820000,PI,Fletchers,18/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,125 Canterbury Rd,5,h,3230000,S,Marshall,18/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,10 Chatham Rd,3,h,,SP,Malvern,18/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,23 Maling Rd,5,h,4125000,S,Marshall,18/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,10 View St,4,h,,S,Marshall,18/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carnegie,9/9 Poplar Gr,1,u,350000,SP,Gary,18/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,24A Rosanna St,3,t,1260000,PI,Gary,18/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,18 Church Rd,4,h,980000,S,hockingstuart,18/11/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,8 Kieran Ct,3,h,560000,S,Harcourts,18/11/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,26 Derby Cr,4,h,,S,hockingstuart,18/11/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,2/388 Dandenong Rd,2,u,630000,S,Marshall,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,5/496 Dandenong Rd,2,u,550000,VB,hockingstuart,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,8 Findon Av,4,h,3630000,SP,Marshall,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,206/100 Hawthorn Rd,2,u,,S,Kay,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,18/9 Hudson St,1,u,285000,SP,Gary,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,8/129 Kambrook Rd,1,u,420000,PI,Rodney,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,3/16 Payne St,2,u,590250,SP,Gary,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,7/3 Payne St,3,u,756000,S,Gary,18/11/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,15 Brooklyn Av,4,h,,PN,Gary,18/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,219/70 Batesford Rd,2,u,520000,PI,Barry,18/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/11 Hiscock St,3,t,,PI,Ray,18/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1 Tandara Ct,4,h,1150000,PI,McGrath,18/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,7 Chelbara Ct,2,h,501000,S,Buxton,18/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1/73 Embankment Gr,4,t,946000,S,hockingstuart,18/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,3/76 Swan Wk,2,u,535000,S,Ray,18/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,4 Courtney St,5,h,1495000,S,Hodges,18/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30 Snowdon Dr,4,h,1205000,S,Barry,18/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,59 Tulip Gr,4,h,1100000,PI,Maitland,18/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,28 Circle Rdg,3,h,715000,SP,Fletchers,18/11/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/208 Clarinda Rd,3,u,661000,SP,Buxton,18/11/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,16 Eva St,4,h,1163000,S,Buxton,18/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,87 Eva St,4,h,,SN,Ray,18/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,46 Scotsburn Av,3,h,,PI,Buxton,18/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,19 Brady Av,3,h,881000,S,Purplebricks,18/11/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2 First St,3,h,,PI,Buxton,18/11/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,4/11 Moore Av,3,t,,PI,Ray,18/11/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,12 Barries Pl,3,h,942500,S,Nelson,18/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,8 Clifton St,3,h,1600000,S,Jellis,18/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,50 Clarendon St,3,h,,S,Jellis,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,196 Gordon St,4,h,1380000,S,Jellis,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,29 Kerferd St,3,h,970000,SP,Nelson,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Lascelles St,3,h,1631000,S,hockingstuart,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Ohea St,3,h,770000,S,Raine,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Queen St,2,h,975000,S,Nelson,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,48 Shackell St,3,h,,SP,Brad,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,20 Station St,3,h,,PI,HAR,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,158 The Avenue,3,h,1151000,S,Nelson,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,63 Victoria St,3,h,935000,S,Raine,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,36 Walsh St,2,h,870000,S,Barry,18/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,19 Pixel Cct,3,t,735000,S,hockingstuart,18/11/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coldstream,54 Killara Rd,3,h,630000,S,Ray,18/11/2017,3770,Eastern Victoria,810,33,Yarra Ranges Shire Council +Collingwood,123 Hotham St,3,h,1460000,S,Nelson,18/11/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,64 Bainbridge Cl,3,h,600000,S,Stockdale,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Corringa Wy,3,h,468000,S,HAR,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Eminence Wy,4,h,616000,S,Barry,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Fermont Av,4,h,583000,S,Barry,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,44 Kensley Cct,4,h,580000,SP,LJ,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Langdon Cr,3,h,513000,S,YPA,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,63 Northleigh Av,4,h,600000,S,Barry,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Peppertree Pde,3,t,470000,S,Barry,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Rossdale St,4,h,585000,S,Millership,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Scoria Cct,4,h,660000,PI,Ray,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Tusmore Ri,4,h,665000,S,Ray,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Valley Ct,3,h,615000,S,Ray,18/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,44 Balmain St,2,h,945000,PI,hockingstuart,18/11/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,3 Eden St,4,h,,VB,Noel,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 Norman Rd,5,h,965000,S,McGrath,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,52 Plymouth Rd,3,h,995000,S,Carter,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,58 Plymouth Rd,3,h,,SP,Max,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Robinson St,5,h,900000,VB,Purplebricks,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/26 Vernon St,4,h,1320000,SA,Philip,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,31 Woodland Av,5,h,,PI,Philip,18/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,9 Grange Tce,4,h,1040000,S,McGrath,18/11/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,8 Knee La,4,h,870000,VB,McGrath,18/11/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,21 MacEy St,3,h,850000,S,McGrath,18/11/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,4 Echuca St,3,h,452000,S,YPA,18/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,2 Kaniva St,3,h,446000,S,FN,18/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,15 Mildura Cr,3,h,475000,PI,Stockdale,18/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,13 Murtoa St,3,h,505500,S,YPA,18/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,1/97 Hammond Rd,2,u,393000,SP,O'Brien,18/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,17 Hopkins St,3,h,687000,S,Del,18/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,131 Brady Rd,4,h,723000,S,C21,18/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,81 McFees Rd,3,h,,SN,Biggin,18/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,956 Burke Rd,3,h,2250000,VB,Marshall,18/11/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,8 Dumfries St,3,h,680000,S,YPA,18/11/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,2 Robinsons Rd,3,h,,PN,TRUE,18/11/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,16 Currawong Ct,6,h,,S,Morrison,18/11/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2 Norma St,3,h,827000,SP,Barry,18/11/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5 Kathrin Av,5,h,1050000,PI,Ray,18/11/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Mungari St,5,h,1105000,S,Buxton,18/11/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,33 Gray St,4,h,,S,RW,18/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,42 Koolkuna Av,4,h,1325000,VB,Barry,18/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,4/2 Daws Rd,3,u,780000,S,Ray,18/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1A Minaki Av,3,h,865000,S,Barry,18/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,15 Morinda Cr,4,h,1927000,S,Ray,18/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,48 Polaris Dr,3,h,1325000,S,Barry,18/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,19 Richard St,3,h,905000,PI,Jellis,18/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,16/30 Thomas St,3,u,,PI,Barry,18/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,43 Astelot Dr,3,h,,PI,Woodards,18/11/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,23 Powers St,5,h,1440000,S,Barry,18/11/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,8 Solson Pl,4,h,,SN,Ray,18/11/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,5 Coulthard Cr,4,h,,W,LJ,18/11/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,6 Leatherwood Ct,4,h,570000,S,Morrison,18/11/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,23 Matipo St,3,h,600000,S,Stockdale,18/11/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,1/57 Durham St,3,h,1288000,S,Fletchers,18/11/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,11/322 Albert St,2,u,,SP,Kay,18/11/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,1/59 Langrigg Av,3,h,670000,VB,hockingstuart,18/11/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2 Mary Av,3,h,1000000,S,Hodges,18/11/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,36 Victoria St,4,h,,SP,Biggin,18/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,2/56 John St,3,h,777500,S,Fletchers,18/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,2/193 Brighton Rd,2,u,425000,PI,Gary,18/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,22 Burns St,5,h,3200000,VB,Chisholm,18/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,22/29 Dickens St,3,u,942000,S,RT,18/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,15/5 Dickens St,1,u,,PN,Gary,18/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,23/5 Dickens St,2,u,655000,PI,McGrath,18/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/5 Southey Ct,2,u,,SP,Buxton,18/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,18 Kyabram St,4,h,,PI,HAR,18/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/10 Ardoch St,2,u,475000,S,Nelson,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/15 Balmoral St,3,t,820000,S,Nelson,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,101/201 Buckley St,1,u,322000,S,Barry,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/4 Cooper St,3,t,880000,VB,McDonald,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Deakin St,3,h,1110000,S,Nelson,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,50 Fitzgerald Rd,5,h,1560000,S,Red,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/5 Flower St,3,t,1100000,VB,Jellis,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Levien St,4,h,2455000,S,Frank,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,78A Market St,4,h,1420000,PI,Nelson,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,20 McCarron Pde,4,h,2600000,VB,Nelson,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,33 McCracken St,5,h,,SP,Nelson,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7/94 Primrose St,2,u,440000,SP,Brad,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4 Schofield St,6,h,2500000,VB,Brad,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7 Shamrock St,3,h,1275000,S,McDonald,18/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,24 Royal Av,4,h,1540000,PI,Nelson,18/11/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,10A Salisbury St,3,h,820000,S,Nelson,18/11/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,29 Ruby St,4,h,1655000,S,Nelson,18/11/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,52 Arthur St,3,h,,SP,Jellis,18/11/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,220 Wingrove St,3,h,1225000,S,Nelson,18/11/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,90 Denys St,3,h,710000,SP,Nelson,18/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,53 Lynch Rd,3,h,645000,PI,Stockdale,18/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,11 Major Rd,3,h,910000,SP,hockingstuart,18/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,38 Murray St,3,h,830000,S,hockingstuart,18/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,6A Vervale Av,3,t,542000,S,Harcourts,18/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,19 Butlers Rd,3,h,725000,S,Stockdale,18/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,16 Cutler Cl,4,h,940000,PI,buyMyplace,18/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,1 Dava Ct,4,h,,SA,Barry,18/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,28 Lightwood Dr,3,h,,PI,Barry,18/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,1/113 Cecil St,2,u,790000,PI,Nelson,18/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,71 Hanover St,3,h,1305000,SP,Nelson,18/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,4/228 Moor St,2,u,,SP,Jellis,18/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,312/300 Young St,1,u,472500,SP,Jellis,18/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,49 Batman St,2,h,1370000,S,Collins,18/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,9 May St,4,h,2630000,S,Nelson,18/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,111 McKean St,4,h,,S,Nelson,18/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,38 Michael St,2,h,1450000,S,Jellis,18/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,19/86 Queens Pde,2,u,782000,S,Jellis,18/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,104 Shields St,2,h,1175000,S,Nelson,18/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,104 Droop St,3,h,940000,PI,McGrath,18/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,68 Newell St,4,h,1420000,S,Jellis,18/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5 Park St,3,h,890000,S,Moonee,18/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,20 White St,3,h,975000,VB,Jas,18/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,82 Bindy St,4,h,1015000,S,Fletchers,18/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,177 Mahoneys Rd,3,h,,SN,Woodards,18/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,58 Menin Rd,4,h,,SN,Noel,18/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,11 Birdwood St,3,h,,SN,Barry,18/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,38 Nolan St,3,h,,SP,O'Brien,18/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,12 Olive Gr,3,h,700000,PI,Aquire,18/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/31 Petrie St,3,u,610000,S,Barry,18/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,36 Williams St,2,h,,PI,O'Brien,18/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,20 Pine St,4,h,595000,SA,hockingstuart,18/11/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,3 Banksia Ct,4,h,737500,S,hockingstuart,18/11/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Crestview Ct,3,h,686000,S,hockingstuart,18/11/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,23 Tristania St,3,h,682000,SP,Harcourts,18/11/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,169 Willowbank Rd,3,h,1100000,SP,RT,18/11/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,64 Finton Gr,3,h,590000,S,Stockdale,18/11/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,16 Hall Rd,3,h,650000,SP,Barry,18/11/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Tecoma Ct,3,h,651000,S,Barry,18/11/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,30 Beryl St,5,h,2625000,VB,Jellis,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/8 Dickens St,4,h,,SP,Marshall,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/32 Iris Rd,3,u,1105000,PI,Marshall,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Kenilworth Gr,3,h,1845000,S,Jellis,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/23 Lomond St,2,u,1150000,S,Noel,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14A Maitland St,2,h,,SN,Jellis,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Malvern Av,3,h,,SN,J,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,27 Renwick St,3,h,2412000,S,Marshall,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6/39 Scott Gr,1,u,,SP,Smart,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,123 Summerhill Rd,4,h,2640000,PI,Kay,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,21 Victor Rd,5,h,2300000,VB,Marshall,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11 Walerna Rd,4,h,2001000,S,Fletchers,18/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,29 Brighton St,5,h,1670000,S,Harcourts,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Clivejay St,4,h,,PI,Ray,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,62 Danien St,4,h,,SP,Barry,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19 Fernhill St,3,h,2380000,S,LLC,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,44 Grantley Dr,3,h,,SN,Harcourts,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,538 Highbury Rd,4,h,1150000,S,Barry,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,53 Hinkler Rd,4,t,1250000,PI,Harcourts,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/12 Jordan Gr,3,u,1018000,PI,Barry,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/12 Jordan Gr,3,u,1250000,PI,Barry,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Kalonga Ct,4,h,,PN,Harcourts,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Louise Ct,5,h,2202000,S,Ray,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Matthew St,3,h,1605000,S,Ray,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/26 Myers Av,3,u,,SN,Harcourts,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Pippin Av,3,h,1600000,PI,Barry,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 The Rise,3,h,,SN,Ray,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 York St,4,h,1328800,SP,Harcourts,18/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,62 Belair Av,3,h,1000000,S,Stockdale,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,12 Byron Ct,4,h,1030000,S,Nelson,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/43 Lytton St,4,t,745000,SP,Barry,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,139 Morell St,5,h,861960,SP,Eview,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,47 Morley St,3,h,1171000,S,Stockdale,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10 Ogden St,3,h,611000,S,D'Aprano,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2B Tarana Av,2,h,512000,S,Stockdale,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,25 Valley Cr,3,h,,SN,Peter,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/66 Widford St,2,t,530000,S,Rendina,18/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,42 Albion Cr,5,h,,SP,Buckingham,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,25 Booyan Cr,3,h,750000,S,Morrison,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/201 Elder St,3,h,,VB,Darren,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,215 Nell St,3,h,743000,S,Darren,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4/72 Nell St,2,u,500000,S,Jellis,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,41 Sunrise Dr,4,h,1221000,S,Darren,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Toombarra Pl,3,h,905000,S,Darren,18/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Barlby Ct,3,h,715000,S,Barry,18/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1 Cupar Pl,4,h,1210000,S,Barry,18/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1 Haddington Cr,5,h,1020000,VB,Barry,18/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,2/13 Surrey St,3,t,716000,SP,Raine,18/11/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,1/7 Deakin St N,2,h,940000,S,Hodges,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13 Gordon St,4,h,,S,hockingstuart,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,24 Gordon St,5,h,4500000,VB,Marshall,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,11 Hamel St,3,h,2390000,S,Buxton,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/340 Hampton St,2,u,1081000,S,Hodges,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,40 Littlewood St,4,h,1900000,S,hockingstuart,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,49 Mills St,4,h,2610000,S,Marshall,18/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,16a Keith St,4,t,1320000,S,Hodges,18/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,5/1 King St,2,u,491000,S,Buxton,18/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/1 Domville Av,2,u,607000,SP,Marshall,18/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/14 Liddiard St,1,u,330000,PI,hockingstuart,18/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,19 Liddiard St,4,h,2615000,S,Marshall,18/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/46 Riversdale Rd,3,t,1500000,S,Jellis,18/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,22 Robinson Rd,4,h,,S,Marshall,18/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Wright St,4,h,,PI,RT,18/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,8 Campbell Gr,5,h,3525500,S,Kay,18/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/37 Clifton Rd,2,u,,S,Marshall,18/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,14 Harts Pde,4,h,2735000,S,hockingstuart,18/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,45 Havelock Rd,3,h,1870000,S,Kay,18/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/20 Mayston St,2,u,580000,VB,Marshall,18/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Healesville,36 Don Rd,4,h,726000,SP,Mark,18/11/2017,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,5 Bronaldi St,5,h,820000,PI,Woodards,18/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,21 Coven Av,3,h,991000,S,Fletchers,18/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,37 The Boulevard,4,h,,PI,Barry,18/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,28 Washusen Rd,3,h,830000,S,hockingstuart,18/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,49 Beverley Rd,4,h,1540000,S,Nelson,18/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,3/79 Brown St,3,u,770000,S,Miles,18/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,60 McEwan Rd,3,h,705000,PI,Haughton,18/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/76 Porter Rd,3,u,660500,S,Noel,18/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/388 Waterdale Rd,3,h,710000,VB,Nelson,18/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,33 Ramu Pde,4,h,645000,S,Fletchers,18/11/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,3 Barnet St,3,h,1325000,VB,Buxton,18/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Fuge St,4,h,,SP,hockingstuart,18/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,43A Matthieson St,3,t,,S,hockingstuart,18/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,9 Miller St,3,h,1200000,VB,Buxton,18/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/8 Muir St,2,u,655000,S,Buxton,18/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,24 Wellington Dr,5,h,680000,PI,Barry,18/11/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hopetoun Park,62 Cowans Rd,6,h,,W,RT,18/11/2017,3340,Western Victoria,242,37.5,Moorabool Shire Council +Hoppers Crossing,10 Brooke Ct,4,h,,SP,Reliance,18/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,186 Derrimut Rd,3,h,645000,S,hockingstuart,18/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Elmes Ct,4,h,693000,S,hockingstuart,18/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,130 Morris Rd,4,h,,SN,YPA,18/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Mossfiel Dr,3,h,660000,S,Barry,18/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,58 Pannam Dr,4,h,595000,S,hockingstuart,18/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,22 Hawker St,3,h,1611000,S,Nelson,18/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,202/979 Heidelberg Rd,2,u,,SN,Miles,18/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/9 Kenilworth Pde,2,u,620000,S,Miles,18/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7 Kingsley St,3,h,,SN,Miles,18/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,8/84 Marshall St,2,u,,SP,Nelson,18/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,12 Melcombe Rd,5,h,1940000,VB,Miles,18/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,25 Otterington Gr,2,h,2365000,S,Miles,18/11/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,54 Hales Cr,3,h,605000,S,YPA,18/11/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,2/38 Driscolls Rd,3,u,500000,S,Barry,18/11/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,1 Longford Ct,4,h,625000,S,Prof.,18/11/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,36 Barwon Av,5,h,685000,S,Daniel,18/11/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,25 Riverside Pl,3,h,730000,S,Barry,18/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,70 Sterling Dr,4,h,855000,S,Charter,18/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,59 Swan St,4,h,799000,S,Barry,18/11/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,4/63 Eastwood St,1,u,300000,PI,Jellis,18/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,9 Fisken Pl,3,t,1170000,S,Nelson,18/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,10 Market St,4,h,939000,S,Rendina,18/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,5/8 Mawbey St,2,u,490000,SP,Nelson,18/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1 Birrell Ct,4,h,3385000,PI,RT,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/63 Cobden St,2,u,605000,S,Nelson,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/13 Kent St,2,t,820000,VB,Nelson,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,12 Queen St,3,h,1625000,S,Marshall,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Stirling St,3,h,3276000,S,Fletchers,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11/106 Walpole St,3,h,1100000,VB,Marshall,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,150 Wiltshire Dr,2,u,680000,VB,Marshall,18/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,22 Westbrook St,4,h,1880000,S,Marshall,18/11/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,2 Finchaven Av,3,h,675000,S,Barry,18/11/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,50 Dunne St,5,h,794000,S,Ray,18/11/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,23 Oconnell St,3,h,809000,S,Ray,18/11/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,11 Albion St,4,h,930000,VB,Jas,18/11/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/45 Edgar St,2,h,,VB,Village,18/11/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,1/4 Kent St,3,u,646000,S,Schroeder,18/11/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,9 Lugano St,4,h,905000,S,Love,18/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2 Orchid Ct,5,h,591000,S,HAR,18/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,46 Rosemary Dr,4,h,663500,S,HAR,18/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,3 Coral Ct,3,h,985000,S,Morrison,18/11/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,1/39 MacLeod Pde,3,u,780000,SP,Nelson,18/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,40 Ruthven St,3,h,756000,S,Purplebricks,18/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,99 Wungan St,3,h,910000,S,Fletchers,18/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/19 Burns St,2,t,606000,SP,Compton,18/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,9A Montgomery St,3,h,802000,S,Nelson,18/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,57 Cawkwell St,4,h,,SN,Gary,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7/6 Finlayson St,2,u,,VB,Biggin,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,4 Harvey St,3,h,2700000,S,Jellis,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6 Harvey St,4,h,3500000,S,Jellis,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,18 Hornsby St,4,h,2500000,VB,Jellis,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8/23 Raleigh St,2,u,610000,S,Jellis,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,22 Shaftesbury Av,4,h,,S,Jellis,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,41/202 Wattletree Rd,2,u,580000,S,hockingstuart,18/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,12 Bent St,2,h,1235000,S,Marshall,18/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,24 Clarence St,2,h,,SP,Kay,18/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15 Clynden Av,3,h,1735000,S,Marshall,18/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,77 Tooronga Rd,3,h,,SN,Bradly,18/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,580 Waverley Rd,3,h,1200000,VB,Marshall,18/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,728 Waverley Rd,4,h,1880000,S,Buxton,18/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,13 Bream St,5,h,1725000,SP,Biggin,18/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,11 Cornwall Pl,5,h,1700000,SP,hockingstuart,18/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1 Jetty La,4,h,1156000,S,Brad,18/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,24 Lilardia Av,3,t,800000,VB,Biggin,18/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,29 Skyline Dr,3,h,1000000,VB,Biggin,18/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/6 Claire St,2,u,675500,SP,Steller,18/11/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,282 Jasper Rd,3,h,1600000,S,Buxton,18/11/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,3/294 Jasper Rd,2,u,675000,VB,Jellis,18/11/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,5/22 Station Av,2,t,,PI,Purplebricks,18/11/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2/14 Weemala Ct,3,t,347500,S,YPA,18/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,307/19 Queens Rd,2,u,844000,S,Marshall,18/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton West,8 Comic Ct,3,h,416000,S,hockingstuart,18/11/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,7 Avoca Ct,4,h,1460000,SP,O'Brien,18/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/8 Broome Av,3,u,,SA,Hodges,18/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,73A Collins St,4,h,1350000,S,Hodges,18/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,28 Callaway Cr,4,h,667000,S,Stockdale,18/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,19 Friesian St,4,h,620000,S,Stockdale,18/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,48 Galloway Dr,4,h,617500,S,HAR,18/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,2 Callan Ct,4,h,700000,S,Love,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,91 Centenary Dr,3,h,645000,S,Love,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Grevillia Dr,4,h,749000,SP,Ray,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/4 Hawthorn Ct,3,h,487500,S,The,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,31 Hurlstone Cr,3,h,690000,S,Ray,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Jacaranda Dr,4,h,750000,S,Ray,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Tennyson Cct,3,h,550000,SP,Ristic,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,40 University Dr,4,h,,PI,HAR,18/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,10 Austin St,3,h,1080000,S,Noel,18/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/87 Churinga Av,3,u,635000,S,Noel,18/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/31 Harrison St,3,h,1120000,VB,Noel,18/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/16 Rotherwood Av,3,u,830000,S,Barry,18/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Sunshine Av,5,h,1825000,SP,Noel,18/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,13 Vernal Av,4,h,2150000,S,Jellis,18/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1/3 Gawler Ct,2,h,880000,S,Jellis,18/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,39 Calrossie Av,3,h,925000,S,Morrison,18/11/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,35 Argyle St,3,h,1000000,VB,Nelson,18/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/43 Buckley St,1,u,353000,SP,Nelson,18/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,83 Holmes Rd,5,h,2510000,S,Nelson,18/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3/57 Homer St,1,u,370000,SP,Pagan,18/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,15/122 Maribyrnong Rd,2,u,456000,S,Rendina,18/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,26 Milverton St,3,h,1522000,S,Nelson,18/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,2A Alison St,3,h,1315000,SP,Buxton,18/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/51 Bulli St,3,t,1254500,S,Buxton,18/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/11 Franklin St,3,t,885000,PI,Buxton,18/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6/25 Genoa St,2,u,417000,S,Jellis,18/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,4A Romney Cl,3,t,1005000,S,Jellis,18/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/5 Rosebud Av,3,t,850000,PI,Buxton,18/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,45 Hedwig Dr,3,h,,SP,Fletchers,18/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,2 Kirkford Dr,5,h,830000,VB,Fletchers,18/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,57 Landscape Dr,3,h,737000,SP,Ray,18/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,130 Manchester Rd,3,h,645000,PI,Barry,18/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,6/17 Collocott St,3,t,722000,S,Buxton,18/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,33 Kershaw St,2,h,1035000,S,Barry,18/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,52 Headingley Rd,5,h,1750000,VB,Jellis,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/558 Huntingdale Rd,2,u,806500,S,Ray,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Leyland Rd,4,h,1461500,S,McGrath,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Muir St,3,h,1411000,S,Ray,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Munro Av,3,h,1648000,SP,Harcourts,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Trevor Ct,5,h,2200000,PI,Harcourts,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/250 Waverley Rd,4,t,,SP,Biggin,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,380 Waverley Rd,5,h,1350000,S,Jellis,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,36 Winbourne Rd,3,h,1831000,S,Jellis,18/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,24 Glencairn St,4,h,917000,S,Ray,18/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,206 Hansworth St,5,h,1150000,S,Barry,18/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 Mills Ct,4,h,1061000,S,Ray,18/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,20 Oliver Ct,5,h,2480000,S,Ray,18/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,21 Windermere Cr,3,h,860000,VB,Barry,18/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3 Wootoona Ct,4,h,1193000,S,Ray,18/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,6 Maude St,4,h,1581000,S,Buxton,18/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,181 Station Rd,4,h,717500,SP,Raine,18/11/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,16 Elphin St,4,h,,PI,Raine,18/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,90 Oxford St,3,h,1245000,S,Sweeney,18/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,25 Woods St,3,h,976000,S,Williams,18/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2A Michael Ct,3,t,945000,S,Barry,18/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,15 Arcadia Ct,3,h,670000,SP,C21,18/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2/157 Buckley St,3,u,571000,S,C21,18/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,26 David St,3,h,760000,S,Barry,18/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,6 Kilworth Ct,4,h,,PI,Barry,18/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/40 Stuart St,2,h,570000,SP,Del,18/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,28 Theodore Av,5,h,725000,S,Ray,18/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,1/49 Haines St,2,u,485000,S,W.B.,18/11/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,7 Sloans Rd,3,h,1550000,VB,Fletchers,18/11/2017,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +North Warrandyte,59 Valias St,3,h,720000,SP,Gardiner,18/11/2017,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,15 Charles St,2,h,1122000,S,Nelson,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,17 Ellesmere St,2,h,1190000,SA,Jellis,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,55 Elm St,3,h,1225000,S,Nelson,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/75 Gadd St,2,t,700000,PI,LITTLE,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/241 Heidelberg Rd,3,h,,S,Jellis,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,57 Leinster Gr,3,h,1200000,S,hockingstuart,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,29 Leonard St,4,h,1406000,S,Jellis,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2A Slater St,2,t,810000,S,hockingstuart,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9 Waterloo Rd,3,h,1710000,SP,Jellis,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Woolhouse St,3,h,,VB,Jellis,18/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1/22 Burnt St,3,u,,PI,Fletchers,18/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,50 McCulloch St,2,h,879000,S,hockingstuart,18/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,21 Patterson St,4,h,1330000,S,JRW,18/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/395 Springfield Rd,3,t,861080,S,Noel,18/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,10 Esperanto Ct,4,h,1100000,PI,Barry,18/11/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,89 Burlington St,3,h,950000,PI,Buxton,18/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/23 Dalgety St,4,h,615000,S,Ray,18/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,12 George St,4,h,,PI,Woodards,18/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,3 Young St,3,h,1150000,VB,Woodards,18/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/18 Curran St,3,h,,S,Woodards,18/11/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/120 Ferntree Gully Rd,2,u,,SP,Barry,18/11/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3/28 Lerina St,4,t,870000,PI,Ray,18/11/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,20 Abercrombie St,3,h,,S,Buxton,18/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,29 Devoy St,2,h,,SP,Buxton,18/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,16 Ellesmere St,3,h,,SP,Buxton,18/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,10 Tular Av,3,h,,VB,Buxton,18/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,6/307 Grange Rd,1,u,284000,S,Charlton,18/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,349 Koornang Rd,2,h,950000,PI,Buxton,18/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5 Walnut St,4,t,,PI,Buxton,18/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,5 Kara Ct,4,h,525500,SP,Ray,18/11/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,114B Beach Rd,3,t,,S,Hodges,18/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,69 Parkers Rd,3,t,960000,S,Obrien,18/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,238 Boundary Rd,4,h,1000000,SP,Nelson,18/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Donnelly Ct,4,h,840000,S,Considine,18/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/18 Lyking St,3,t,812500,S,Brad,18/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,80 Pardy St,3,h,,SP,Re,18/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/64 Park St,3,u,605000,S,Nelson,18/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,10 The Boulevard,3,h,760000,S,Buxton,18/11/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plumpton,10 Pinnacle Wy,3,h,587000,S,YPA,18/11/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,5 Aruba Av,3,h,657700,S,Ray,18/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,4 Boathouse Pl,4,h,,VB,hockingstuart,18/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,7 Corporate Dr,4,h,580000,S,MICM,18/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Grandiflora Gr,3,h,721000,S,hockingstuart,18/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,5 Martaban Cr,5,h,789650,S,MICM,18/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,11/9 Beach St,2,u,2852000,S,Castran,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,120 Clark St,2,h,1450000,S,Greg,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,31/6 Graham St,2,u,,PN,RT,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,406/115 Nott St,2,u,600000,SP,Buxton,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,505/115 Nott St,1,u,610000,SP,Buxton,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,213/99 Nott St,1,u,400000,PI,Dingle,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,39 Raglan St,3,h,,S,Marshall,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,180 Station St,3,h,1753000,S,Marshall,18/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,12 Athol St,3,h,1852500,S,Biggin,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/297 Dandenong Rd,2,u,482000,PI,hockingstuart,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/32 Donald St,1,u,427000,S,Biggin,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,65 Donald St,3,h,1400000,VB,Marshall,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/17 Kelvin Gr,2,u,,S,Marshall,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20 Leila St,2,h,,S,Marshall,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20/30 Porter St,1,u,,S,Hodges,18/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,40 George St,4,h,800000,PI,Nelson,18/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 Scotia St,2,h,,S,McGrath,18/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/46 Tyler St,2,u,515000,SP,Ray,18/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,30B Young St,3,h,967500,S,hockingstuart,18/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,18 Youngman St,4,h,1265000,S,Nelson,18/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,98 McIlwraith St,3,h,,S,Nelson,18/11/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,116 Thompson Cr,4,h,1630000,S,Jellis,18/11/2017,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,8 Balfour St,3,h,777500,S,Barry,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Barton St,3,h,780000,PI,LJH,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/12 Bedford St,3,u,680000,SP,Nelson,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Berwick St,3,h,883000,S,Nelson,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,153 Cheddar Rd,3,h,,PI,HAR,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Crookston Rd,3,h,645000,SP,McGrath,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/28 Crookston Rd,3,u,645000,S,McGrath,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/52 Henty St,3,u,,PI,HAR,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Kilmore Av,3,h,740000,S,Barry,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/11 Mahoneys Rd,3,u,,PI,Ray,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,135 Mahoneys Rd,4,h,690000,VB,Ray,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Odonnell St,3,h,876000,S,HAR,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/7 Oulton Cr,3,u,701000,S,RW,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/28 Sharpe St,2,u,,PI,Love,18/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,711/8 Howard St,3,u,1125000,PI,Jellis,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/4 Margaret St,3,h,1280000,SP,Biggin,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Mitchell St,2,h,1391000,S,Jellis,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Moorhouse St,3,h,,S,Biggin,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28 Neptune St,2,h,1100000,VB,Jellis,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Queen St,4,h,2080000,S,Jellis,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24 Richmond Tce,2,h,1339000,S,hockingstuart,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,23/5 Stillman St,1,u,500000,VB,Jellis,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,304/1 Studio Wk,1,u,455000,S,Jellis,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,18/9 Tennyson St,2,u,692500,S,MICM,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/1 Victoria Pl,3,u,670000,S,Biggin,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,79 York St,3,h,,VB,Biggin,18/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,16 Leonard St,4,h,1185000,S,Fletchers,18/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,353 Maroondah Hwy,3,h,,PI,C21,18/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,64 Alexandra Rd,5,h,,PI,Philip,18/11/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,8 Montalbo Rd,3,h,845000,S,Ray,18/11/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,57 Tortice Dr,4,h,1025000,S,Noel,18/11/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,99 Banyule Rd,4,h,1480000,VB,Miles,18/11/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,145 Bellevue Av,4,h,1175000,S,Miles,18/11/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,4/85 Hodgson St,2,u,763000,S,Miles,18/11/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,11 Christian Ct,5,h,740000,PI,C21,18/11/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,4 Hodges Cl,4,h,1131000,S,Ray,18/11/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,25 Tetragona Qd,4,h,1050000,SP,Ray,18/11/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 Forwood Wy,4,h,672000,S,HAR,18/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,12 Pinelea Ct,4,h,,PI,Barry,18/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,6 Spence Av,4,h,590000,S,Raine,18/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,46 Bamfield St,5,h,,S,hockingstuart,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/200 Bay Rd,3,t,1064000,S,McGrath,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,309/222 Bay Rd,2,u,430000,VB,Greg,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,57 Bay Rd,4,h,,SN,Nick,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,20A Codrington St,2,h,1140000,S,C21,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/8 Masefield Av,2,t,830000,S,Hodges,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,21 Sandringham Rd,3,h,1675000,S,Buxton,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,14 Trentham St,3,h,,S,Buxton,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/9 Waltham St,2,u,790000,S,Hodges,18/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,70 Berrabri Dr,5,h,1319000,S,Barry,18/11/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,53 Sheppard Dr,5,h,,SP,Barry,18/11/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaholme,8 Twentyman Ct,4,h,870000,S,Sweeney,18/11/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,21 Alexander St,3,h,1070000,SP,Jas,18/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,1 Browning St,2,h,905000,SP,Greg,18/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,35 Seddon St,2,h,1000000,SP,Compton,18/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,12A Saltley St,2,h,,PN,Village,18/11/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,301/196 Albert Rd,3,u,,SP,Marshall,18/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,86 Iffla St,3,h,1820000,S,Greg,18/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,69 Napier St,3,h,1950000,VB,hockingstuart,18/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,51/88 Park St,2,u,600000,S,Greg,18/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,18 Bracken Wy,4,h,692000,S,Millership,18/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Hawkstowe Pde,4,h,920000,S,HAR,18/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,23 Meridian Dr,4,h,750000,SP,Ray,18/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,33 Nighthawk Bvd,4,h,662000,S,HAR,18/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Rialton Ri,4,h,752000,S,HAR,18/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,35 Vautier Pl,3,h,572000,S,Nelson,18/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/1 Alexandra Av,2,u,1950000,S,Abercromby's,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,402/1 Chapel Mw,2,u,835000,S,Jellis,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,201/5 Chapel Mw,2,u,765000,SP,hockingstuart,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,64 Mason St,3,h,3075000,S,Jellis,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/49 Motherwell St,1,u,608000,S,hockingstuart,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,45A Osborne St,3,h,1700000,VB,Jellis,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/52 Pasley St,2,u,860000,S,hockingstuart,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/354 Toorak Rd,1,u,560000,S,hockingstuart,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4 Victoria Tce,2,h,,SN,Kay,18/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,2/31 Hope St,2,u,690000,SP,Compton,18/11/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,1/4 Ashdale Ct,3,u,620000,PI,iSell,18/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,13 Merton St,2,h,697000,S,Prof.,18/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,3/85 Regent Av,3,u,700000,PI,iSell,18/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,1/23 Virginia St,3,u,635000,S,iSell,18/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,17 Amersham Av,4,h,810000,SP,iSell,18/11/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,1 Denise St,4,h,,W,Le,18/11/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,2 Burgundy Cr,3,h,595000,S,Westside,18/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,54 Charles St,3,h,706000,S,Barry,18/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2 Curtin St,5,h,,PI,Barry,18/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,96 George St,3,h,,PI,Westside,18/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4/18 James St,3,t,,PI,Barry,18/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,62 McArthur Av,3,h,,PI,Barry,18/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,204/7 Brighton Rd,2,u,,PI,Jellis,18/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10 Clyde St,3,h,1850000,S,Marshall,18/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,24 Duke St,3,h,1551000,SP,Jellis,18/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/41 Marine Pde,2,u,975000,S,hockingstuart,18/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2 Steele Av,3,h,1535000,S,hockingstuart,18/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2/15 Lebanon St,3,u,825000,S,Nelson,18/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,60A Lebanon St,4,h,1310000,S,Considine,18/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,49 Loeman St,4,h,,PI,Nelson,18/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,34 Melissa St,4,h,1075000,S,Frank,18/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,26 Aldridge Dr,3,h,541000,S,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Canterbury Av,4,h,660000,SP,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,67 Davenport Dr,3,h,475000,SP,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,32 Gilchrist Cr,3,h,465000,S,One,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Haines Ct,5,h,580000,SP,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1/45 Harker St,3,h,520000,SP,Raine,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Lambert Av,3,h,437000,S,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,57 Marjorie Av,3,h,415000,S,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,33 Miller St,4,h,585000,SP,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,7 Prospect Ct,3,h,593000,S,Barry,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,59 Rees Rd,4,h,623000,S,YPA,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,76 Riddell Rd,2,h,560000,PI,Brad,18/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,38 Ardoyne St,3,h,650000,S,hockingstuart,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,92 Cornwall Rd,2,h,785000,S,Bells,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,69 Dickson St,4,h,1254000,S,Jas,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 Kingaroy Rd,3,h,780000,S,Barry,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,25 Kinnane Cr,4,h,1100000,S,Douglas,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,8 Lorenz St,3,h,1145000,SP,Sweeney,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,35 Queen Cct,3,h,662000,PI,Jas,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,10 Victoria St,4,h,990000,S,Bells,18/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,406 Ballarat Rd,3,h,,W,Nguyen,18/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Hassett St,3,h,750000,S,Jas,18/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,64 McIntyre Rd,3,h,637000,S,Douglas,18/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,2 McLeod St,3,h,750000,PI,Douglas,18/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,73 Metherall St,3,h,,SP,RW,18/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/9 Rosewall St,3,h,495000,S,S&L,18/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,9 Armstrong St,4,h,1315000,S,Barry,18/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,37 Arnold St,4,h,,PI,Barry,18/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/43 Bardsley St,3,u,555000,SP,Bells,18/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,6 Daley St,3,h,735000,S,Douglas,18/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,12 Drinkwater Cr,3,h,670000,S,Bells,18/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,93 Nicholson Pde,4,h,577000,S,Douglas,18/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2 Blackburn St,3,h,1225000,PI,Noel,18/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,17 Chester St,4,h,2560500,S,RW,18/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,48 Croydon Rd,4,h,,S,Marshall,18/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4 Frimley Rd,2,h,1376000,S,Jellis,18/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/970 Riversdale Rd,3,t,,PI,Woodards,18/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Thistle St,4,h,2225000,PI,Fletchers,18/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,20 Cressida Cr,4,h,682000,S,Barry,18/11/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,21 Hawthorn Gr,4,h,788000,S,Calder,18/11/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,23 Southbank Wk,3,h,665000,S,Barry,18/11/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,5 Buchanan Ct,4,h,1060000,PI,Barry,18/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Leichardt Cl,4,h,735000,S,Prof.,18/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,283 Porter St,4,h,1692000,S,Barry,18/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,337 Porter St,4,h,1230000,S,Barry,18/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3 Stradmore Av,3,h,,VB,Barry,18/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,59 Taparoo Rd,4,h,,VB,Jellis,18/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,1 Benambra Dr,4,h,,SP,Jellis,18/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3/10 Hodgson St,3,t,850000,S,Barry,18/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/51 John St,3,t,960000,SP,Philip,18/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,15 Ranleigh Ri,3,h,1005000,S,Woodards,18/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,52 Bickley Av,4,h,562000,SP,Barry,18/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,33 Madera Dr,3,h,620500,PI,Fletchers,18/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/28 Mulga St,1,u,315000,S,HAR,18/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,11 Poplar St,3,h,735500,S,Love,18/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,3/37 Collins St,2,u,594000,SP,Love,18/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,68 Collins St,3,h,,S,Nelson,18/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/44 Hammond St,3,u,875000,PI,Jellis,18/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,58 Pender St,4,h,1840000,S,Love,18/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,3/8 Devorgilla Av,2,t,1200000,VB,Marshall,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,61 Fairbairn Rd,3,h,,S,Jellis,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,26/46 Lansell Rd,3,u,830000,S,RT,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/2 Martin Ct,3,u,2000000,S,RT,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/66 Mathoura Rd,2,u,731000,S,Jellis,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/698 Orrong Rd,2,u,,VB,Kay,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/720 Orrong Rd,3,h,,VB,RT,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/411 Toorak Rd,2,u,686000,S,hockingstuart,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/518 Toorak Rd,3,t,1500000,S,Rodney,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/555 Toorak Rd,3,u,,SN,Thomson,18/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Viewbank,19/86 Graham Rd,2,u,616000,S,Miles,18/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,5 Rainsford Pl,5,h,1160000,VB,Miles,18/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,8 Appleberry Wy,4,h,,VB,Barry,18/11/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,109 Alderford Dr,4,h,1160000,S,Barry,18/11/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,14 Corinella Sq,3,h,852000,S,Barry,18/11/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,29 Freshfield Av,3,h,1107000,S,Ray,18/11/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,6 Grasmere Ct,4,h,988000,SP,Barry,18/11/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,9 Lainie Ct,5,h,,SN,Barry,18/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,1 Homewood Ri,4,h,2200000,S,Woodards,18/11/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warranwood,8 Reids La,4,h,830000,PI,Philip,18/11/2017,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,2/18 Princes St,2,u,695000,S,Fletchers,18/11/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,2A Frye St,3,h,825000,S,Barry,18/11/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,6 Avon Ct,3,h,521000,S,Sweeney,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,41 Collins St,3,h,615000,S,Ray,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4/3 Doolan St,2,u,305000,SP,YPA,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8 Edinburgh Ct,3,h,545000,S,Ray,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Grant Av,3,h,480500,S,Ray,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Kasem Dr,3,h,478000,S,YPA,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Squatter Ct,3,h,495000,S,Ray,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,80 Tamarind Cr,3,h,460000,S,Ray,18/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,22 Clarendon Pde,4,h,1250000,S,Burnham,18/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,334 Geelong Rd,3,h,878000,S,Jas,18/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2 Stanley St,3,h,952500,SP,Sweeney,18/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,140 Adderley St,4,h,1700000,VB,Rendina,18/11/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,39 Eyre St,3,h,572000,S,Barry,18/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,19 Forman St,3,h,715000,SA,YPA,18/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,5/81 Raleigh St,3,h,525000,S,Stockdale,18/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,15 Graduate Cr,3,h,1150000,S,Barry,18/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,129 Grandview Rd,3,h,,PI,Buxton,18/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,22 Heysham Dr,4,h,1222000,S,Ray,18/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,48 Fantail Cr,4,h,591000,S,hockingstuart,18/11/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,22 Clark St,4,h,1600000,VB,RT,18/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2A Hosking St,3,h,,SP,Raine,18/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,32 Merrett Dr,5,h,1615000,S,Greg,18/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1/2 Thompson St,2,u,628000,S,Greg,18/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,15 Eliza Cl,6,h,1560000,SP,Williams,18/11/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,23 Albert St,4,h,1270000,S,Williams,18/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,51 Andrew St,4,h,,VB,RT,18/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,10/1 Ellesmere Rd,2,u,,VB,Biggin,18/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,10 Erica St,3,h,1820000,S,hockingstuart,18/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,2/24 The Avenue,1,u,300000,VB,Gary,18/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,101 Eaststone Av,4,h,,PI,HAR,18/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,1 Kilwarrie St,1,h,376000,SP,Iconek,18/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,6 Nundroo Cr,4,h,,PI,HAR,18/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,51 Whitebark St,3,h,,PI,Iconek,18/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,12 Boga Pl,3,h,516000,S,hockingstuart,18/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,2/15 Surveyor St,3,u,371000,S,Barry,18/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,66 Bishop St,5,h,1430000,SP,Jas,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/51 Castlemaine St,2,u,,VB,Village,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5 Eirene St,2,h,,S,Jas,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,73 Gent St,3,h,1006000,S,RW,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,36B Goulburn St,3,h,1090000,VB,Jas,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8 Hawkhurst St,3,h,1370000,VB,Greg,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,19A Kingston St,2,h,907000,S,hockingstuart,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,72 Pentland Pde,2,h,995000,S,Jas,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,150 Roberts St,4,h,1390000,S,Village,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,244 Williamstown Rd,3,h,830000,PI,Jas,18/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,5/13 Batman St,2,t,760000,PI,Frank,19/05/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,1B Vida St,3,t,,SN,Barry,19/05/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/16 Bowes Av,3,h,670000,S,Harcourts,19/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/7 Roberts Rd,2,u,,SN,Barry,19/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,1 Abbot Ct,3,h,,PI,HAR,19/05/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albion,3/15 Sydney St,2,h,560000,S,hockingstuart,19/05/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,51 Como St,2,h,985000,S,Miles,19/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,31 Hanslope Av,4,h,1800000,VB,Jellis,19/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,17 Yarraford Av,4,h,2575000,S,Jellis,19/05/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,29 Fenfield St,3,h,850000,PI,Raine,19/05/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Armadale,7/43 Armadale St,2,u,630000,S,Marshall,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10/9 Barnato Gr,2,u,,SP,Kay,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/26 Denbigh Rd,2,u,745000,S,hockingstuart,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,19 Elgin Av,3,h,3075000,S,Marshall,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,16 Glassford St,4,h,4200000,VB,Marshall,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,40 Hampden Rd,4,h,4850000,PI,Marshall,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/39 Kooyong Rd,2,u,770000,PI,Jellis,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/38 Northcote Rd,2,u,630000,VB,Cayzer,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,34 Seymour Av,3,h,,PI,Kay,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,36 New Street,2,h,,SN,Greg,19/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,23 Epsom Rd,3,h,,SP,McDonald,19/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,84 Francis St,2,h,1130000,S,Nelson,19/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12 Mirams St,4,h,1640000,SP,Brad,19/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,4/15 Ashburn Gr,4,h,1110000,S,hockingstuart,19/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,6 Bona St,4,h,2550000,PI,Marshall,19/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,9 Leonard St,4,h,,PI,Buxton,19/05/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,1/195 Nepean Hwy,3,t,,PI,hockingstuart,19/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,7/202 Nepean Hwy,5,t,3125000,PI,hockingstuart,19/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,10 Tarlee Ct,3,h,850000,S,Aquire,19/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,5 Wongella Ct,3,h,925000,S,Biggin,19/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,53 Deutscher St,3,h,550000,S,Nelson,19/05/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,12 Montpellier Dr,3,h,,SN,Barry,19/05/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,1/5 Blenheim St,3,t,,SN,Gary,19/05/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,25 Belgrove Av,4,h,2176000,S,Marshall,19/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Kinsale Cr,4,h,2250000,PI,Fletchers,19/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,68 Nungerner St,4,h,2393000,S,Marshall,19/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Salisbury St,4,h,,SN,RT,19/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,46 Aquila St,4,h,1585000,S,Barry,19/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,83 Cityview Rd,3,h,1405000,S,Jellis,19/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Kendari Av,3,h,1210000,PI,Buxton,19/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Midvale Av,4,h,2020000,PI,Marshall,19/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Sunburst Av,2,h,1800000,S,Woodards,19/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,3 Lynway Ct,4,h,,PI,Biggin,19/05/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,6/14 Branch Rd,2,u,525000,S,McGrath,19/05/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield Upper,18 Lenne St,3,h,,PN,Eview,19/05/2018,3808,Eastern Victoria,973,39.8,Cardinia Shire Council +Beaumaris,29 Bonanza Rd,4,h,,S,Buxton,19/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,30 Lawson St,4,h,1500000,VB,Buxton,19/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/10 St James Av,2,h,755000,S,Jellis,19/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,4/36 Browns Rd,2,u,515000,S,Buxton,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,52 Celia St,4,h,1520000,S,Buxton,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,47 Deakin St,4,h,1265000,S,Woodards,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 Latham St,3,t,1060000,SP,Jellis,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/348 McKinnon Rd,2,u,,SP,Buxton,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,400 McKinnon Rd,4,h,1330000,S,Jellis,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4b Pell St,4,t,1248000,S,Woodards,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Rae St,4,h,,SP,Buxton,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,28 Yaralla Rd,4,h,,S,Buxton,19/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Nutmeg Cl,4,h,,SP,Ray,19/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,73 Ward Rd,4,h,740000,SP,C21,19/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,60 Iona St,3,h,,VB,Buxton,19/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,79 Iona St,3,h,,VB,Buxton,19/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/18 Second St,2,u,810000,VB,Chisholm,19/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn North,25 Mall Ct,3,h,,S,Jellis,19/05/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,137 Springfield Rd,4,h,,PI,Stockdale,19/05/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,7 Jasmine Ct,4,h,,S,Noel,19/05/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,21 Shaun Av,3,h,1000000,S,Jellis,19/05/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,6 Nickols Ct,3,h,,SP,Barry,19/05/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,1707/850 Whitehorse Rd,1,h,,W,RW,19/05/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/103 Churchill Av,3,h,,SP,Biggin,19/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,68 Darnley St,2,h,780000,S,Barry,19/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,5 Ruby Wy,4,h,,SN,Biggin,19/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,64 Gladstone Rd,4,h,1050000,S,Buckingham,19/05/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,10 Exon St,4,h,2710000,S,Buxton,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,874 Hampton St,6,h,,SP,Marshall,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/25 North Rd,3,u,,SP,Marshall,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,16 Rooding St,3,h,,PI,Buxton,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,31 South Rd,3,h,,S,Buxton,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/127 St Andrews St,3,t,,S,Jellis,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Stanley St,4,h,3000000,VB,Marshall,19/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,122 Dendy St,5,h,2900000,PI,Buxton,19/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Garden Av,3,h,2280000,S,Buxton,19/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,47A Grant St,4,h,,S,Buxton,19/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,43 Studley Rd,5,h,3000000,VB,Kay,19/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3B Thomas St,3,t,1340000,S,Jellis,19/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Vernon St,4,h,1780000,S,Buxton,19/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,19 Bicknell Ct,5,h,610000,SP,Alexkarbon,19/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/176 Graham St,3,u,492000,S,Raine,19/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/6 London Rd,3,u,,PI,YPA,19/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,6 Magpie St,4,h,435000,S,McGrath,19/05/2018,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,2/39 Stenhouse Av,3,h,605000,S,hockingstuart,19/05/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,1/11 Barningham St,2,t,,SP,Jellis,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Burchett St,3,h,,S,Nelson,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Connelly St,4,h,,PI,Jellis,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32 George St,3,h,,PI,Holland,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,72 Lydia St,3,h,1314000,S,Jellis,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,89 Mitchell St,3,h,1175000,S,Collins,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,36 Thistle St,3,h,1360000,S,Nelson,19/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,5/20 Albert St,3,t,900000,SP,Jellis,19/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,5/150 Donald St,3,t,850000,PI,Woodards,19/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2001/178 Edward St,2,t,615000,S,Jellis,19/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1 Leinster Gr,4,h,1630000,S,Nelson,19/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/17 Cumming St,2,u,695000,S,Woodards,19/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9 Southam St,3,h,1300000,S,Nelson,19/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,220 Bulleen Rd,3,h,1200000,VB,Fletchers,19/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,64 Arthur St,4,h,,PI,Ray,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,32 Cabernet Cr,3,h,737500,S,Love,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Ellery St,4,h,936500,S,Barry,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Frost Ct,4,h,681000,S,Barry,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Judith St,3,h,740000,S,Ray,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Ledbury Cr,3,h,714000,S,Barry,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,584 Morwell Av,3,h,666000,S,Ray,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Windsor Cr,3,h,,PI,Ray,19/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,4 Abrahams Ct,3,t,1300000,PI,Buxton,19/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/6 La Frank St,2,t,800000,S,Woodards,19/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2 Leopold St,3,h,1385000,PI,Marshall,19/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,10 Meyer Rd,5,h,,PI,Buxton,19/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,1 Newland Wk,5,h,1010000,S,Douglas,19/05/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,635 Burke Rd,4,h,2200000,VB,Marshall,19/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/9 Gilbert Pde,3,u,1455000,S,Fletchers,19/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Lynden St,3,h,1780000,SA,Woodards,19/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,12 Allenby Rd,4,h,,S,Marshall,19/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/53 Chaucer Cr,2,h,,S,Marshall,19/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3/5 Leeds St,3,t,975000,S,Jellis,19/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,102/123 Pelham St,2,u,480000,S,MICM,19/05/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,75 Station St,2,h,1150000,VB,Woodards,19/05/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,658 Lygon St,2,h,,S,Nelson,19/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,977 Rathdowne St,3,h,,SP,Abercromby's,19/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,5 Porter Rd,4,h,1725000,S,Gary,19/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield North,2/506 Dandenong Rd,3,u,,SN,Nicholson,19/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,1/40 Narrawong Rd,3,t,1385000,S,Gary,19/05/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/39 Melinga Cr,3,t,880000,S,Buxton,19/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,3/12 Woodbine Gr,2,u,452500,S,Buxton,19/05/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,6/9 Argus St,2,u,611000,S,McGrath,19/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,297 Bay Rd,3,h,830000,S,Buxton,19/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Cameron St,3,h,1035000,PI,Buxton,19/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Jean St,2,u,590000,PI,Buxton,19/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,35 Leonard Cl,3,h,730000,PI,Buxton,19/05/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,2/22 Burns Av,4,h,740000,S,Ray,19/05/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,35 Springs Rd,2,h,800000,PI,Woodards,19/05/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,124 Gold St,4,h,1300000,VB,Nelson,19/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,107 Roseneath St,4,h,1760000,S,Jellis,19/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,40 Belgrave St,3,h,,S,Nelson,19/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,30 Fischer St,3,h,960000,VB,Brad,19/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,193 Munro St,2,h,870000,S,Jellis,19/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Reynard St,5,h,,S,Jellis,19/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,137 The Avenue,3,h,1140000,S,Jellis,19/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,26 Carr St,4,h,1354000,S,Jellis,19/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Kingsford Av,3,h,1085000,S,Nelson,19/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Pixel Cct,3,h,700000,VB,LITTLE,19/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,986 Sydney Rd,3,t,710000,PI,Woodards,19/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,81 Bridgehaven Dr,4,h,625000,S,Barry,19/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Hurlingham Wy,3,h,521000,S,Ray,19/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Mitford Cr,3,h,539000,S,Barry,19/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,45 Mitford Cr,4,h,,VB,Barry,19/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Vision Rd,3,h,,PI,YPA,19/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4/254 Waterview Bvd,3,t,456000,S,Ray,19/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,45 Taylor St,3,h,555000,SP,Harcourts,19/05/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,301/140 Swan St,2,u,782000,S,Jellis,19/05/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,1/8 Nyanda Ct,3,u,650000,S,hockingstuart,19/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/42 Ronald Rd,3,h,630000,S,Jellis,19/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/20 Vinter Av,3,h,780000,SP,McGrath,19/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Wallara Cr,4,h,,VB,McGrath,19/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,13 Yarra Rd,3,h,,PI,Max,19/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong North,14 Cypress Gr,3,h,601000,S,Del,19/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,22 Leighton Cr,4,h,,PI,HAR,19/05/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,48 Robinsons Rd,3,h,,W,YPA,19/05/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,4 Attenborough Ct,4,h,885000,S,Buxton,19/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,1/94 High St,3,h,860000,S,Barry,19/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Kersey Pl,4,h,1600777,SP,Jellis,19/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/15 Outhwaite Av,2,u,700000,VB,Jellis,19/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Rosine Ct,4,h,1650000,VB,Jellis,19/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,139 Tunstall Rd,4,h,,PI,Barry,19/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,66 Berrima Rd,1,h,,VB,Jellis,19/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,5 Clancy Wy,4,h,550000,S,Ray,19/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,12 Fitzwilliam Dr,5,h,1215000,S,RW,19/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,3 Miranda Dr,4,h,647000,SP,Millership,19/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,3 Nash Gr,4,h,581000,S,Iconek,19/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,1/68 Edithvale Rd,2,u,720000,PI,O'Brien,19/05/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,57 College St,4,h,,SP,Biggin,19/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,45 Downshire Rd,3,h,1570000,S,Gary,19/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,44 Hartington St,5,h,3000000,VB,Marshall,19/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,17 Ely St,5,h,1500000,PI,Morrison,19/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,15 Frank St,3,h,950000,S,Morrison,19/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,2/2 Dickens St,2,u,505000,PI,Langwell,19/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2 Hartpury Av,4,h,2000000,PI,Wilson,19/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/58 Marine Pde,4,h,1950000,VB,RT,19/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,36 Mitford St,5,h,,SN,RT,19/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,36 Selwyn Av,3,h,1875000,VB,Chisholm,19/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/48 Spray St,2,u,556000,S,Cayzer,19/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,19 Bail St,3,h,590000,S,hockingstuart,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,41 Hayston Bvd,4,h,690000,S,hockingstuart,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 McFarlane Cr,3,h,510000,PI,Love,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18 Nolan Dr,5,h,,PI,HAR,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Polydor Ct,3,h,,PI,HAR,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Prada Dr,5,h,715000,SP,hockingstuart,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Rosamond Wy,2,h,450000,S,Skad,19/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,11 Brewster St,3,h,1735000,S,Brad,19/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,278 Buckley St,3,h,,S,Nelson,19/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,23 Miller St,5,h,1895000,S,Frank,19/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/12 Morton St,3,t,,SN,Pagan,19/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11/21 Richardson St,1,u,315000,S,Brad,19/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,10/100 Keilor Rd,1,u,297000,S,Pagan,19/05/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,2/8 Ronald St,2,t,660000,PI,McDonald,19/05/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,39 Clydebank Rd,3,h,1200000,PI,Nelson,19/05/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,9 Clydebank Rd,4,h,,VB,Harcourts,19/05/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,3/30 Rathmines St,1,u,376000,S,Thomas,19/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,170 Station St,2,h,1060000,VB,Miles,19/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,87 Argyle St,3,h,805000,S,Ray,19/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,7 Glynda St,4,h,837000,S,Nelson,19/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,8 Hudson St,3,h,785000,S,Walshe,19/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,116 Jukes Rd,3,h,900000,SP,Barry,19/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,69 Marlborough St,4,h,,SP,Barry,19/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,21 Wurruk St,3,h,600000,PI,Brad,19/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,602/69 Victoria St,2,u,575000,S,Nelson,19/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,55 Webb St,3,h,1975000,S,Collins,19/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,17/137 McKean St,2,u,,S,Nelson,19/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,502 Napier St,4,h,1450000,VB,hockingstuart,19/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,152 Rae St,2,h,1435000,S,Jellis,19/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,3 Rushall Cr,4,h,,S,Jellis,19/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,22 Scotchmer St,4,h,2150000,VB,Jellis,19/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,11/155 Mt Alexander Rd,3,u,910000,S,Edward,19/05/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,61/2 Newmarket Wy,2,u,577700,SP,Purplebricks,19/05/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Forest Hill,316 Springvale Rd,3,h,720000,PI,McGrath,19/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,17 Balmerino Sq,4,h,,SN,Ray,19/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/29 Burns St,2,u,406000,S,Aquire,19/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/124 Cranbourne Rd,2,u,460000,SP,Barry,19/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Millperra Ct,3,h,,PI,Ray,19/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,74 Moorooduc Hwy,3,h,590000,VB,hockingstuart,19/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,4 Pine St,4,h,521000,S,Ash,19/05/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston North,81 Rosemary Cr,3,h,,W,Barry,19/05/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Gisborne,4 Jonathan Rd,5,h,,PI,RT,19/05/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,6 Chesney Ct,4,h,640000,S,Ray,19/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,11/43 Royal Av,1,u,310000,SP,Gary,19/05/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/14 Edgar St,2,u,,S,Jellis,19/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Grandview Av,3,h,1639000,S,Fletchers,19/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/1415 High St,2,u,726000,S,hockingstuart,19/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,23 Iris Rd,4,h,,S,hockingstuart,19/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/17 Somerset Rd,2,u,1050000,S,Marshall,19/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/285 Tooronga Rd,3,t,1100000,PI,Jellis,19/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,37 Arlington Dr,3,h,1450000,PI,Barry,19/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,46 Hampshire Rd,2,h,,SN,Biggin,19/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Hampton Ct,3,h,,PI,Ray,19/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Lancelot Cr,4,h,1200000,SP,Harcourts,19/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,37 Larkspur Cct,3,t,953000,S,Harcourts,19/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,28 Marbray Dr,4,h,1230000,S,Barry,19/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,3/112 Daley St,2,t,440000,S,Eview,19/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,82 Glenroy Rd,3,h,,PI,Barry,19/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,177 Hilton St,3,h,720000,S,Barry,19/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/40 Pengana Av,3,t,685000,S,RW,19/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/45 Tarana Av,3,t,600000,S,Eview,19/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,196 West St,3,h,900000,VB,Stockdale,19/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,3 Elms Ct,4,h,951000,S,Nelson,19/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,7 Cambita Ct,4,h,800000,VB,Darren,19/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/197 Mountain View Rd,3,t,870000,S,Jellis,19/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hadfield,21 Gish Ct,4,h,860000,PI,RW,19/05/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,21 Avelin St,4,h,1850000,PI,Charlton,19/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/69 Crisp St,4,h,1800000,VB,hockingstuart,19/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/67 Fewster Rd,2,t,,PI,hockingstuart,19/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5 Thomas St,3,h,,S,Marshall,19/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,7 Widdop Cr,2,h,802500,S,Chisholm,19/05/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,9/2 Calvin St,2,u,,SP,Marshall,19/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17 Edward St,3,h,1650000,S,Jellis,19/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,24 Glen St,5,h,,SP,Jellis,19/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,28/510 Glenferrie Rd,1,u,350000,PI,Woodards,19/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,34/168 Power St,1,u,383000,S,Marshall,19/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,301/17 Riversdale Rd,3,u,1395000,VB,Marshall,19/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4/25 Auburn Gr,1,u,528000,S,LITTLE,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9 Condor St,5,h,,SP,Jellis,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1 Freeman St,2,h,1270000,PI,Jellis,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,11 Gillman St,4,h,2950000,VB,Kay,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7/75 Harold St,2,u,551000,S,LITTLE,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,13 Pleasant Rd,4,h,2500000,VB,Buxton,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7/317 Riversdale Rd,2,u,,SP,Marshall,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,27 Ryeburne Av,4,h,5200000,S,Marshall,19/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,18 Armstrong Rd,4,h,,PI,Philip,19/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,50 Dirkala Av,4,h,1400000,S,Barry,19/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,7 Buckingham Dr,3,h,1270000,S,Miles,19/05/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,23 Milton Ct,3,h,980000,S,Jellis,19/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,394 Waterdale Rd,4,h,740000,PI,Jellis,19/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,243 Oriel Rd,2,h,650000,VB,William,19/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,21 Miller St,4,h,,S,hockingstuart,19/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,10 Wilson St,4,h,1750000,SP,Buxton,19/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,3/102 Brindalee Wy,3,h,518000,S,Barry,19/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Kinley Pl,4,h,598000,S,Bells,19/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,79 Banksia Cr,3,h,623000,SP,Barry,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,9 Bluebell Ct,5,h,686000,SP,Barry,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1/34 Cameron Dr,2,u,425000,SP,Barry,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,144 Derrimut Rd,3,h,695000,S,Barry,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,99 Heaths Rd,5,h,1300000,PI,Ray,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,73 Strathmore Cr,4,h,632000,S,Reliance,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,73A Virgilia Dr,3,h,410000,S,Ray,19/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,30/50 Poath Rd,2,u,,S,Buxton,19/05/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/6 Elphin St,2,u,685000,S,Jellis,19/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,94 Green St,4,h,1450000,PI,Jellis,19/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/303 Upper Heidelberg Rd,2,u,731000,S,Jellis,19/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,42 Hardy Tce,3,h,,SN,Miles,19/05/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,149 Rowan Dr,4,h,826000,SP,Brad,19/05/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,3 Rowan Dr,3,h,635000,SP,Brad,19/05/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,12 Haricot Ct,3,h,695000,S,Barry,19/05/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,10/24 Craig St,3,t,640000,S,Nelson,19/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,27 Henry St,3,h,930000,S,Nelson,19/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,8 Regent St,4,h,1030000,PI,Nelson,19/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,110 Sterling Dr,4,h,,PI,Harcourts,19/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorite Pl,3,t,785000,SP,Nelson,19/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,30 Bendall St,2,t,,PI,Nelson,19/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,3 Hardwick La,1,t,582000,S,Jellis,19/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,21 McNamara Mw,2,t,770000,S,Raine,19/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,4/1251 Burke Rd,3,u,840000,PI,RT,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/81 Derby St,2,u,,SP,Marshall,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,13 Dunlop Av,3,h,2350000,PI,Marshall,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 Edgecombe St,4,h,2450000,S,Jellis,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,12 First Av,3,h,,VB,Nelson,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/24 Highbury Gr,2,u,650000,SP,Fletchers,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,133 Pakington St,3,h,1350000,VB,Jellis,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,31 Ridgeway Av,3,h,1815000,S,Marshall,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,43 Rowland St,7,h,4100000,VB,Marshall,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,42 Stevenson St,6,h,,S,Marshall,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Tennyson St,3,h,1300000,PI,Noel,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,101 Wellington St,4,h,,VB,hockingstuart,19/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,20 Belford Av,5,h,1865000,S,Noel,19/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,134 Darren Rd,4,h,740000,S,Area,19/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,37 Liverpool Dr,3,h,730000,S,Area,19/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,2/65 Marriott Dr,3,t,730000,SP,Biggin,19/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,13/31 Orlando Cr,3,t,700000,PI,O'Brien,19/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,6/31 Orlando Cr,4,u,800000,PI,O'Brien,19/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,22 Petunia Dr,4,h,980000,S,Buxton,19/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,2/7 Mavis Cr,3,u,506000,S,Barry,19/05/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,66 Williamstown Rd,3,h,830000,PI,Jas,19/05/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,15 Anne Rd,2,h,632000,S,Ray,19/05/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,1/6 Norma Cr S,4,t,,W,Prof.,19/05/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,52 Bellarine Dr,3,h,622200,S,Love,19/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Buffalo Dr,3,h,670000,S,HAR,19/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,34 Teal Cr,3,h,610000,S,HAR,19/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,6/136 Ernest Jones Dr,2,u,500000,VB,Miles,19/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,15/34 Glenmore St,3,t,600000,VB,Nelson,19/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2/12 Clarendon St,3,h,650000,PI,Biggin,19/05/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11D Deakin St,2,h,560000,PI,Sweeney,19/05/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/21 Deakin St,2,h,535000,SP,Sweeney,19/05/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,19 Ashley Gr,4,h,2320000,S,Marshall,19/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,17 Euston St,3,h,1500000,PI,Kay,19/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,206/1387 Malvern Rd,2,u,,VB,hockingstuart,19/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,101/9 Somers Av,3,u,2000000,VB,Marshall,19/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,63 Wheatland Rd,5,h,2955000,S,Jellis,19/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,87 Bowen St,3,h,1500000,VB,Marshall,19/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Chanak St,4,h,,PI,Jellis,19/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,56 Kerferd St,5,h,6110000,S,Thomson,19/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4 Millewa Av,4,h,,PN,Marshall,19/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2A Paxton St,2,h,,S,Jellis,19/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6/373 Wattletree Rd,2,u,820000,PI,Jellis,19/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,12 MacKay Rd,4,h,660000,S,hockingstuart,19/05/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,38 Magazine Wy,4,h,1200000,PI,Biggin,19/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2 Valnere St,5,h,1085000,S,Jellis,19/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,12 Goodenia Cl,5,h,661000,S,Barry,19/05/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1301/55 Queens Rd,2,u,,PI,Biggin,19/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,12 Haynes Ct,3,h,,PI,Barry,19/05/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,14 Rosina Dr,3,h,502000,S,PRDNationwide,19/05/2018,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,3/131 Balcombe Rd,3,t,,PI,Buxton,19/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/67 Patty St,3,u,1070000,SP,Property,19/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,15 Phillip St,4,h,1565000,S,Buxton,19/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/15 Southern Rd,4,t,,S,Hodges,19/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8/113 Warrigal Rd,1,u,422000,S,Buxton,19/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6 Winsome St,3,h,905000,S,Hodges,19/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,7 Mintbush Gra,3,h,601000,S,HAR,19/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,29 Newmarket Pde,4,h,650500,S,Barry,19/05/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,1 Selkirk Wy,3,h,450000,S,Ray,19/05/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,117 Neville St,2,h,2085000,S,Marshall,19/05/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,81 Grenda Dr,3,h,628250,S,Love,19/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,30 McClelland Dr,3,h,,PI,HAR,19/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Namatjira Ct,4,h,690000,S,HAR,19/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,9 Berry Av,4,h,,PI,Philip,19/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1a Denman St,3,u,830000,VB,Noel,19/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1/1 Hood St,3,h,,SP,Marshall,19/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,5/6 Leopold Cr,2,u,655000,S,hockingstuart,19/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,7 Looker Rd,3,h,808000,SP,Jellis,19/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,16 Nokes Ct,4,h,1220000,S,Morrison,19/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moorabbin,3/1015 Nepean Hwy,1,t,410000,SP,Hodges,19/05/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,25 Corrong Cr,5,h,655000,S,McGrath,19/05/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,11 Highpoint Av,4,h,,VB,Fletchers,19/05/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,122 Manchester Rd,3,h,720000,S,LJ,19/05/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,1/60 Albert St,3,t,,S,Jellis,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Alvie Rd,3,h,1761000,S,Ray,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Larch Cr,3,h,1350000,S,McGrath,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,81 Leeds Rd,5,h,1666000,S,Jellis,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,83 Leeds Rd,4,h,1550000,S,Jellis,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/4 Morrison Ct,4,t,,PI,Jellis,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/368 Stephensons Rd,3,t,676000,S,McGrath,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Toombah St,3,h,,PI,Biggin,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,25 Walker Rd,3,h,1300000,S,McGrath,19/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,52 Denver Cr,4,h,865000,S,Ray,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Lawson Ct,3,h,958000,SP,Harcourts,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 MacAulay Pl,5,h,1100000,S,Win,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3/2 Monash Dr,2,h,681000,S,Ray,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/21 Roberts Av,3,t,,SN,Win,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,30 Seaview Cr,3,h,794000,S,Ray,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,56 Wattle Gr,4,h,1000000,S,Ray,19/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,51 Ardyne St,5,h,1455000,S,Gary,19/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/164 Leila Rd,2,u,470000,VB,Gary,19/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Leura St,3,h,,SP,RT,19/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/167 Murrumbeena Rd,1,u,330000,S,Thomson,19/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,1 Superior Tce,2,h,515000,S,O'Brien,19/05/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,63 Blackshaws Rd,3,t,1000000,S,Douglas,19/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/25 Bradley St,2,h,625000,SP,Greg,19/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3 Collingwood Rd,4,h,2220000,S,Raine,19/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,94C Maddox Rd,4,h,,PI,McGrath,19/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,16A Cuthbert St,2,h,766000,S,Frank,19/05/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1/8 Bowman St,3,h,,SN,Area,19/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,6 Temple Ct,3,h,685000,SP,Nexus,19/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,48 Erskine St,2,h,,S,Collins,19/05/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,5/111 Beaconsfield Pde,2,u,623000,S,McGrath,19/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,303/469 High St,1,u,365000,S,McGrath,19/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,72 James St,2,h,1600000,S,McGrath,19/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2 Oamaru St,4,h,2025000,SP,Jellis,19/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,305/58 St Georges Rd,2,u,650000,VB,Jellis,19/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/46 Westgarth St,3,t,1095000,S,Woodards,19/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,2/15 Lynette St,2,u,,PI,Fletchers,19/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/33 Shady Gr,3,t,,S,Noel,19/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,19 John St,2,t,,PI,Stockdale,19/05/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,19B John St,3,t,,PI,Stockdale,19/05/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,63 Snell Gr,3,h,1060000,S,Nelson,19/05/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/29 Station Rd,3,t,725500,SP,Eview,19/05/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,20 Grandview Gr,3,h,865000,PI,Ray,19/05/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/122 Haughton Rd,4,t,990000,VB,Buxton,19/05/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,6 Logie St,4,h,,PI,Woodards,19/05/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1697 Dandenong Rd,3,h,870000,PI,Ray,19/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,38 Leumear St,3,h,,SN,C21,19/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/1 Nonna St,4,t,1100000,SP,Ray,19/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/15 Jason St,3,u,700000,S,Ray,19/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,11 Anthony St,4,h,1840000,PI,Buxton,19/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,6/12 Ormond Rd,2,u,522500,S,Buxton,19/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/316 Tucker Rd,2,h,,PI,Purplebricks,19/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,1/25 Bay St,2,t,1110000,S,hockingstuart,19/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,31 Birdwood St,5,h,1820000,VB,Buxton,19/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,428 Nepean Hwy,4,h,1200000,PI,Hodges,19/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,64 Fitzgibbon St,2,h,,SN,Nelson,19/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,1/83 Manningham St,2,u,540000,S,Nelson,19/05/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,5 Irvine St,3,h,1236000,S,Brad,19/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,133 Landells Rd,3,h,850000,VB,Nelson,19/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/58 Railway Pde,2,u,662000,S,Brad,19/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,29 Springlands Cr,3,h,,SN,PRDNationwide,19/05/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,8 Adriatic Wy,4,h,700000,S,hockingstuart,19/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,36 Evesham Dr,4,h,,PN,Reliance,19/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,31 Portofino Cr,4,h,850000,SP,hockingstuart,19/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,342 Bay St,5,h,2403000,S,Greg,19/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,293 Esplanade Pl,3,h,,SN,The,19/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,156 Farrell St,2,h,1325000,S,Buxton,19/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,51 Raglan St,3,h,,PN,Marshall,19/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,6A Chomley St,3,h,1600000,VB,hockingstuart,19/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,33 Molesworth St,3,t,1700000,VB,RT,19/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6 Packington Pl,2,h,,SP,Jellis,19/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,9 Woodfull St,3,h,1600000,VB,Kay,19/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,151A Albert St,3,h,830000,SP,Harcourts,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11a Enfield Av,4,t,950000,PI,McGrath,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,165 Gilbert Rd,3,h,920000,VB,Nelson,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,244 Gower St,2,h,956000,S,RW,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13 Kathleen St,4,h,,SP,Nelson,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/32 Kitchener Gr,3,h,780000,S,Nelson,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,18 Showers St,3,h,1050000,SP,Nelson,19/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,55 McIlwraith St,3,h,2700000,VB,Nelson,19/05/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,2 Ashton St,2,h,760000,PI,Barry,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/15 Cheddar Rd,2,u,413000,S,RW,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,345 Edwardes St,4,h,,S,Collings,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Lloyd Av,3,h,760000,VB,Nelson,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/6 McCrae St,2,u,496000,S,Barry,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Moira Av,4,h,720000,VB,Nelson,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 North Rd,2,h,,SN,Ray,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,791 Plenty Rd,3,h,1332000,S,Love,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/90 Purinuan Rd,2,u,511000,S,Ray,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Queen St,4,h,1260000,S,Nelson,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/214 Spring St,2,u,,PI,Stockdale,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/30 Thackeray Rd,3,h,,S,Nelson,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,47 Wattle Gr,3,h,941000,S,LJ,19/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,36 Bunting St,2,t,800000,VB,Jellis,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/47 Cameron St,1,u,326000,S,hockingstuart,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15 Gipps St,4,h,1605000,S,Jellis,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/13 Manton St,2,u,615000,SP,hockingstuart,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,71 Neptune St,2,h,,S,Biggin,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12 Smith St,3,h,,PI,Biggin,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7 Stewart Pl,3,h,1543000,S,Nelson,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,26 Wrede Pl,3,h,,PI,Jellis,19/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/28 Greenwood Av,2,u,645000,S,McGrath,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,27 Highland Bvd,4,h,936000,S,Jellis,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,42 Highland Bvd,4,h,1051000,S,The,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,55 Loughnan Rd,3,h,1020000,S,Jellis,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/356 Maroondah Hwy,2,u,527000,S,Barry,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Parkgate Dr,3,h,850000,VB,Fletchers,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Thanet Ct,3,h,590000,VB,Jellis,19/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Rosanna,11 Homewood Ct,4,h,,SP,Jellis,19/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,5 Treetop Cl,4,h,,PI,HAR,19/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,13 Wheatley Av,3,h,507500,S,HAR,19/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,3/186 Bay Rd,2,u,698000,S,Woodards,19/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,13/107 Nepean Hwy,3,t,,S,Buxton,19/05/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Morang,20 Kylemore Dr,3,h,645000,S,Skad,19/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2 The Point,3,h,,SN,The,19/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,2/3 Vangelica Wy,2,t,,PI,Ray,19/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,3/20 Airlie Bank La,2,u,1380000,PI,Marshall,19/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,306/700 Chapel St,2,u,792000,S,Home,19/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,37A Moore St,2,t,,PI,RT,19/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1010/163 City Rd,1,u,425000,SP,Alexkarbon,19/05/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +St Albans,14 Beaver St,4,h,701000,S,Barry,19/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,23 Charlbury Gr,3,h,,PI,YPA,19/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,125 Power St,3,h,,PI,YPA,19/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,49A Argyle St,3,h,1250000,VB,Buxton,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/58 Barkly St,2,h,510000,S,Greg,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/98 Barkly St,1,u,530000,VB,hockingstuart,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,27 Brighton Rd,4,h,1610000,S,McGrath,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,33 Charles St,4,h,1650000,VB,Marshall,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/151 Fitzroy St,2,u,600000,VB,Whiting,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/37 Gurner St,1,u,320000,SP,McGrath,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,32/17 Irwell St,2,u,855000,S,Buxton,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,19/69 Wellington St,2,u,,SP,Biggin,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2A Wordsworth St,3,h,2200000,PI,hockingstuart,19/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,32 Bournian Av,4,h,2420000,PI,Nelson,19/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,410 Mascoma St,3,t,787000,S,Nelson,19/05/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,18 Dalkeith Ct,4,h,660000,SP,Barry,19/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,30 Gleneagles Dr,3,h,465000,SP,L,19/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,57 Sorbonne Dr,3,h,585000,SP,YPA,19/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,3 Thomson St,3,h,741000,S,Barry,19/05/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1B Watt St,3,t,620000,PI,Douglas,19/05/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,6 Anley Pl,4,h,640000,VB,Barry,19/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2 Eva St,3,t,660000,VB,Barry,19/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,8 Libby La,3,h,570000,PI,Biggin,19/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16 Prescott St,3,h,580000,VB,Create,19/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/15 Blackburn St,2,u,,SP,Marshall,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,131 Broughton Rd,3,h,,S,Jellis,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,56 Croydon Rd,3,h,1550000,S,Fletchers/Jellis,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,29A Durham Rd,5,h,,PN,Marshall,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/38 Florence Rd,2,u,680000,SP,Raine,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,13A Royal La,2,t,,S,Marshall,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,10/178 Union Rd,2,u,750000,S,Fletchers,19/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,30A Bungarim Wyn,4,h,592000,S,Prof.,19/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4/24 Tyson Wy,2,t,412500,SP,Ray,19/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,13 Chantelle Pde,3,h,480000,S,hockingstuart,19/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,12 Melville St,3,h,499000,S,Biggin,19/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,15 Prospect Dr,3,h,595000,SP,Reliance,19/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,57 The Esplanade,4,h,701500,S,Prof.,19/05/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,20 Clematis Dr,4,h,755000,PI,Barry,19/05/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,43 Solent Cr,4,h,,S,Barry,19/05/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,18 Bamfield Cl,5,h,,PI,Barry,19/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Thomastown,29 Chapman Av,3,h,694000,S,HAR,19/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,24 Maritana Cr,3,h,,PI,HAR,19/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7/38 Spring St,2,u,,PI,HAR,19/05/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,260a Gooch St,2,t,700000,S,Nelson,19/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,154 Harold St,4,h,1365000,S,Nelson,19/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6 Martin St,2,h,1150000,S,Jellis,19/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,50 Wilmoth St,3,h,,VB,Jellis,19/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,51 Canterbury Rd,4,h,,VB,Marshall,19/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,69 Irving Rd,4,h,,S,RT,19/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/30 Lansell Rd,2,u,1320000,S,Jellis,19/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10 Scotsburn Gr,4,h,,PN,Marshall,19/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/408 Toorak Rd,2,u,1600000,SA,RT,19/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2 Torresdale Rd,4,h,4425000,S,RT,19/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,204/66 Mt Alexander Rd,2,u,472500,S,Pagan,19/05/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,1/30 Birch Av,3,u,615000,S,Jason,19/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,13 Handsworth Cr,4,h,780000,PI,YPA,19/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,22 Tadstan Dr,3,h,660000,S,Brad,19/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,50 Tadstan Dr,3,h,,PI,Jason,19/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,4B Waratah Av,3,h,621000,S,Ray,19/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Viewbank,50 Graham Rd,3,h,1025000,VB,Miles,19/05/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,8 The Mews,3,h,,PI,Ray,19/05/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,9 Maidenhair Dr,4,h,460000,S,Barry,19/05/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,41 Toscana Wy,4,h,500000,SP,LJ,19/05/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,8 Botany Ct,3,h,,PI,Ray,19/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,70/105 Mountain Hwy,3,t,630000,SP,Harcourts,19/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,2 Berkley St,3,h,1000000,S,Ray,19/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,16 Flora Gr,3,h,680000,PI,Stockdale,19/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,33 Monastery Cl,5,h,,SP,Barry,19/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,123 Renou Rd,5,h,1390000,S,Ray,19/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,17 Renou Rd,3,h,1105000,S,Barry,19/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,12 Barry St,3,h,740000,S,Barry,19/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,17 French Ct,4,h,941000,S,Barry,19/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,6 Mayling Ct,4,h,810000,SP,Flannagan,19/05/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,13 Carly Tce,3,h,572000,S,Benlor,19/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,22 Delmont St,5,h,753000,S,Greg,19/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,64 Hopetoun Rd,4,h,865000,S,Greg,19/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,51 Nangiloc Cr,3,h,600000,SP,YPA,19/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1A Trent Cl,3,h,417000,S,Barry,19/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,17 Soudan Rd,3,h,860000,S,Sweeney,19/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,6/18 Ireland St,2,u,657500,S,Harcourts,19/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,594 Spencer St,3,h,,PI,Jellis,19/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,73 Hillcrest Dr,3,h,713000,S,YPA,19/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,6 Thornleigh Pl,4,h,712000,S,Ray,19/05/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,44 Cootamundra Dr,4,h,1374000,S,Harcourts,19/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,14 Gumtree Cl,4,h,1510000,S,Biggin,19/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Whittlesea,19 James St,3,h,730000,S,Mason,19/05/2018,3757,Northern Victoria,2170,35.5,Whittlesea City Council +Williamstown,17 Mariner St,2,h,1290000,S,Greg,19/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,509/47 Nelson Pl,2,u,,PI,Greg,19/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,26 Pasco St,3,h,1480000,SP,Sweeney,19/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,26 Princes St,3,h,950000,S,Sweeney,19/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,73 Railway Pl,3,h,,PI,Greg,19/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,28/8 The Strand,2,t,875000,PI,Sweeney,19/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,75 Lewisham Rd,3,h,2000000,VB,hockingstuart,19/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,16/43 Williams Rd,2,u,535000,S,Biggin,19/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,59 Allumba Wy,4,h,,PI,HAR,19/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,41 Evolve Esp,4,h,610000,S,hockingstuart,19/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,65 Steen Av,4,h,642000,S,HAR,19/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,2 Subiaco Rd,4,h,625000,S,Iconek,19/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,5 Elmslie St,3,h,470000,S,hockingstuart,19/05/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,325 McGrath Rd,3,h,505000,S,Barry,19/05/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,3 Wirrabara Ct,3,h,885000,S,Morrison,19/05/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,1 Kidman St,3,h,1000000,SP,Jas,19/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,8 Stanger St,3,h,860000,S,hockingstuart,19/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,67 Stafford St,3,h,1000000,PI,Biggin,19/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,1/29 Yarra Bank Ct,3,u,1001000,S,Biggin,19/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,2/64 McNamara Av,3,t,730000,S,Jellis,19/08/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/53 Moore Rd,2,u,590000,S,Barry,19/08/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,35 Angelique Gr,3,h,506000,S,hockingstuart,19/08/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albanvale,32 Dover St,3,h,502000,S,GL,19/08/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,123 Richardson St,4,h,2550000,S,Marshall,19/08/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,9/45 Broomfield Av,1,h,341000,S,Ray,19/08/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,4 Burt St,3,h,901000,S,Purplebricks,19/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/51 Galvin St,3,u,740000,SP,RT,19/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,4 Huxtable Av,5,h,1201000,S,Williams,19/08/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,57B Second Av,3,h,720000,SP,Gunn&Co,19/08/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,83 Seventh Av,3,h,880000,PI,hockingstuart,19/08/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,721 Ballarat Rd,3,h,730000,SP,HAR,19/08/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4/26 Armadale St,1,u,440000,VB,Barry,19/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/2 Egerton Rd,2,u,750000,S,Jellis,19/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,18A New St,2,h,1460000,S,Jellis,19/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,28 New St,2,h,1726000,S,Marshall,19/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,12 Bloomfield Rd,4,h,2300000,SP,Nelson,19/08/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,12 Langs Rd,2,t,692500,S,Brad,19/08/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,3/65 Ashburn Gr,3,t,1200000,VB,Fletchers,19/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,26 Duke St,2,h,,S,Marshall,19/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,34 Nicholas St,3,h,,SP,Jellis,19/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,21 Warner Av,4,h,1920000,S,Jellis,19/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,33 Douglas St,3,h,1575000,S,Jellis,19/08/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/26 Winbirra Pde,3,t,940000,SP,Ray,19/08/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,87 Albany Cr,4,h,,VB,hockingstuart,19/08/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,6 Foam St,4,h,1362000,S,hockingstuart,19/08/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,43 Lake St,3,h,950000,S,Barry,19/08/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,170 Balwyn Rd,5,h,,S,Jellis,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Grey St,4,h,2115000,S,Jellis,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17/19 Kireep Rd,1,u,500000,VB,Noel,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/23 Northcote Av,4,t,,VB,Jellis,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Percy St,5,h,2562000,S,Marshall,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,104 Rochester Rd,3,h,2200000,S,Noel,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6 Yandilla St,6,h,2100000,PI,Jellis,19/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,137 Doncaster Rd,3,h,1900000,PI,Noel,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,58 Fortuna Av,4,h,2000000,PI,hockingstuart,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Highbury St,4,h,2400000,S,Fletchers,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Hillview Rd,4,h,2270000,PI,Barry,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Minerva Av,5,h,2600000,VB,Jellis,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 Reading Av,3,h,2321000,S,Fletchers,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Riverview Rd,3,h,1890000,S,Fletchers,19/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,3/23 Begonia Av,2,h,425000,VB,McGrath,19/08/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,33 Cloris Av,4,h,1740000,S,Hodges,19/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/25 Glenwood Av,4,t,,SN,Ray,19/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1 Powys Dr,5,h,,VB,Chisholm,19/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,1/123 Liberty Pde,2,h,600000,PI,Nelson,19/08/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,210 Centre Rd,4,h,1895000,S,Jellis,19/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,32A Oak St,2,h,1110000,PI,Buxton,19/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/25 Patterson Rd,3,h,,S,Gary,19/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2A Phillip St,2,t,870000,S,McGrath,19/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,26A Bonny St,4,t,1225000,PI,Ray,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Elaine Ct,4,h,1250000,PI,Buxton,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,17 Gowrie St,4,h,1115000,S,Ray,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Highview Rd,6,h,1350000,PI,Jellis,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/18 Kennedy St,4,t,1230000,S,Jellis,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,58 Latham St,3,h,1165000,S,Buxton,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/16 Majdal St,3,t,,PI,Buxton,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,53 Mawby Rd,3,h,1430000,SP,Buxton,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/55 Moylan St,3,t,1077000,PI,Buxton,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,77A Orange St,3,t,1280000,SP,Buxton,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/87 Orange St,2,u,690000,S,Jellis,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Scanlan St,3,h,980000,PI,Jellis,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,41 Shrewsbury St,4,h,1595000,S,Jellis,19/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,20 Ambleside Cr,3,h,730000,S,Peake,19/08/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,39 Inkerman St,4,h,710000,SP,O'Brien,19/08/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,4/308 Beach Rd,2,u,799000,S,Chisholm,19/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,11A Eliza St,2,t,,VB,Buxton,19/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2A Kerr St,3,t,881000,S,Jellis,19/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,22 Greenglade Ct,4,h,1300000,S,Noel,19/08/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,277 Blackburn Rd,3,h,1000000,S,Ray,19/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,7 Holroyd Ct,5,h,,VB,Noel,19/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Briar Hill,1 Flodden Wy,5,h,,PI,Buckingham,19/08/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,8 Marden Dr,4,h,880000,S,Flannagan,19/08/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,4/129 Mountain View Rd,2,t,625000,S,Barry,19/08/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,92 Asling St,4,h,,SP,Marshall,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,204/380 Bay St,3,u,1500000,SP,Marshall,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/398 Bay St,3,h,,VB,Kay,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/160 Church St,4,t,2020000,S,Buxton,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Harwood St,4,h,3100000,VB,Marshall,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2A Hillcrest Av,4,h,1850000,VB,Jellis,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,50 Meek St,3,h,2020000,S,Nick,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,34 Moffat St,4,h,2770000,S,Nick,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,341 New St,3,t,1200000,VB,Buxton,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Seaview Av,4,h,1740000,S,Woodards,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,17/30 Willansby Av,2,u,1250000,SP,Jellis,19/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,131 Marriage Rd,5,h,,VB,Marshall,19/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,37 Studley Rd,3,h,,S,Buxton,19/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11A Taylor St,4,h,1300000,S,Hodges,19/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,48 Electric St,3,h,637000,S,Stockdale,19/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/34 Kitchener St,2,t,431000,S,YPA,19/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,90 Kitchener St,3,h,582000,S,YPA,19/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,46 Meredith St,3,h,1335000,S,YPA,19/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Osway St,2,h,625000,S,Nicholson,19/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,15 Martell Street,3,h,568000,S,Walshe,19/08/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,2/182 Albion St,4,h,1315000,S,Nelson,19/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/15 Cassels Rd,2,u,505000,S,Nelson,19/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/121 Donald St,2,t,695000,S,Ray,19/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,37 Dunstan Ave,3,h,905000,S,Walshe,19/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,265 Edward St,2,h,,SP,Jellis,19/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7/226 Glenlyon Rd,1,u,320000,S,Jellis,19/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,301/455 Lygon St,1,u,360000,SP,McGrath,19/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,125 Stewart St,2,h,910000,S,hockingstuart,19/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,11 Culloden St,5,h,1450000,S,Ray,19/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/38 Melville Rd,2,t,580000,PI,Jellis,19/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10/13 Peacock St,2,u,461500,SP,Jellis,19/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/187 Union St,2,t,650000,VB,Nelson,19/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,5 Amberley Ct,3,h,1230000,S,Barry,19/08/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,3 England St,4,h,1240000,S,Purplebricks,19/08/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,35 Bramble Cr,4,h,1020000,S,Ray,19/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,567 Grimshaw St,3,h,1234000,S,Barry,19/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Hillhouse Cr,4,h,,PI,Ray,19/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,15 Mcquillan Wy,3,h,,SN,hockingstuart,19/08/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,8 Murray Dr,3,h,1588000,S,Buxton,19/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,61 Newhaven Rd,3,h,1000000,VB,Fletchers,19/08/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,11 Berwick St,3,h,1901000,PI,Jellis,19/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Mayfield Av,4,h,,SN,RT,19/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,32 Regent St,4,h,2600000,PI,Marshall,19/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/1024 Toorak Rd,3,u,905000,S,Noel,19/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,2 Augusta Av,4,h,650000,VB,Raine,19/08/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,34 Maysia St,5,h,2550000,PI,RT,19/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4 Parlington St,5,h,,SP,Jellis,19/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/145 Prospect Hill Rd,3,h,1750000,VB,Jellis,19/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,80 Keeley La,2,h,956000,S,Nelson,19/08/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,67/1 Queensberry St,2,u,,PN,Caine,19/08/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,242 Canning St,2,h,1540000,S,Jellis,19/08/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/43 Margaret St,3,u,1077000,S,Woodards,19/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,6/144 Oakleigh Rd,1,u,,PI,Purplebricks,19/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/31 Shepparson Av,2,u,732500,S,Woodards,19/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,24 Highbury Cl,3,h,700000,S,Bells,19/08/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,4/17 Church Rd,3,u,682500,S,hockingstuart,19/08/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,76 Kambrook Rd,2,h,1160000,S,Jellis,19/08/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,299 Bambra Rd,3,h,1390000,S,hockingstuart,19/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,2/3 Nelson St,3,t,,SP,Gary,19/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,37 Saturn St,5,h,2450000,PI,Gary,19/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,37 Jindabyne Av,3,h,1259000,S,Bekdon,19/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,6B Showers Av,3,t,,PI,Ray,19/08/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,3/32 Tarella Rd,3,u,,PN,Eview,19/08/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,3 Third Av,3,h,710000,SP,hockingstuart,19/08/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,21 Chaprowe Ct,2,u,681000,SP,Thomson,19/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/41 Harpley St,2,t,955000,SP,Greg,19/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Shadwell St,3,h,1230000,S,Buxton,19/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,13 Dyer Ct,5,h,883300,S,Gary,19/08/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,6 Rosewall Pl,3,h,790000,S,C21,19/08/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,4 Bayview Av,2,h,753000,S,Ray,19/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/76 Browns Rd,2,u,615000,SP,Harcourts,19/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,43 Ogrady St,3,h,1890000,S,Collins,19/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,1 Park Dr,3,h,1457500,S,Nelson,19/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,201 Roseneath St,3,t,1330000,S,Jellis,19/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,36 Rutland St,2,h,1310000,S,Collins,19/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,100 Spensley St,5,h,3900000,S,Nelson,19/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,269 Bell St,3,h,880000,S,Nelson,19/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/9 Blair St,2,t,630000,SP,Jellis,19/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Jamieson St,3,h,1070000,S,Nelson,19/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Jessie St,5,h,1500000,VB,Nelson,19/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,87 Nicholson St,4,h,1085000,S,Brad,19/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Webb St,3,h,1010000,S,Love,19/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,33 Rodney Av,3,h,864000,S,Jellis,19/08/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,205/46 Cambridge St,1,u,550000,S,Jellis,19/08/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,5 Brookedge Ct,4,h,640000,PI,YPA,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,48 Crossdale Grn,4,h,477000,S,Barry,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Eve Ct,3,h,582500,S,YPA,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Eveline St,4,h,480000,SP,Ray,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Foxglove La,3,h,,SN,RE,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,21 Huntingfield St,2,t,358000,S,Ray,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,73 Mareeba Wy,4,h,523000,S,Barry,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Pembury St,3,h,485000,S,Ray,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Vantage Bvd,4,h,800000,SA,HAR,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,32 Viewside Cr,4,h,632000,S,Ray,19/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,93 Cameron St,3,h,545000,S,O'Brien,19/08/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Croydon,7/416 Dorset Rd,3,u,,SS,Philip,19/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 Toorak Av,4,h,1152000,S,RW,19/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,29 Kilmore Cr,3,h,475000,S,Barry,19/08/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,19 Bassett St,3,h,558000,SP,C21,19/08/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1516 Heatherton Rd,3,h,,SP,Hall,19/08/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,5 Ronald St,3,h,789000,S,O'Brien,19/08/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,56 Jarvis Cr,4,h,,SN,Biggin,19/08/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,30 Deepdene Rd,4,h,,SP,Kay,19/08/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,4 Blackley Ct,3,h,635000,S,HAR,19/08/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,32 Dumfries St,3,h,,PI,HAR,19/08/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,81 Welwyn Pde,3,h,,W,HAR,19/08/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,86 Oronsay Cr,3,h,740000,S,Flannagan,19/08/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,12 Campbell Gr,3,h,871000,S,Ray,19/08/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,11 Evelyn Ct,4,h,970000,PI,Barry,19/08/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,1207/673 La Trobe St,2,u,430000,S,Dingle,19/08/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,93 Church Rd,4,h,1200000,VB,Fletchers,19/08/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,70 Wetherby Rd,3,h,1410000,S,Jellis,19/08/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/28 Boronia Gr,4,t,980000,PI,Barry,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/8 Boronia Gr,3,t,920000,VB,Jellis,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,80 Gedye St,4,h,1320000,SP,Jellis,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,28 Halcyon Ct,3,h,900000,VB,Jellis,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Lisa Cl,4,h,,S,Barry,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,29 Renshaw St,3,h,,SP,Ray,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,40 Saxonwood Dr,3,h,1408000,S,Jellis,19/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,5 Linford Cl,5,h,1900000,SP,Woodards,19/08/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,416 Serpells Tce,4,h,1200000,PI,Barry,19/08/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/9 Standring Cl,3,h,988000,S,Barry,19/08/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,6 Carome Wy,3,h,472000,S,HAR,19/08/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,15a Cootamundra St,3,h,457000,S,REMAX,19/08/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,6 Virgilia St,3,h,451000,S,REMAX,19/08/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,1 Cumberland St,4,h,,S,Nelson,19/08/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,36 Silverdale Rd,3,h,1925000,S,Nelson,19/08/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,115 Ella Gr,3,h,875000,SP,Eview,19/08/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,5 Haig Av,3,h,995000,PI,Hodges,19/08/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,18 Elizabeth St,4,h,2350000,VB,Biggin,19/08/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,301/242 Glen Huntly Rd,2,u,566000,SP,hockingstuart,19/08/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,7/483 Kooyong Rd,1,u,330000,S,Biggin,19/08/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8 Prentice St,3,h,2105000,S,Biggin,19/08/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,30 Shoobra Rd,4,h,2410000,PI,Biggin,19/08/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Godalmin St,4,h,,S,Barry,19/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,11 Kerby St,4,h,,S,Barry,19/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,5 Thomas St,3,h,810000,VB,Morrison,19/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,52 Banks Rd,3,h,901000,S,Barry,19/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,3 Michael Ct,6,h,1115000,S,Barry,19/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,10/127 Brighton Rd,2,u,521000,S,hockingstuart,19/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/130 Tennyson St,3,h,1380000,S,hockingstuart,19/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,5 Herridge Pl,3,h,600000,S,hockingstuart,19/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,12 Radman St,3,h,631000,S,Ray,19/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,28 Supply Dr,3,h,678000,S,hockingstuart,19/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Woodfull Wy,4,h,681000,S,Ray,19/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,5/3 Ballater St,2,u,485000,S,Nelson,19/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/4 Balmoral St,2,u,491000,S,Barry,19/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,83 Nimmo St,4,h,1600000,S,Nelson,19/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,51 Price St,4,h,2053000,S,Barry,19/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,28/262 Heidelberg Rd,2,u,580000,VB,Nelson,19/08/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,151 Perry St,4,h,1280000,S,Jellis,19/08/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,68 Queens Pde,4,h,874000,S,Brad,19/08/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,93 Burke Rd,3,h,770000,S,Barry,19/08/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2/9 Dobson St,3,u,673000,S,M.J,19/08/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,3 Kirby Ct,4,h,875000,S,Noel,19/08/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,43 Cecil St,3,h,,S,Collins,19/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,478 George St,3,h,,S,Collins,19/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,4/118 Rose St,1,t,580000,VB,Nelson,19/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,124 Victoria St,3,h,2478000,S,Nelson,19/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,853 Brunswick St,3,h,1490000,S,Jellis,19/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,42 Canterbury St,2,h,,S,Brad,19/08/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,80 Dover St,3,t,1017500,S,Jellis,19/08/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,28 Central Av,2,h,942000,SP,Jas,19/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,84 MacPherson St,3,h,1320000,S,Jas,19/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,18 Sherman St,2,h,976000,S,McGrath,19/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,24 Gretana Cr,3,h,550000,VB,Eview,19/08/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Helvetia Ct,3,h,690000,S,Ray,19/08/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,15 Blackwood Ct,4,h,975000,SP,McEwing,19/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Iris,6 Bardolph St,2,h,708000,S,Jellis,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,72 Bath Rd,3,h,1300000,VB,Kay,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/67 Carroll Cr,2,h,820000,SP,Biggin,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/23 Edgar St,2,u,583000,S,hockingstuart,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Faircroft Av,3,h,1307500,S,Jellis,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/1529 Malvern Rd,2,u,552000,S,hockingstuart,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1A York Rd,3,h,1390000,PI,Jellis,19/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,22 Campbell St,3,h,1310000,S,Harcourts,19/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Cherry St,5,h,1285000,S,Ray,19/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Cooper Av,4,h,1292000,S,Barry,19/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Paxton Dr,3,h,1300000,S,hockingstuart,19/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,480 Springvale Rd,4,h,1155000,S,Biggin,19/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,8A Finchley Av,4,h,831000,S,Ray,19/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/18 Hartington St,2,u,379500,S,Barry,19/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,25 Hilda St,3,h,570000,S,YPA,19/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,78 Justin Av,2,h,805000,SP,RW,19/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/73 View St,3,t,587000,SP,Eview,19/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,85 Marigold Cr,4,h,931000,S,Nelson,19/08/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,7 London Ct,4,h,897000,S,Darren,19/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8 Tonyl Ct,3,h,,S,Fletchers,19/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,18 Drummond St,4,h,1380000,S,YPA,19/08/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,36 Frontier Av,3,h,485000,S,Ray,19/08/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Hesket Ct,4,h,700000,S,Barry,19/08/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,23 Volga St,3,h,800000,S,Nelson,19/08/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,473A Bluff Rd,4,t,,S,Buxton,19/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,39 Crisp St,5,h,2500000,S,hockingstuart,19/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2A Gillies St,4,h,,SP,Marshall,19/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton Park,1 Manatoka Cr,4,h,,PN,First,19/08/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,28 Bell St,2,h,1600000,PI,Marshall,19/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,18/563 Glenferrie Rd,1,u,392000,S,hockingstuart,19/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/14 Oak St,2,u,660000,S,Jellis,19/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2 Rosney St,4,h,2300000,S,Marshall,19/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,3/1049 Burke Rd,3,t,865000,SA,hockingstuart,19/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,409/32 Lilydale Gr,2,u,515000,SP,Jellis,19/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,16 Munro St,3,h,1805000,S,Marshall,19/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/31 Rathmines Rd,3,t,1375000,S,Jellis,19/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,43 Rathmines Rd,3,h,,S,Marshall,19/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,41 Roseberry St,2,h,1700000,S,Jellis,19/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,21 Balfour Av,5,h,1825000,SP,Barry,19/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,4 Lee Ct,3,h,1000000,S,Philip,19/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1/25 The Greenway,3,h,1226000,S,Barry,19/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3/152 Hawdon St,3,t,920000,S,Miles,19/08/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,3 Narvik Cr,3,h,845000,S,Purplebricks,19/08/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,13 Tennyson St,3,h,1080000,S,hockingstuart,19/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,34 Tennyson St,3,h,2585000,S,Buxton,19/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Train St,5,h,1225000,S,Buxton,19/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,66 Bedingham Dr,4,h,920000,S,Barry,19/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Brindalee Wy,4,h,523500,SP,Prof.,19/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,25 Castlewellan Bvd,4,h,1111000,S,Barry,19/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Silvana Wy,3,h,478000,S,Barry,19/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,150 Kingston Bvd,4,h,635000,S,Ray,19/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Roseland Cr,3,h,520000,S,Reliance,19/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,88 Wilmington Av,4,h,600000,S,LJ,19/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2 Earlstown Rd,3,h,,S,Woodards,19/08/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,120A Poath Rd,2,h,1200000,S,Jellis,19/08/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,4/66 Greville St,2,u,455000,S,Buxton,19/08/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,2/80 Ford St,4,t,1302000,S,Miles,19/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7/44 St Elmo Rd,2,u,,SN,Miles,19/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/16 Waverley Av,2,u,722000,S,Nelson,19/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,29 Hendricks Cr,4,h,650000,S,Stockdale,19/08/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,2/66 Sunset Bvd,3,t,435000,SP,Stockdale,19/08/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,15 Dunbar Ct,4,h,715000,S,Barry,19/08/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,5 Ventnor Pl,3,h,756001,S,Prof.,19/08/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,31 Chappell Pl,4,h,981000,S,Nelson,19/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Limestone Av,3,h,1295000,S,Jellis,19/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,41 Patricia St,4,h,1250000,S,Nelson,19/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,15 Shelley St,4,h,986000,S,Nelson,19/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,9A The Crossway,3,h,620000,PI,Nelson,19/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,1/26 Coopers La,2,t,865000,S,Nelson,19/08/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,83A Eastwood St,3,h,1206000,SP,Jellis,19/08/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,89 Stockmans Wy,2,t,841000,S,Edward,19/08/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,53 Cecil St,4,h,2536000,S,hockingstuart,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/145 Edgevale Rd,2,u,901000,S,Jellis,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,19 Edgevale Rd,3,h,1610000,S,Jellis,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9/910 Glenferrie Rd,2,u,1005000,S,Jellis,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8/16 Grace Ct,2,u,575000,SP,Nelson,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,30 Stirling St,3,h,2180000,S,Jellis,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,37 Wellington St,4,h,4000000,S,Marshall,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,108 Willsmere Rd,3,h,1775000,VB,Jellis,19/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/12 Oswin St,3,u,1360000,S,Marshall,19/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,13 Ramsay Av,3,h,2118000,S,Nelson,19/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,27 Ramsay Av,3,h,,SN,RT,19/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,47 Churchill Wy,3,h,710000,SP,McGrath,19/08/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,16 Regina St,3,h,780000,SP,McGrath,19/08/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kooyong,5/687 Toorak Rd,2,u,820000,SP,Marshall,19/08/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Kurunjang,12 Ella Ct,3,h,401500,S,hockingstuart,19/08/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,11 Delmare St,3,h,700000,S,HAR,19/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,10 Pontoon St,3,h,,SN,HAR,19/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,40 Reschke Ct,3,h,590000,S,hockingstuart,19/08/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +MacLeod,12 Hester Wk,3,t,704000,S,Miles,19/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/5 Pavey Ct,3,u,,SP,Barry,19/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,5 Ballarat Rd,2,h,610000,PI,Sweeney,19/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,33/48 Eucalyptus Dr,2,u,420000,SP,Biggin,19/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,5E Belson St,3,h,1375000,VB,Tim,19/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5/28 Ferncroft Av,2,u,735000,S,Jellis,19/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,46 Karma Av,3,h,2030000,S,Marshall,19/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3 Rothesay Av,4,h,2990000,S,Marshall,19/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,49 Tennyson St,3,h,1800000,PI,Jellis,19/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,3/50 Middle Rd,1,u,,PI,Brad,19/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,57 River St,4,h,1500000,S,RW,19/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,243 Tucker Rd,3,h,,S,Jellis,19/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,124 Wheatley Rd,3,t,1125000,PI,Buxton,19/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2/11 Opal Ct,2,u,333000,SP,YPA,19/08/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melton South,18 Brennan St,3,h,460000,S,Ryder,19/08/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,2/20 Albenca St,3,t,881000,S,Buxton,19/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,35 Bundora Pde,3,h,925000,SP,Greg,19/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12/35 Collins St,1,u,350000,SP,Buxton,19/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,16 Etherington Dr,3,h,430000,SP,Harcourts,19/08/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 Haig St,3,h,547000,S,Ray,19/08/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,98 Waterview Dr,4,h,575000,S,HAR,19/08/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,70 Herbert St,3,h,3500000,S,Marshall,19/08/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,4 Wright St,3,h,2220000,PI,Greg,19/08/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,25 Blackman Av,4,h,652500,SP,Ray,19/08/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,38A Carroll Cr,3,h,470000,S,Ray,19/08/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,11 Fern Ct,3,h,671000,S,Love,19/08/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/59 Heritage Dr,2,u,397000,S,Love,19/08/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/3 Rotherwood Av,2,u,700000,VB,Noel,19/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,4 Howson Ct,3,h,1600000,VB,Fletchers,19/08/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2/50 Coventry St,3,h,756000,S,Fletchers,19/08/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,14 Kirwana Gr,4,h,1050000,PI,Barry,19/08/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moorabbin,43 Hillston Rd,3,h,901000,S,Buxton,19/08/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,100A Landscape Dr,3,h,702000,S,Ray,19/08/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,63 Chute St,3,h,1150000,S,Buxton,19/08/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,4 Longview Rd,3,h,515000,S,Ray,19/08/2017,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,1/3 Churcher Ct,3,u,875000,S,Marshall,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,36 Essex Rd,5,h,,PI,hockingstuart,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44c Grenfell Rd,3,t,1150000,PI,McGrath,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Huntingtower Cr,4,h,1750000,SA,Jellis,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Inverell Av,5,h,1940000,PI,McGrath,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Nigretta Ct,4,h,,PI,Ray,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Rhonda St,4,h,1340000,S,Barry,19/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,17 Dalny Rd,3,h,,S,Buxton,19/08/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,45 Wallace Av,4,h,1388000,S,Buxton,19/08/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,129 Fleetwood Dr,3,h,570000,S,O'Brien,19/08/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Niddrie,59A Nolan St,3,t,1150000,SP,Barry,19/08/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,7b Ellt Cr,2,t,480000,S,C21,19/08/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,64 Baillie St,2,t,1220000,S,Jellis,19/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,219 Flemington Rd,4,h,,S,Nelson,19/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,20/55 Gadd St,2,u,754000,SP,hockingstuart,19/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/1 Lorna Av,3,h,1180000,SP,McGrath,19/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,7 Tamala Av,3,h,1001000,S,Biggin,19/08/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,4/4 Koroit St,3,t,860000,S,Noel,19/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,9 Patterson St,3,h,1218000,S,Ray,19/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,37 Josephine St,3,h,850000,VB,Brad,19/08/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1/28 Leumear St,3,t,905000,S,Ray,19/08/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,41 Colin Rd,2,h,955500,S,Ray,19/08/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,12 Cunningham Pl,6,h,1210000,S,Buxton,19/08/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,4/4 Holloway St,1,u,345000,S,Thomson,19/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,347 Koornang Rd,3,h,1005500,S,Jellis,19/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,23A Murray Rd,2,h,,SP,Hodges,19/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,10 Eyre Pl,4,h,442000,S,C21,19/08/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,3/16 Clare St,3,u,742000,S,Hodges,19/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,55 Alpine Gr,3,h,980000,S,Nelson,19/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/165 Boundary Rd,3,t,685000,PI,Barry,19/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/136 Derby St,2,t,585500,S,Nelson,19/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,38 Pardy St,3,h,,S,Nelson,19/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,31 Lakeside Dr,4,h,690000,S,hockingstuart,19/08/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,360 Howe Pde,3,h,1230000,S,RT,19/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11/85 Rouse St,2,u,1020000,S,Chisholm,19/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,490 Williamstown Rd,3,h,1265000,SP,Marshall,19/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,6 Aberdeen Rd,3,h,1390000,S,Marshall,19/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,26 Union St,3,h,1100000,S,hockingstuart,19/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,15 Albert St,3,h,961000,S,Nelson,19/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,59 Dundas St,3,h,,SP,Nelson,19/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Jackman St,3,h,1001000,S,Nelson,19/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/34 Union St,3,u,790000,S,hockingstuart,19/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,20 Barton St,3,h,876000,S,Barry,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/159 Cheddar Rd,2,u,560000,S,RW,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/35 Cheddar Rd,2,h,480000,S,Ray,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Howard St,2,h,971000,S,Nelson,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,49 Liston Av,4,h,866000,S,HAR,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Lucille Av,3,h,775500,S,Ray,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/43 McMahon Rd,2,u,,SP,Love,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Ramleh Rd,4,h,920000,S,Ray,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,60 Southernhay St,4,h,1175000,S,Woodards,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Winter Cr,3,h,790000,PI,Love,19/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,69 Brighton St,2,h,1975000,S,Biggin,19/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/86 Burnley St,2,u,580000,VB,Jellis,19/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,308/1 Dyer St,2,u,,SP,MSM,19/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,107 Hoddle St,3,h,,PI,Biggin,19/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1A Wingrove Pl,3,h,720000,S,Ray,19/08/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,7 Sunbeam Av,3,h,1120000,PI,Barry,19/08/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,142 Bellevue Av,3,h,,S,Barry,19/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,20 Greville Rd,4,h,,SP,Nelson,19/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,11 Maleela Gr,3,h,1051500,S,Barry,19/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,21 Rossiter Av,3,h,400000,S,Red,19/08/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,4/245 Bluff Rd,3,t,1000000,S,Purplebricks,19/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,19B Reno Rd,3,t,1450000,S,Buxton,19/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,18 Peterson St,5,h,850000,VB,Sandhurst,19/08/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,205 Montague St,3,h,,SN,Cayzer,19/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,16 Mountain St,3,h,1412000,SP,Marshall,19/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,4/56 Smith St,2,u,,PI,Chisholm,19/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,3 McArthurs Rd,5,h,597000,S,Ray,19/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2A Albion St,3,h,1400000,S,hockingstuart,19/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/31 Howitt St,1,u,290000,VB,Marshall,19/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/571 Punt Rd,2,t,,S,Jellis,19/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,22 Cullen St,2,h,782500,S,Barlow,19/08/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,301/88 Hudsons Rd,2,u,601000,S,Avion,19/08/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale South,4 Lindy Ct,3,h,750000,VB,Boutique,19/08/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,29 Gillespie Rd,3,h,626000,S,YPA,19/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,179 William St,4,h,703000,S,Barry,19/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,43/64 Fitzroy St,1,u,465000,PI,McGrath,19/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/17 Redan St,3,u,,SP,Buxton,19/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore Heights,7 Caravelle Cr,3,h,1000000,S,Considine,19/08/2017,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,17 Curtin Dr,3,h,480500,S,One,19/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Plante Ct,3,h,431250,SP,L,19/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,9 Tennyson Ct,4,h,555000,S,YPA,19/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,72 The Skyline,4,h,825000,S,Leading,19/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine North,19A Park Dr,3,h,502500,S,Douglas,19/08/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,2/15 Phoenix St,3,u,580000,VB,Boran,19/08/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,3 Arnold St,3,h,650000,S,Douglas,19/08/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,29 Felstead Av,7,h,780000,VB,Village,19/08/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/11 Essex Rd,3,h,,PI,Nelson,19/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/29 Kennealy St,3,h,1366000,S,Nelson,19/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,13 Lambourne St,4,h,2100000,PI,Jellis,19/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1 Oak St,5,h,1825000,S,Fletchers,19/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,53 Park Rd,3,h,2567500,S,Fletchers,19/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/51 Wandsworth Rd,3,h,,S,Marshall,19/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,30 Hardware La,4,h,726000,S,Ray,19/08/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,13 Bruxner Wy,3,h,600000,PI,Barry,19/08/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,24 Atkinson St,4,h,,S,Fletchers,19/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/188 Foote St,3,t,,SP,Ray,19/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Shelley Ct,4,h,1700000,S,Barry,19/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,45 Templemore Dr,4,h,1150000,PI,Barry,19/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3 Artemis Ct,4,h,1280000,PI,Barry,19/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4 Astley St,4,h,,S,Fletchers,19/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,12 MacEdon Ct,4,h,1495000,PI,Parkes,19/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,1/19 Plane St,3,t,,SN,HAR,19/08/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/22 Westall St,3,u,,SN,HAR,19/08/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,219a Gooch St,2,t,750000,PI,McGrath,19/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,219b Gooch St,3,t,880000,PI,McGrath,19/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,27 Gooch St,2,h,1200000,S,Nelson,19/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7/42 Pender St,2,t,625000,S,Love,19/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/198 Raleigh St,1,u,351000,S,Collins,19/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,126 Rossmoyne St,4,h,,SP,McGrath,19/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,47/145 Canterbury Rd,1,u,250000,SP,LITTLE,19/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/187 Kooyong Rd,3,u,1000000,VB,Kay,19/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,7 Canary Cl,4,h,635000,S,TRUE,19/08/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1/59 Eumarella St,3,u,527000,S,Nelson,19/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,235 Melrose Dr,4,h,660000,SP,Jason,19/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,3/260 Melrose Dr,3,h,565500,SP,Stockdale,19/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/56 Tadstan Dr,3,u,500000,S,Barry,19/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,84 Centre Rd,5,h,1300000,S,Noel,19/08/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,48 Coonawarra Dr,4,h,1138000,S,M.J,19/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,10 Shearers Ct,5,h,1360000,S,Biggin,19/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,104 Weeden Dr,5,h,1300000,S,Biggin,19/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,38 Duff Pde,4,h,,S,Barry,19/08/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,11 Jedem Cl,4,h,1612000,S,Miles,19/08/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,6 Priscilla Ct,4,h,1150000,S,Harcourts,19/08/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,79 Somes St,5,h,1235000,S,Barry,19/08/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,3 Speers Ct,4,h,1600000,S,Barry,19/08/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,32 Cooinda Cr,3,h,790000,S,Barry,19/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,3 Leafield St,4,h,900000,SP,Nelson,19/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,29 Briardale Dr,3,h,490000,S,hockingstuart,19/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,31 Hooker Rd,3,h,412700,S,hockingstuart,19/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2 Rhine St,6,h,591000,S,hockingstuart,19/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,27 Busch St,4,h,990000,S,RW,19/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,11 Church St,3,h,1100500,S,Jas,19/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,24 Oxford St,3,h,675000,VB,GL,19/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,9 Sredna St,3,h,805000,S,Sweeney,19/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,155 Suffolk St,3,h,778000,S,McGrath,19/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,28 Tucker St,2,h,855000,S,Biggin,19/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,8 Chestnut Ct,3,h,,PI,Harcourts,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,12 Erskine Cr,4,h,1200000,S,Ray,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,99 Grandview Rd,4,h,1480000,S,Ray,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,77 Jells Rd,4,h,1250000,VB,Jellis,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,61 Mary Av,4,h,1136000,S,McGrath,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Rodney Cl,4,h,1500000,S,Ray,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Tyrone Ct,4,h,1194700,SP,Fletchers,19/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Whittlesea,1 MacMeikan St,3,h,440000,S,Brad,19/08/2017,3757,Northern Victoria,2170,35.5,Whittlesea City Council +Williamstown,54 Victoria St,5,h,2550000,PI,Williams,19/08/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,3/10 Wrexham Rd,1,u,420000,S,Marshall,19/08/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,11 Allumba Wy,3,t,,SN,HAR,19/08/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,13 Markham St,4,h,467000,S,hockingstuart,19/08/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,17 Rockgarden Wy,4,h,565000,SP,Love,19/08/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,11 Chisholm Pl,3,h,475000,S,hockingstuart,19/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,25 Greengables Dr,4,h,,PI,Ray,19/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,39 Fahey Cr,4,h,1025000,S,Nelson,19/08/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Abbotsford,49 Park St,2,h,1315000,S,Marshall,19/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,65/80 Trenerry Cr,1,u,480000,S,Biggin,19/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,40 Allan St,3,h,1860000,S,Rendina,19/11/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,14 Knight St,3,h,1195000,S,Nelson,19/11/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,2 May St,4,h,1200000,VB,Nelson,19/11/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,37 North St,3,t,825000,SP,Barry,19/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,18 Herbert St,3,h,,SN,Cayzer,19/11/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,10 Bennett St,4,h,1830000,S,Nelson,19/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,38 Bennett St,4,h,2100000,S,Nelson,19/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,4 Boyd St,3,h,980000,S,Barlow,19/11/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,5a Emu Av,4,h,1000000,S,Barlow,19/11/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,19 Merton St,3,h,425000,S,Sweeney,19/11/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,3 Shields Ct,3,h,541000,S,hockingstuart,19/11/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,62 Tatman Dr,4,h,680000,S,Sweeney,19/11/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,16 Beevers St,3,h,680000,S,Sweeney,19/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4/63 Marion St,1,u,,PI,hockingstuart,19/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,150A McIntosh Rd,2,t,510000,SP,Williams,19/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,21 Neal Ct,3,h,770000,SP,hockingstuart,19/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,51 Suspension St,3,h,695000,S,Barry,19/11/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,6/51 Armadale St,2,u,704000,SP,Greg,19/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,30 Barkly Av,4,h,,S,Jellis,19/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/31 Inverness Av,2,u,,S,Jellis,19/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,12/41 Kooyong Rd,2,u,620000,VB,Marshall,19/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,107/8 Burrowes St,2,u,540000,S,Jellis,19/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,21A Geddes St,3,h,1037500,S,Alexkarbon,19/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/20 Newsom St,3,t,1050000,S,Jellis,19/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,14 Ormond Rd,6,h,,S,Rendina,19/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4/27 Roseberry St,2,u,440000,S,McDonald,19/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,126 The Parade,2,h,1010000,S,Brad,19/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,2/17 Ashburn Gr,3,t,900000,S,Jellis,19/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,34 Morotai Av,3,h,1570000,S,Buxton,19/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,79 Ashwood Dr,4,h,,SP,Kay,19/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,16 Carlyle St,3,h,,SP,Harcourts,19/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,147 Huntingdale Rd,3,h,785000,S,Buxton,19/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,17 Parkhill Dr,4,h,1240000,S,Tim,19/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,15 Oriflamme Ct,3,h,692000,SP,Ray,19/11/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,2 MacKinnon Ct,3,h,463000,PI,YPA,19/11/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,2 Shoemaker St,3,h,,SN,Wilson,19/11/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Balaclava,2/360 Carlisle St,2,u,820000,S,Gary,19/11/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,29 Bevan St,4,h,2188000,S,Marshall,19/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/30 Kalimna St,2,u,755000,PI,Noel,19/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,5 Grieve St,4,h,2205000,S,Fletchers,19/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,48 Hosken St,4,h,,PI,hockingstuart,19/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Leicester St,3,h,,S,Fletchers,19/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/22 Severn St,3,t,1137000,S,Fletchers,19/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,28 Severn St,3,h,2100000,VB,Jellis,19/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,6/30 High St,2,u,416000,S,iTRAK,19/11/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,3 Leonard St,3,h,,SN,Barry,19/11/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,438 Balcombe Rd,5,h,500000,PI,Hodges,19/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,91 Bonanza Rd,3,h,1595000,S,Buxton,19/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,1 Wilkinson Cr,3,h,785000,S,Miles,19/11/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,17b Delhi St,4,t,1250000,PI,hockingstuart,19/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,25 Mitchell St,3,h,1448000,S,hockingstuart,19/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,28b Scotts St,4,h,1400000,VB,Woodards,19/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/148 Tucker Rd,2,u,520000,S,McGrath,19/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/7 Uonga Rd,2,u,820000,S,hockingstuart,19/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12 Werona St,3,t,740000,PI,Woodards,19/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,14 Charles St,3,t,935000,S,hockingstuart,19/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Florence St,3,h,977000,S,Buxton,19/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Jassa St,3,h,1352000,S,Woodards,19/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Millard St,4,h,1115000,SP,Buxton,19/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,1/333 Beach Rd,3,t,1300000,PI,Buxton,19/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,3A Bent Pde,2,h,1120000,PI,Hodges,19/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/39 Fourth St,3,t,857500,S,Buxton,19/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,4/4 Glenmore Cr,2,u,760000,S,Hodges,19/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,5/56 Red Bluff St,2,u,875000,S,hockingstuart,19/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,52 Stanley St,4,t,1745000,S,Buxton,19/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,24 Clifton St,4,h,,PN,Woodards,19/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,31 Elder St,5,h,1500000,S,Noel,19/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,50 Pakenham St,4,h,1350000,S,Lindellas,19/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,44 Springfield Rd,2,t,1006000,S,Noel,19/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/64 Whitehorse Rd,2,u,660000,S,Noel,19/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,14 Wright St,4,h,,S,Noel,19/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,7 Conrad Ct,3,h,,SN,Noel,19/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,52 Katrina St,3,h,1080000,S,HAR,19/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,29 Morrie Cr,3,h,1096000,S,Fletchers,19/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,20 Primula St,5,h,1650000,S,Ray,19/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,18 Bond Av,3,h,1073000,S,Allens,19/11/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,276 Middleborough Rd,4,h,1009000,S,Ray,19/11/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,1/393 Station St,3,h,801500,SP,Eview,19/11/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,434 Station St,3,h,700000,VB,Buxton,19/11/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,2A Girdwood Rd,3,h,576000,S,Ray,19/11/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,287 Scoresby Rd,3,h,655000,S,Ray,19/11/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,3/8 Ashted Rd,2,u,636000,S,Philip,19/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,6 Bass St,4,h,1625000,S,Noel,19/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,10 Cunningham St,4,h,1430000,S,Noel,19/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1 Maple St,3,h,836000,S,Jellis,19/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Arthur St,2,h,660000,S,Barry,19/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2B Bradford Ct,3,t,579000,S,Sweeney,19/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,33 Joy St,4,h,856500,S,Sweeney,19/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,2 Bridge St,3,h,1750000,VB,Buxton,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,33 Burrows St,3,h,1410000,S,Buxton,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,41/18 Cochrane St,3,u,,S,Gary,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,823 Hampton St,4,h,2475000,VB,Marshall,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,29 Lawrence St,3,h,,S,Marshall,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,64 North Rd,4,h,2700000,SP,Nick,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,16 Oakwood Av,4,h,2800000,S,hockingstuart,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/4 Seaview Av,2,u,810000,S,Marshall,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/18 William St,3,u,1005000,SP,hockingstuart,19/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,7 Allfrey St,4,h,,S,Buxton,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,31 Clinton St,3,t,,S,Buxton,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,155 Dendy St,3,h,1400000,S,Hodges,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Hansen St,3,h,900000,S,Hodges,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,25 Robinson St,4,h,2150000,S,Buxton,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,206 South Rd,4,h,1725000,SP,Hodges,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,30 Studley Rd,4,h,1755000,PI,RT,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7b Tatong Rd,4,h,1200000,PI,hockingstuart,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,18 Thomas St,4,h,,PN,Ray,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/29 Thomas St,3,h,,S,Gary,19/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,13 Sorrento St,4,h,455000,S,Raine,19/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,21 Talgarno St,3,h,385000,S,Stockdale,19/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,50 Stenhouse Av,3,h,760000,S,hockingstuart,19/11/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,222 Barkly St,5,h,2500000,S,Jellis,19/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,105 Dawson St,2,h,860000,PI,Jellis,19/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10/66 De Carle St,2,u,491000,S,Jellis,19/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,132 Gold St,3,h,,PN,Grantham,19/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,64 Henkel St,3,h,990000,S,Nelson,19/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,41 Barkly St,3,h,1679000,S,Nelson,19/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/33 Linden St,3,t,1050000,PI,Jellis,19/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7/55 Victoria St,2,u,461000,SP,Nelson,19/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,29 Grantham St,4,h,988000,S,Nelson,19/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,42 Hopetoun Av,4,h,910000,PI,Nelson,19/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,37 Apex Cr,4,h,1120000,S,Barry,19/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/7 Westwood Dr,3,u,812500,S,Barry,19/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,8 Decathlon St,4,h,845000,PI,Ray,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Glenn Cr,4,h,570000,S,Darren,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2/121 Grange Bvd,3,t,360000,PI,Ray,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Maroondah Tce,3,h,590000,SP,Ray,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,136 McLeans Rd,3,h,608000,S,Harcourts,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Shiraz Ct,4,h,721500,S,Barry,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Tamara Ct,3,h,635000,SP,Barry,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Windmill St,4,h,890000,S,Barry,19/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,163 Arbour Bvd,4,h,,PN,FN,19/11/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,19 Cookson Wy,4,h,,PI,Jellis,19/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 Cromwell St,3,h,,PI,Ray,19/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,6 Benwerrin Dr,3,h,,SN,Biggin,19/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,233 Burwood Hwy,4,h,1271600,S,Ray,19/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,13 Robert St,4,h,1020000,S,Fletchers,19/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,4 Edgewater Cct,3,h,610000,SP,Prof.,19/11/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,6 Lomandra Wy,4,h,865000,S,Melbourne,19/11/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,1 Doonkuna Av,4,h,,S,Jellis,19/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,37 Doonkuna Av,4,h,2625000,SP,Marshall,19/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,30 Fairview Av,2,h,,SN,J,19/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,56 Fairview Av,3,h,,SP,Marshall,19/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,62 Sycamore Cr,3,h,435000,S,Raine,19/11/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,17 Irilbarra Rd,4,h,3400000,S,Jellis,19/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carnegie,1/3 Coorigil Rd,3,h,1360000,S,Woodards,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9/45 Coorigil Rd,2,u,380000,SP,Woodards,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/10 Emily St,2,u,,W,Barry,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/300 Koornang Rd,2,u,765000,S,Woodards,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,53 Moonya Rd,4,h,1423000,S,Woodards,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,27 Morgan St,5,h,1900000,PI,Buxton,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2 Poplar Gr,2,h,907000,S,Ray,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10/12 St Huberts Rd,1,u,350000,S,hockingstuart,19/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,8 Tatterson Wy,4,h,563000,S,Barry,19/11/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,59a Valetta St,2,u,580000,SP,Buxton,19/11/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,85 Paddington Av,4,h,462000,S,Harcourts,19/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,103/677 Glen Huntly Rd,2,u,638000,SP,Gary,19/11/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield East,29 Derby Cr,3,h,1071000,S,Marshall,19/11/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,11/58 Kambrook Rd,2,u,535000,SP,Gary,19/11/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,409/58 Kambrook Rd,2,u,540000,VB,hockingstuart,19/11/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,48A Jupiter St,4,t,1410000,S,Gary,19/11/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/35 Binalong Av,3,t,820000,S,McGrath,19/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,22 Jacana St,3,h,1171000,S,Ray,19/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1A Mudgee Ct,3,t,860000,S,Ray,19/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/80 Railway Pde S,4,u,,PI,Ray,19/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/22 Stapley Cr,4,t,1085000,S,Buxton,19/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,8 Dunscombe Pl,5,h,888000,S,Hodges,19/11/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,17 Quail Cl,4,h,778000,S,Buxton,19/11/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,2/40 Booker St,2,u,640000,S,RT,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Cox St,4,h,980000,S,O'Brien,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Gardenia Cr,5,h,,PI,Barry,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,15 Gillman St,5,h,1480000,S,Thomson,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/34 Herald St,3,u,647000,S,Buxton,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,28 Lorna St,3,t,935000,S,Buxton,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Merton Cl,3,h,960000,S,Greg,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,39 Parnell St,3,h,1100000,S,Buxton,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,27b Sunray Av,4,h,1225000,SP,U,19/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,31 Colonel St,3,h,1500000,S,Buxton,19/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,52 Ormond Rd,3,h,1011000,S,Buxton,19/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,8 Brentwood Cl,3,h,910000,S,Ray,19/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,4/3 Browning Av,2,u,,PN,Century,19/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2 Kitson Rd,4,h,880000,S,Darras,19/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,49 Fenwick St,3,h,1680000,S,Nelson,19/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,4/200 Noone St,3,t,,S,Jellis,19/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,270 Bell St,2,h,,SN,Barry,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,69 Clarendon St,3,h,,SP,Nelson,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Craigrossie Av,5,h,1725000,S,Nelson,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8 Gilbert St,3,h,1260000,S,Jellis,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/345 Moreland Rd,1,u,,PI,Raine,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,77 Nicholson St,3,h,,SN,Barry,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,43 Reynard St,2,h,,SP,Ray,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/33 Sheffield St,2,h,920000,SP,Jellis,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Station St,5,h,,SN,Barry,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,31 Stawell St,3,h,,S,Brad,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,52 Stawell St,3,h,841000,S,Re,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/2 Vincent St,2,u,537500,S,Nelson,19/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,13 Glyndon Av,2,h,830000,S,Jellis,19/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,3 Golf Rd,3,h,860000,PI,Jellis,19/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,27 Snapshot Dr,5,h,1172000,S,Ray,19/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,5 Charlotte St,2,h,1000000,SP,Peter,19/11/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,18/15 Oxford St,2,u,655000,S,Jellis,19/11/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,2 Brandon Ct,3,h,400000,SP,hockingstuart,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Cavalier Dr,3,h,,S,hockingstuart,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Discovery Cl,3,h,402500,S,YPA,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,37 Furlong St,3,t,370000,SP,Professionals,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,53 Millicent Dr,4,h,465000,S,Ray,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,45 Mitford Cr,4,h,580000,PI,YPA,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Orrong Pl,4,h,,PI,Ray,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Viewrise Wk,2,h,,SN,Barry,19/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,607/140 Swan St,2,u,662500,S,Jellis,19/11/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,31 Barclay Av,3,h,530500,SP,McGrath,19/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,52 Jarvis Av,4,h,646000,S,Max,19/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,23/128 Mt Dandenong Rd,4,h,,W,McGrath,19/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,24 The Pass,4,h,,PI,Philip,19/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,46 Yarra Rd,4,h,763000,S,hockingstuart,19/11/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,3 Calivil St,3,h,340000,S,Ray,19/11/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,17 Elray Av,2,h,437000,S,C21,19/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,124 Herbert St,3,h,,PN,McLennan,19/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,4/103 McCrae St,3,u,320500,SP,C21,19/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,41 Exner Dr,3,h,,SN,Barry,19/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,20 Dalmuir Bvd,3,h,535000,S,hockingstuart,19/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,14 Millbank Dr,3,h,545000,SP,HAR,19/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,10 Peterborough Cr,3,h,486000,S,Stockdale,19/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,34 Pembroke Cr,4,h,624000,S,Bells,19/11/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,34 Peveril Av,4,h,575000,SP,HAR,19/11/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,34 Phipps Cr,3,h,647500,S,Buckingham,19/11/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,10 Kubis Cr,6,h,,S,Ray,19/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,23 Newbridge Cl,3,h,1040000,S,Ray,19/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,35 Bellara St,3,h,1430000,S,Barry,19/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,16 Burgundy Dr,4,h,,S,Fletchers,19/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,33 Finlayson St,4,t,1350000,PI,Barry,19/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,24 Outlook Dr,3,h,1250000,PI,Fletchers,19/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,7 Reddan Ct,4,h,1460800,SP,Jellis,19/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,18 Roseland Gr,3,h,1152500,S,Barry,19/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Albany Wy,5,h,1600000,S,Barry,19/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,34 Highfield Rd,4,h,,SP,Jellis,19/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Homebush Ct,4,h,1080000,SP,Peter,19/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Monomeath Cl,4,h,,PN,Ray,19/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Nartanda Ct,5,h,1180000,VB,Fletchers,19/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8 Bullock Ct,4,h,1350000,S,Fletchers,19/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,32 Illawong Dr,1,h,,SP,Jellis,19/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2 Kevin Ct,3,h,,SP,Barry,19/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,14 Wembley Gdns,4,h,1530000,PI,Ray,19/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,51 Gyrfalcon Wy,4,h,400000,PI,Ray,19/11/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,10 Photinia St,3,h,,SN,Barry,19/11/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,6 Hotham St,3,t,,PI,Nicholson,19/11/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,50 Munro Av,3,t,800000,VB,Buxton,19/11/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,17/39 Horne St,3,t,850000,PI,Scott,19/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,87 Orrong Rd,3,h,1750000,VB,Buxton,19/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,31 Prentice St,3,h,1450000,S,Biggin,19/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,20 Shoobra Rd,4,h,2806000,S,Biggin,19/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham North,3 Orchard Av,4,h,850000,S,Buckingham,19/11/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,187 Ryans Rd,3,h,,PI,Fletchers,19/11/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,2/129 Brighton Rd,2,u,684000,SP,McGrath,19/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/25 Kingsley St,1,u,451000,S,Chisholm,19/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,36a Mitford St,3,h,1500000,PI,Chisholm,19/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/48 Ormond Rd,2,u,,SP,Chisholm,19/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/38 Scott St,2,u,,PI,hockingstuart,19/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,3 Calendula Cct,3,h,,PI,Harcourts,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Chester Ct,3,h,500000,S,Harcourts,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Hayston Bvd,4,h,710000,PI,hockingstuart,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Houston St,3,u,581000,S,Harcourts,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Langridge Dr,3,h,550000,SP,Iconek,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Porsche Ct,4,h,600000,PI,Ray,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Runecrest Tce,3,h,457500,S,Ray,19/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/10 Ardoch St,2,u,453000,S,Nelson,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/1 Forrester St,2,u,420000,S,Brad,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/16 Leake St,4,u,1170000,SP,Barry,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,55 Lincoln Rd,4,h,1600000,SP,Brad,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,33 McCarron Pde,4,h,1535000,SP,Nelson,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,16 Scott St,3,h,,S,Nelson,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,22 Wheeler Pl,3,h,1400000,SP,Nelson,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/20 William St,2,u,435000,S,Nelson,19/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/31 Greville St,3,u,765000,S,Nelson,19/11/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,6 Sapphire St,7,h,1300000,PI,Nelson,19/11/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,52 Rayment St,3,h,1350000,VB,Nelson,19/11/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,21 Fay St,3,h,,SN,Barry,19/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 James St,3,h,650000,SP,Brad,19/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Jeanine Cr,3,h,622000,S,Nelson,19/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,18 June St,3,h,,SN,Barry,19/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,30 Tucker St,4,h,771000,S,hockingstuart,19/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,8 Frederick St,4,h,706000,S,Reach,19/11/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,135 George St,2,h,,S,Nelson,19/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,113/300 Young St,1,u,465000,SP,Jellis,19/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,3 Curtain Pl,3,t,1080000,S,Jellis,19/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,14 Falconer St,3,h,1851000,S,Nelson,19/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,34 Fergie St,3,h,,S,Nelson,19/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,273 Glenlyon Rd,2,h,1222500,S,Chambers,19/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,8/54 Kneen St,1,u,330000,VB,Jellis,19/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,13 Seacombe St,2,h,1232000,S,Jellis,19/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,224 Ballarat Rd,2,h,690500,SP,Rendina,19/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,7 Essex St,2,h,747000,S,Sweeney,19/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,13 Nicholson St,2,u,440000,S,Sweeney,19/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,15/2 Spray St,2,u,365000,SP,Harcourts,19/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,51 Wangarra Rd,3,h,515000,SP,Harcourts,19/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,11 Wattle Dr,3,h,457500,S,Harcourts,19/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,87 Lawson Av,4,h,720000,PI,Bowman,19/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,3 The Helm,5,h,1380000,S,hockingstuart,19/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,1/18 Magnolia Rd,2,u,595000,S,Biggin,19/11/2016,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Glen Huntly,6/135 Grange Rd,2,h,630000,S,Gary,19/11/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,2/4 Hinton Rd,2,t,635000,PI,Ray,19/11/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,3 Florence St,5,h,2352500,PI,Marshall,19/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,23 Flowerdale Rd,5,h,3860000,S,Marshall,19/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,31 Gardiner Pde,4,h,2625000,PI,Marshall,19/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/2 Jickell Av,3,u,,SN,J,19/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/1679 Malvern Rd,2,u,856500,S,Marshall,19/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Rosemary Gr,2,h,,SN,Garvey,19/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/486 Blackburn Rd,2,u,,SP,Harcourts,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Cappella Ct,5,h,880000,S,Barry,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,41 Coleman Pde,3,h,,S,Jellis,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Cowrie St,4,h,1140600,S,Fletchers,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,62 Cypress Av,4,h,1537500,S,hockingstuart,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,28 Garrisson Dr,3,h,1567000,S,Barry,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Hallows St,4,h,998000,SA,Barry,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Joyce Av,4,h,1290000,S,Harcourts,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4/2 Joyce Av,4,t,,PI,Biggin,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Medina Rd,3,h,,PI,Harcourts,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/5 Ralton Av,3,u,,PI,Ray,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,432 Springvale Rd,3,h,1341000,S,JRW,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Stirling Cr,4,h,,SP,hockingstuart,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/2 Tamarisk Av,4,t,,PI,Ray,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Tobias Av,3,h,1431000,S,Ray,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,93 Winmalee Dr,3,h,,PN,Harcourts,19/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,48 Everard St,3,h,580000,S,Barry,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,11 Freeman Dr,4,h,,S,Stockdale,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/28 Gladstone Pde,3,t,550000,VB,Barry,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/4 Murrell St,2,t,434500,S,Eview,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/38 Stanley St,2,u,620250,S,Stockdale,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/80 Tarana Av,3,h,480000,S,Raine,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,128 Widford St,3,h,710000,S,Stockdale,19/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,6 Birk Ct,3,h,540000,VB,Brad,19/11/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,4 Delpura Gln,3,h,590000,VB,Darren,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,125 Elder St,3,h,696000,S,Fletchers,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,55 Hume St,4,h,,SN,Barry,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/130 Nell St,3,h,,SN,Barry,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,32 Nell St,3,h,681000,SP,Millership,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,50 Nell St,3,t,690000,S,Buckingham,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Selsdon Ct,3,h,735000,S,Darren,19/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,7 Inverie Ct,4,h,,SN,Barry,19/11/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,24A South St,4,h,750074,SP,Eview,19/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,11 Conifer St,2,u,896000,S,hockingstuart,19/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,29 Grenville St,3,h,1450000,S,RT,19/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/3 Littlewood St,2,u,898000,S,Marshall,19/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6 Valerian St,4,h,1515000,S,hockingstuart,19/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,107 Willis St,5,h,2980000,S,hockingstuart,19/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,4 Besant St,3,h,1070000,S,Hodges,19/11/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/2 Flowerdale Rd,2,u,801000,S,Buxton,19/11/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3/113 Spring Rd,3,t,,PI,Buxton,19/11/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,6/164 Barkers Rd,2,u,,SP,Woodards,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,810/377 Burwood Rd,2,u,,SP,LITTLE,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,22 Chrystobel Cr,4,h,,S,Marshall,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/14 Creswick St,2,u,663000,S,Marshall,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,21/1 Domville Av,2,u,,SN,Thomson,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/21 Elphin Gr,2,u,657500,S,Jellis,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/14 Illawarra Rd,2,u,,SP,Marshall,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,50 Kinkora Rd,4,h,5050000,VB,Kay,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,22/9 Lisson Gr,1,u,445000,S,Biggin,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14/107 Riversdale Rd,2,u,750000,VB,Jellis,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4A Simpson Pl,3,h,1180000,S,Jellis,19/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,96 Pleasant Rd,3,h,,S,Jellis,19/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,336 Riversdale Rd,4,h,2450000,S,Marshall,19/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/859 Toorak Rd,3,t,1590000,S,Jellis,19/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,2 Bayley Cl,4,h,,SN,Barry,19/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,10 Bedford Ct,4,h,,PI,Barry,19/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,9 Bellbird Ct,4,h,,SN,Barry,19/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,6 Bolden St,5,h,1401000,S,Nelson,19/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,68 Bamfield Rd,3,h,725000,S,Haughton,19/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/35 Porter Rd,2,u,605000,S,Harcourts,19/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,478 Waterdale Rd,8,h,770000,VB,Miles,19/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,498 Waterdale Rd,3,h,950000,S,Miles,19/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,5 Barce Pl,4,h,715000,S,Barry,19/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,25 Dalmont St,4,h,1660000,S,Charlton,19/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,9 Lawson Pde,5,h,,S,Buxton,19/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,23 Marchant St,4,h,,PI,Buxton,19/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,7 Fairview Ct,4,h,590000,S,Barry,19/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Jenny Ct,5,h,,W,hockingstuart,19/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,21 Lancelot Ct,5,h,830000,S,Barry,19/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,9 Pilgrim Dr,4,h,593000,S,Barry,19/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,24 The Grove,4,h,970000,S,Barry,19/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,56 Baggott Dr,3,h,495000,PI,RT,19/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,9 Hagen Cl,4,h,460000,SA,hockingstuart,19/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,18 McCormack Cr,3,h,400000,S,Ray,19/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,15 Moorookyle Av,4,h,1455000,S,Ray,19/11/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,13 Berkeley St,4,h,1345000,S,Ray,19/11/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,63 Garnett St,3,h,865000,S,hockingstuart,19/11/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,12 Leigh St,5,h,1356000,PI,Ray,19/11/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,5/14 Athelstane Gr,2,u,500000,PI,Ray,19/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,16 Ayton St,3,h,950000,VB,Miles,19/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9 Beatty St,4,h,,SN,Miles,19/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/100 St Elmo Rd,2,u,450000,S,Miles,19/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,225 Waterdale Rd,3,h,,SN,Nelson,19/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,34 York Av,4,h,,S,Miles,19/11/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,16 Driscolls Rd,3,h,461000,S,Brad,19/11/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,44 Stenson Rd,4,h,751000,S,McDonald,19/11/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,11 Flemming Ct,4,h,900000,VB,Brad,19/11/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,170 Copernicus Wy,3,h,442000,S,Barry,19/11/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,57 Dongola Rd,3,h,577000,SP,Rendina,19/11/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,32 Thornhill Dr,4,h,642500,PI,Stockdale,19/11/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,42 Clarks Rd,3,t,,S,Barry,19/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,35 Gungarlan Dr,3,h,695000,S,Barry,19/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,33 Barnett St,3,h,1260000,S,Nelson,19/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,51 Gatehouse Dr,3,h,1000000,SP,Nelson,19/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,26 Hopetoun St,2,h,1155000,SP,Edward,19/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,25 Rogan La,2,t,700000,S,Village,19/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,52 Argyle Rd,4,h,2240000,S,Jellis,19/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,34 Cobden St,2,h,1275000,S,Jellis,19/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,27 Studley Av,5,h,,SN,Sotheby's,19/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/37 Wills St,3,t,1330000,PI,Jellis,19/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/173 Kilby Rd,2,u,1110000,S,Fletchers,19/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,42 Willow Gr,4,h,,SN,Kay,19/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,26 Malcolm Cr,4,h,560000,SP,Hall,19/11/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,9 Baron Ct,3,h,438000,SP,YPA,19/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,33 Rex St,3,h,455000,SP,YPA,19/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,74 Chirnside St,3,h,1340000,S,Jas,19/11/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,12 Williamstown Rd,4,h,925000,S,Sweeney,19/11/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,2/7 Rickards Av,3,u,,PI,Barry,19/11/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,2A Moralla Rd,3,h,,S,RT,19/11/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,53 Derrick St,3,u,601000,S,Harcourts,19/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,10 Evans St,3,h,600000,SP,Harcourts,19/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,55 Huskisson Av,3,h,,SP,Stockdale,19/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,71 Huskisson Av,3,h,560000,S,RW,19/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3 King St,3,h,552000,S,Harcourts,19/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,35 Edward St,3,h,755000,S,Darren,19/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/171 Greensborough Rd,3,h,450000,VB,Ray,19/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,4 Maple St,5,h,1350000,S,Biggin,19/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,38 Suffolk St,3,h,930000,SP,Jas,19/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,109/14 Elizabeth St,2,u,,PN,Gary,19/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,82 Elizabeth St,4,h,,S,Marshall,19/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7 Lysterville Av,3,h,,S,Marshall,19/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,18 Soudan St,5,h,4240000,S,Marshall,19/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,14 Beaver St,5,h,,S,Jellis,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 Cairnes Cr,3,h,,S,hockingstuart,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,61 Finch St,4,h,,SP,Marshall,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17A Findon St,3,h,1870000,S,Jellis,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6 Karma Av,3,h,1675000,PI,Marshall,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,9 Prior Rd,3,h,,S,Jellis,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5 Sydare Av,3,h,1700000,S,Jellis,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1 Villers Sq,4,h,1580000,PI,Jellis,19/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,211/20 Pier La,2,u,470000,VB,Trimson,19/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,101 Raleigh Rd,3,h,1460000,S,Woodards,19/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,4 Malcolm St,4,h,1850000,S,hockingstuart,19/11/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,104B Wheatley Rd,3,t,,S,Buxton,19/11/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,5/47 Wright St,2,u,780000,S,Buxton,19/11/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,18 Cassinia Cr,4,h,421000,S,Melbourne,19/11/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,56 Eucalyptus Pl,3,h,337000,S,Raine,19/11/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,32/2 Exhibition St,1,u,700000,VB,Castran,19/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,17/180 Little Collins St,2,u,,SN,LITTLE,19/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1206/483 Swanston St,2,u,520000,VB,Greg,19/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,14 Hornbuckle Cr,4,h,262000,S,Ray,19/11/2016,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,73 First Av,3,h,,PI,Woodards,19/11/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,2/26 Coolabah St,2,u,690000,S,Hodges,19/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7 Kelso St,3,h,1460000,S,Buxton,19/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,41 Savona St,4,t,,S,hockingstuart,19/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,23 Balerno Wy,4,h,430000,S,R&H,19/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Cotswold Wy,5,h,500000,PI,Ray,19/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,34 Willsmere Wy,4,h,465000,S,Jason,19/11/2016,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,287 Richardson St,4,h,3120000,S,Marshall,19/11/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,10 Darbyshire Ct,5,h,675000,S,Ray,19/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,109 Telopea Cr,4,h,,SN,Barry,19/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,18 Cresswell Cr,5,h,,SP,Noel,19/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,27 McGhee Av,4,h,1290000,S,Ray,19/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,107 Orient Av,5,h,1265000,S,Noel,19/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/1 Panel St,3,u,690000,S,Jellis,19/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,315/435 Whitehorse Rd,1,u,343000,SP,hockingstuart,19/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3/18 Louise Av,2,u,625000,PI,Marshall,19/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,6 Serpentine St,5,h,1815000,S,Jellis,19/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/82 Victoria Cr,2,u,626000,S,Jellis,19/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,53/781 Whitehorse Rd,2,u,725000,VB,Jellis,19/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2/36 Kirwana Gr,3,h,850000,S,Mason,19/11/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,16/51 Buckley St,1,u,265000,VB,Brad,19/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1 Jennings St,4,h,,PI,Brad,19/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3 Pattison St,2,h,849000,S,Brad,19/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1/17 Baker St,2,u,639000,S,Buxton/Find,19/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/1 Barbara St,2,u,605000,S,Ray,19/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1 Rhonda Ct,3,h,960000,S,Ray,19/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,1/21 Ormond St,2,u,600000,S,Hodges,19/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2 Warren Rd,3,h,860000,S,Greg,19/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,21 Albert St,3,h,1619000,S,Barry,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Amber Gr,5,h,2782000,S,Biggin,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,49 Barlyn Rd,4,h,,PI,Jellis,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Lemana Cr,4,h,1333000,S,McGrath,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Lewton Rd,5,h,,PI,Stockdale,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/12 Mt Pleasant Dr,3,u,825000,S,Harcourts,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Wills Av,4,h,1110000,S,Barry,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/31 Windsor Av,3,u,855100,S,Fletchers,19/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,4 Clifton Ct,3,h,905000,S,Ray,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Lords Av,4,h,1201000,S,Win,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18 Manna Ct,4,h,1095000,S,Barry,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Mayfair Cl,5,h,,PI,Ray,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,14 Rathdowne Wy,4,h,1010000,S,Ray,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,72 Stadium Cct,4,h,992000,S,Ray,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,90 Wanda St,3,h,850000,S,Hall,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,390 Wellington Rd,3,h,907000,S,Ray,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,4 Woolwich Dr,3,h,805000,S,Ray,19/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,22 Lydson St,3,h,1365000,S,Gary,19/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,13 Greendale Ct,3,h,,SP,REMAX,19/11/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,15 Bradley St,3,h,1185000,S,RT,19/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/27 Clyde St,3,t,770000,S,Greg,19/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,26 Elphin St,3,h,1200000,SP,Raine,19/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,31 Carrington Rd,2,h,1190000,S,Barry,19/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,24 Jacana St,4,h,,SN,Barry,19/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2/51 Leonard Av,2,u,,SN,Barry,19/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,18 Melrose St,2,h,1010000,S,Jellis,19/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,674 Victoria St,2,h,1266000,S,Jellis,19/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,509/30 Wreckyn St,2,u,620000,S,LITTLE,19/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,24 Barry St,3,h,1715000,S,Harrington,19/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,178 Beaconsfield Pde,3,h,1396500,S,Woodards,19/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16/62 Cunningham St,1,u,422000,S,Chambers,19/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Hayes St,3,h,1474000,S,Jellis,19/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4A Jessie St,3,h,1340000,S,Jellis,19/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,129 Separation St,3,h,980000,S,Nelson,19/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,30 Longbourne Av,3,h,826000,S,Tim,19/11/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,8 Brae Gr,4,h,,PI,Noel,19/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,7 Charles St,4,h,1150000,PI,Walshe,19/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,6/93 Esdale St,4,t,,VB,Fletchers,19/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Lasiandra Av,3,h,970000,S,Jellis,19/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,57 Nicholson St,2,h,1155000,S,Fletchers,19/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,10 Sandy St,3,h,1470000,S,Fletchers,19/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/16 Grevillia Rd,3,t,765000,S,Eview,19/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,20 Lex Gr,4,h,1005000,S,Stockdale,19/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,16 Magnolia St,3,h,,S,Nelson,19/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,61 Vincent St,6,h,,VB,Stockdale,19/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,134 Atherton Rd,4,h,1641000,S,Ray,19/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,44 Henry St,4,h,,S,Woodards,19/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,3/21 John St,2,h,655000,S,Barry,19/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,53 Queens Av,4,h,1310000,SP,Buxton,19/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/16 Alfred Gr,4,t,830000,PI,Ray,19/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,4 Cheel St,3,h,1160000,SP,Buxton,19/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,9A State St,3,h,1375000,PI,Ray,19/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/37 Stewart Rd,3,u,770000,S,Ray,19/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,38 Beryl Av,4,h,1225000,S,Ray,19/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,14 Mimosa Av,3,h,1200500,S,Buxton,19/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,52 Valley St,4,h,,PI,Buxton,19/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1/75 Lillimur Rd,2,u,475000,S,Gary,19/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,3/241 Como Pde E,3,t,905000,S,O'Brien,19/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,24 Fourth St,4,h,1510000,S,Buxton,19/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Keith St,3,h,1330000,S,Buxton,19/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,45 McSwain St,3,h,1080000,S,O'Brien,19/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,28 Stewart Av,5,h,1466000,S,Hodges,19/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,168 Gatehouse St,4,h,1717500,S,Collins,19/11/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,199 Park Dr,2,h,1265000,S,Nelson,19/11/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,5/361 Royal Pde,1,u,401000,S,Nelson,19/11/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,84 Story St,4,h,2375000,S,Red,19/11/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1c Adelaide St,3,t,540000,VB,Brad,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7 Coane St,4,h,1350000,PI,Nelson,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7/6 Downs St,2,u,540000,S,Nelson,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3 Dromana Av,2,h,818000,S,Nelson,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Lyking St,3,h,,SP,hockingstuart,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Olive Gr,4,h,780000,VB,Brad,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/46 View St,5,t,,PI,Barry,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Virginia St,2,h,474000,S,D'Aprano,19/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,6 Haslewood St,5,h,,SN,Ray,19/11/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,7 Tobago Av,4,h,650000,S,hockingstuart,19/11/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,503/99 Nott St,1,u,456000,SP,Jellis,19/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,47 Clifton St,2,h,815000,S,Beller,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,49 Clifton St,2,h,765000,S,Beller,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,275 Dandenong Rd,3,h,,S,Marshall,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,63 Greville St,4,h,,SP,hockingstuart,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,15/61 High St,2,u,,SP,hockingstuart,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,50 Larnook St,3,h,,SP,Jellis,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/70 Williams Rd,2,h,910000,S,Gary,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/21 Wynnstay Rd,3,t,1450000,VB,Marshall,19/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,3/372 Bell St,2,u,465000,PI,hockingstuart,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3B Carlisle St,3,t,,SN,Love,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Carlisle St,3,h,980000,S,Barry,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/39 Dean St,3,h,670000,VB,Jellis,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,342 Gilbert Rd,4,h,1315000,S,Barry,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Jackman St,2,h,,S,Nelson,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/83 Murray Rd,2,t,528888,S,Barry,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,44 Stokes St,2,h,780000,S,Nelson,19/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,313 Pigdon St,3,h,,SN,Woodards,19/11/2016,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,3 Allenby Av,2,t,420000,PI,Barry,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8/679 Gilbert Rd,3,u,500000,PI,Love,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,50 Gloucester St,3,h,950000,S,RW,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/141 Hickford St,2,u,352000,S,Stockdale,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Kennedy St,3,h,650000,VB,Nelson,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/3 Kennedy St,3,u,677500,PI,Nelson,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/118 Leamington St,2,h,,SN,Barry,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Ludeman Ct,4,h,730000,PI,Barry,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,140 Purinuan Rd,2,h,791000,S,Barry,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Rodman St,3,h,905000,S,Barry,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/152 St Vigeons Rd,2,u,480000,S,Ray,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Whitby St,3,h,767000,S,hockingstuart,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,49 Yarra Av,3,h,810000,PI,hockingstuart,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 York St,3,h,871000,S,Nelson,19/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,53 Botherambo St,2,h,,PI,Jellis,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7 Bowen St,3,h,2000000,S,Biggin,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10/200 Brighton St,2,u,646000,S,Woodards,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/397 Church St,2,t,950000,S,Castran,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,207/12 Coppin St,2,u,660000,PI,Jellis,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13 Hosie St,3,h,,SP,Jellis,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,403/8 Howard St,1,u,,PI,Biggin,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,51 Hunter St,2,h,1145000,S,hockingstuart,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8/2 New St,2,t,785000,SA,Morleys,19/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,18 Whittakers La,4,h,,SP,Raine,19/11/2016,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,2/12 Andrew St,2,u,569000,S,Fletchers,19/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/8 Lavender St,2,u,,PI,Philip,19/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,27 Poynton Av,4,h,777000,S,Fletchers,19/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,16 Regina St,3,h,1626000,S,Philip,19/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/29 William St,2,u,490000,S,Fletchers,19/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,111 Dublin Rd,3,h,,SN,Barry,19/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/69 Mt Dandenong Rd,3,u,,PI,Carter,19/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,9 Erindale Av,2,h,1354000,S,hockingstuart,19/11/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Ripponlea,8/10 Maryville St,2,u,570000,S,Buxton,19/11/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,22 Douglas St,2,h,1200000,S,Miles,19/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,23 Douglas St,3,h,,SN,Miles,19/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,20 Ninnis Ct,3,h,460000,SP,Professionals,19/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,16 Balmoral Av,4,h,1425000,PI,Charlton,19/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/184 Bay Rd,2,u,650000,S,C21,19/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/245 Bluff Rd,3,t,908500,SP,hockingstuart,19/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,21 Carew St,3,h,,S,Buxton,19/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,20 Victory St,5,h,2142000,S,Hodges,19/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,104 George St,3,h,780000,S,Ray,19/11/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,12 Airlie Gr,3,h,600000,SP,U,19/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,145 Kananook Av,3,h,565000,S,hockingstuart,19/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2/79 Kananook Av,3,t,565000,S,hockingstuart/hockingstuart,19/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,27 thomson St,2,h,955000,SP,Jas,19/11/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,4 webster St,4,h,1455000,SP,Jas,19/11/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,93A Eastern Rd,3,h,891000,S,Greg,19/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,8 Fitzpatrick St,3,t,1450000,S,Cayzer,19/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,65 Thomas St,3,h,486000,S,Harcourts,19/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Wetlands Wy,3,h,460000,S,Harcourts,19/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,3/513 Punt Rd,1,u,,S,hockingstuart,19/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,80 Toorak Rd,4,h,4700000,VB,Kay,19/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/41 Walsh St,1,u,480000,PI,Williams,19/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,22/49 Walsh St,1,u,567500,S,hockingstuart,19/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2/66 Coventry St,2,u,660000,S,RT,19/11/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,116 The Avenue,3,h,1035000,S,Jas,19/11/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,11 Wattle St,3,h,700000,PI,iSell,19/11/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,18 Folkestone Cr,3,h,680000,S,iSell,19/11/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,38 Andrew Rd,4,h,,SN,Barry,19/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,22 Austin St,3,h,,SN,Barry,19/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,31 Fox St,3,h,,PN,Ray,19/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Kodre St,4,h,550000,S,Sweeney,19/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,13 Washington St,3,h,,SN,Barry,19/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,5/47 Acland St,2,u,757500,S,Gary,19/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/66 Alma Rd,2,u,535000,PI,McGrath,19/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/267 Barkly St,2,u,610000,PI,hockingstuart,19/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10 Charlotte Pl,5,h,4400000,S,Marshall,19/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/26 Charnwood Cr,2,u,600000,SP,Biggin,19/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2D Progress St,4,t,795000,S,Nelson,19/11/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,222 Woodland St,5,h,2650000,S,Brad,19/11/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,7 Alexandra Av,3,h,750000,S,Barry,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,22 Andrew St,4,h,810000,PI,Douglas,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13 Cannon St,3,h,605000,S,Barry,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,16 Couch St,4,h,930000,S,Jas,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3 Martin St,3,h,,PI,Sweeney,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,166a Morris St,2,u,550000,SP,Jas,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,8 Station Pl,3,h,880000,S,Bells,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,104 Wright St,3,h,570000,PI,Douglas,19/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,69 Cumberland St,3,h,650000,PI,Douglas,19/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,32 Troon Cr,5,h,1050000,S,Douglas,19/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,88 Westmoreland Rd,2,h,1190000,S,YPA,19/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,109A David Dr,1,h,280000,SP,Jas,19/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3/26 Florence Rd,2,u,,PN,Noel,19/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2 Oak St,4,h,,S,Jellis,19/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Rose Av,4,h,1703000,S,Marshall,19/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/52 Union Rd,2,u,620000,S,Fletchers,19/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/402 Whitehorse Rd,2,u,562500,S,Jellis,19/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/15 York St,2,u,,S,Jellis,19/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2 Ambridge Gr,3,h,582000,S,FN,19/11/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,5 Robina Rd,3,h,567000,S,Barry,19/11/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,19 Roseleigh Bvd,6,h,,SN,Ray,19/11/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,57 Daintree Bvd,4,h,,PI,hockingstuart,19/11/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,7 Lauderdale Dr,3,h,,SN,Barry,19/11/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,35 Lucas Tce,3,h,550000,S,Sweeney,19/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,25 Fastnet Dr,3,h,685000,S,Barry,19/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,1A Kialoa Ct,3,h,585000,S,Prof.,19/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,34 Pindari Av,3,h,620000,S,Brad,19/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,17 Willandra Ct,4,h,660000,S,Prof.,19/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,11 Albert St,5,h,2290000,S,Jellis,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,11 Bamfield Cl,5,h,2290000,S,Barry,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Heysham Wy,4,h,1120000,S,Ray,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1 Kendall Cl,4,h,,S,hockingstuart,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Mapledene Ct,6,h,1375000,PI,Raine,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,425 Porter St,4,h,1220000,S,Jellis,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3 Robhill Ri,5,h,3250000,PI,Ray,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3/104 Wood St,3,u,785000,PI,Barry,19/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,1 Beacon Ct,4,h,975000,S,Fletchers,19/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3 Buller Tce,3,h,1211000,S,Philip,19/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Jacana Av,3,h,1500500,SP,Parkes,19/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,135 MacEdon Rd,4,h,1100000,PI,Barry,19/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,31 Winamurra Cr,4,u,505000,S,Harcourts,19/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,15/58 Clarendon St,2,u,,PI,C21,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,314A Gillies St,2,h,874000,S,Love,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,152 Gooch St,3,h,1427000,S,Nelson,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,13a Hammond St,3,h,,SP,McGrath,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,8/14 Hutton St,1,u,295000,S,LITTLE,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/57 Pender St,1,u,383000,S,Love,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,36 Rossmoyne St,2,h,1164000,S,Jellis,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/143 Smith St,1,u,315000,S,Harcourts,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/38 Woolton Av,2,u,422000,SP,Harcourts,19/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,13 Bruce St,3,h,1900000,VB,Castran,19/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/19 Bruce St,2,t,1210000,PI,Kay,19/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3 Lawrenny Ct,3,h,3500000,VB,RT,19/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4 Nola Ct,4,h,4000000,S,Rodney,19/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6 Woodside Cr,3,h,2800000,S,Jellis,19/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,38 Tennyson Dr,3,h,470000,S,LJ,19/11/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,2/38 Broadmeadows Rd,2,t,405000,SP,Jason,19/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,71 Lackenheath drive,3,h,610000,S,Jason,19/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,2/16 Karwitha St,4,h,1041000,S,Jellis,19/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,63 Park Cl,3,t,675000,S,M.J,19/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,9 Trinian St,3,h,,S,hockingstuart,19/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,253 Hawthorn Rd,6,h,,S,Harcourts,19/11/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,266A Morack Rd,4,h,846000,SP,Harcourts,19/11/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,4 Moran Ct,4,h,1151000,SP,McGrath,19/11/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,2 Dunluce Ct,4,h,,SN,Miles,19/11/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,19 Colonial Ct,5,h,,SN,Woodards,19/11/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,16 Rachelle Dr,5,h,925000,S,Harcourts,19/11/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,14 Findon Ct,5,h,1005000,S,Harcourts,19/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,12 Gidgee Ct,3,h,771000,S,Prof.,19/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,47 Somerset St,3,h,,SN,Barry,19/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,8 Tresise Av,5,h,1200000,S,Appleby,19/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,12 Bluegrass Cl,4,h,1200000,SP,Ray,19/11/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia North,35 Hakea St,3,h,740000,S,Barry,19/11/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,13 Alaska Ct,4,h,420000,S,hockingstuart,19/11/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,39 Blandford St,3,h,991000,SP,Sweeney,19/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,8 Dongola Rd,3,h,913000,S,hockingstuart,19/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,6/11 Patho Ct,3,u,440000,S,YPA,19/11/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,9 Allendale Cr,3,h,,VB,Fletchers,19/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Kosciusko Ct,6,h,1300000,PI,Barry,19/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,17 Ninevah Cr,5,h,,PI,Buxton,19/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,58 Raphael Dr,4,h,1040000,SP,Harcourts,19/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,26 Collins St,3,h,1270000,S,Williams,19/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,6 Crofton Dr,3,h,,SN,Williams,19/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4/77 Dover Rd,2,u,,SN,RT,19/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1 Lenore Cr,3,h,,SN,Williams,19/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,24 Merrett Dr,4,h,1172000,S,Village,19/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,26 Walter St,4,h,1440000,SP,Williams,19/11/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,50 Andrew St,2,h,1500000,S,Jellis,19/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1/300 High St,3,u,830000,S,hockingstuart,19/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,46/174 Peel St,2,u,1200000,SP,Jellis,19/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,7/23 The Avenue,1,u,300000,VB,Beller,19/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,9 Champions Pde,5,h,,PI,Harcourts,19/11/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,21 Bimbadeen Cr,3,h,758000,S,Buckingham,19/11/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,5 Crew St,3,h,710000,S,Miles,19/11/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,15 Ofarrell St,4,h,1401000,S,Village,19/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/382 Williamstown Rd,2,h,630000,S,Jas,19/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,78 King St,5,h,1025000,VB,Jellis,20/01/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Croydon,9/116 Hull Rd,3,t,,VB,McGrath,20/01/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong North,4 Crouch Ct,3,h,631000,S,McLennan,20/01/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,51 Mawson Av,3,h,,PI,HAR,20/01/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Ferntree Gully,4 Shannon Av,3,h,,VB,McGrath,20/01/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Kew,1/505 High St,2,u,515000,VB,Jellis,20/01/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kilsyth,22 Colchester Rd,3,h,650000,SP,McGrath,20/01/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Knoxfield,6 Honeypot Cl,5,h,935000,S,Ray,20/01/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Melton South,3/10 Station Rd,2,h,300000,VB,PRDNationwide,20/01/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mount Waverley,1/7 Vasey Av,4,t,1200800,SP,Ray,20/01/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Plumpton,30 Aubisque Cl,4,h,,PI,YPA,20/01/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Reservoir,17 Crevelli St,3,h,,PI,Purplebricks,20/01/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Ringwood East,1/84 Dublin Rd,3,u,700000,SP,Real,20/01/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,3 Pickworth Ct,4,h,1180000,SP,Fletchers,20/01/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Seaford,10 Harold St,3,h,760000,SP,Mitchell,20/01/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Wallan,20 The Heights,3,h,,PI,Ruralco,20/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,2A Windham St,3,h,430000,SP,Barry,20/01/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,17 Cloverlea Dr,4,h,975000,SP,Harcourts,20/01/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +West Footscray,6/30 Argyle St,1,u,,SP,Burnham,20/01/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Abbotsford,6/205 Gipps St,2,u,870000,S,Biggin,20/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,67B Park St,3,t,1270000,S,Beller,20/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Albanvale,21 Wintersun Dr,3,h,,W,YPA,20/05/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,28 Hambleton St,4,h,2950000,S,Greg,20/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,91 Page St,3,h,2150000,S,Marshall,20/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,32 Young St,3,h,,S,Marshall,20/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,1/121 Anderson Rd,1,u,200000,VB,FN,20/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,67 Norwood St,3,h,621000,S,hockingstuart,20/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,2/62 Selwyn St,3,u,600000,SA,Douglas,20/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,55 Bennett St,4,h,1975000,S,Nelson,20/05/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,3/34 Grange Rd,1,u,316000,S,Fletchers,20/05/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,14 Emu Av,5,h,1850000,S,Greg,20/05/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/214 Queen St,2,t,600000,SP,hockingstuart,20/05/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,269 Blackshaws Rd,3,h,916000,SP,Hunter,20/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,3/287 Blackshaws Rd,2,t,592000,SP,hockingstuart,20/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,68 Chambers Rd,3,h,750000,S,RT,20/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,60 Fifth Av,3,h,922000,S,hockingstuart,20/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,60 Rosala Av,7,h,1130000,S,Jas,20/05/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,5 North St,2,h,,SN,Barry,20/05/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,43 Lambeth Av,3,h,,S,Marshall,20/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/48 New St,3,u,1635000,S,Jellis,20/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,18 Rose St,2,h,1705000,S,Marshall,20/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,61 Brown Av,3,h,1135000,S,Nelson,20/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7 Elliott St,3,h,1490000,S,Nelson,20/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,8 Fenton St,3,h,,S,Brad,20/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,17 Monash St,3,h,1230000,PI,Nelson,20/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,136 The Parade,2,h,1050000,S,Brad,20/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,87 Ashwood Dr,3,h,,PI,Fletchers,20/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/22 Eildon Rd,3,u,,S,Buxton,20/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/25 Parkhill Dr,3,u,,SP,Tim,20/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/5 Parkhill Dr,3,u,890000,S,Jellis,20/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Avondale Heights,16 Cortina Pl,4,h,1300000,SP,Nelson,20/05/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,11 Belgrove Av,5,h,,S,Marshall,20/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/15 Pryton Ct,2,u,825000,PI,Biggin,20/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2 Reid St,4,h,,SP,Jellis,20/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14A Wills St,3,u,1300000,S,Noel,20/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2A Maylands Av,3,h,,PI,Noel,20/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Singleton Rd,4,h,,SP,Fletchers,20/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/87 Tannock St,2,u,800000,PI,hockingstuart,20/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Wynyard Cr,5,h,,SP,hockingstuart,20/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1b Yeneda St,3,t,1025000,VB,Noel,20/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,2 Carramar Ct,3,h,879000,S,iTRAK,20/05/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,3/22 High St,3,u,580000,S,Stockdale,20/05/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,16 View Rd,3,h,1380000,S,iTRAK,20/05/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,1/14 Baker Rd,4,h,702000,S,Philip,20/05/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,5 Charlotte Rd,4,t,,PI,Buxton,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,23 Cromer Rd,4,h,2000000,S,Buxton,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/5 Holding St,3,h,,SN,hockingstuart,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,27 Mariemont Av,4,h,2315000,S,hockingstuart,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/120 Oak St,3,t,1100000,PI,Buxton,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 Rossmith Av,5,h,1701000,S,Buxton,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6/182 Weatherall Rd,2,u,,SA,Buxton,20/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Belgrave,1 Laurel Gr,3,h,500000,SP,Harcourts,20/05/2017,3160,Eastern Victoria,1588,30.4,Yarra Ranges Shire Council +Bentleigh,197A Jasper Rd,3,t,1375000,S,Buxton,20/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,25B Luckins Rd,4,t,1300000,S,hockingstuart,20/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3 Rogers Rd,3,h,1286000,S,Woodards,20/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Rosina St,4,h,1920000,S,hockingstuart,20/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5 Smith St,3,h,1968500,S,hockingstuart,20/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,29 Argyle St,3,h,1175000,S,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,28B Barrington St,3,t,1225000,S,hockingstuart,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,31 Beddoe Av,4,h,1261000,S,hockingstuart,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,28b Blamey St,5,t,,SN,C21,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/22 Brooks St,3,t,1055000,SP,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,40a Brosnan Rd,3,t,1270000,S,hockingstuart,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4/650 Centre Rd,2,u,555000,S,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Elswill St,5,h,1351000,S,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Heather St,2,h,1962000,S,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20A Hinkler Av,3,t,1050000,S,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Langslow St,4,t,1030000,PI,Woodards,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/62 Tudor St,3,h,810000,PI,Buxton,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/575 Warrigal Rd,3,t,850000,S,hockingstuart,20/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,6 Gargeney Ct,4,h,810000,S,O'Brien,20/05/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,215 Beach Rd,3,h,2200000,VB,Ray,20/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,24 Bent Pde,3,h,1565000,S,Charlton,20/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/18 Fourth St,3,t,1650000,PI,Buxton,20/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,3/38 Second St,2,u,735000,S,Chisholm,20/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/22 Baldwin Rd,3,u,,SN,Woodards,20/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Kalka St,4,h,1591000,S,McGrath,20/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Malabar Rd,3,h,1556000,S,Jellis,20/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/492 Middleborough Rd,3,h,,VB,Woodards,20/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,24a Pakenham St,4,t,,PN,Woodards,20/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,26 Wellington Av,4,h,,SP,Fletchers,20/05/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1/7 Nestor Gr,4,t,1070000,PI,Nelson,20/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,39 Indra Rd,4,h,936000,S,Fletchers,20/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,11 Flinders Cr,3,h,605000,S,Barry,20/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2C Margaret Av,3,h,775000,S,Barry,20/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,10 Wills St,3,h,,PI,Stockdale,20/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,35 Barkly St,3,h,1760000,S,Noel,20/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,22 Combarton St,5,h,1726000,S,Noel,20/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1A Maple St,2,t,990000,S,Fletchers,20/05/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,14 Arthur St,3,h,771000,S,S&L,20/05/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,2 Barkly St,3,t,,S,Marshall,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,138 Bay St,3,h,1900000,S,hockingstuart,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/21 Brickwood St,2,u,1002500,S,hockingstuart,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,62A Cole St,3,h,,PI,Buxton,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Enfield Rd,4,h,,SP,Nick,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Hayball Ct,4,h,2415000,S,Buxton,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/76 Whyte St,2,t,1055000,S,Marshall,20/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,12 Agnew St,3,h,2291000,S,Marshall,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Bourneville Av,5,h,2700000,S,Buxton,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Carr St,3,h,,SP,Buxton,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6/101 Centre Rd,2,t,675000,VB,Gary,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Gleniffer Av,5,h,,S,Marshall,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Grant St,4,h,,PI,Buxton,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Margaret St,5,h,,PI,Buxton,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,62 Marriage Rd,5,h,,PI,Hodges,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2C Ratho Av,3,t,1180000,S,Marshall,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Roberts Ct,3,h,1270000,VB,Ray,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,239 South Rd,3,h,1400000,S,Buxton,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/187 Thomas St,3,h,,PN,Gary,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,37 Union St,4,h,,S,Buxton,20/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,424 Camp Rd,3,h,546000,S,Barry,20/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1 Cope Pl,4,h,600000,S,Walshe,20/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,9 Richards Ct,3,h,750000,S,hockingstuart,20/05/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,7/200 Albion St,2,u,585000,PI,Jellis,20/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Brett St,2,h,,SP,Jellis,20/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/1 Heller St,4,h,1900000,VB,Nelson,20/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,41 Mountfield St,3,h,1450000,S,Jellis,20/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,41 Gear St,2,t,690000,S,Jellis,20/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,314/360 Lygon St,1,u,385000,VB,Jellis,20/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3/6 Methven St,2,u,632000,S,McDonald,20/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,6 Waihi Av,3,h,,S,Nelson,20/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,9/211 Weston St,2,u,835000,SP,Jellis,20/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,16 Coronation St,3,h,1270000,S,Nelson,20/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/31 Cumming St,3,t,670000,PI,Nelson,20/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/11 Howson St,2,u,640000,S,RW,20/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,13/33 McLean St,2,t,,SN,Barry,20/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1 Zeal St,3,h,,SN,Nelson,20/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,3/16 Carrathool St,2,t,,SP,Jellis,20/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4/16 Carrathool St,4,t,,S,Jellis,20/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/54 Furneaux Gr,5,h,760000,VB,Jellis,20/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4A Helene St,3,t,,PI,Philip,20/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,7 Mangan St,3,h,794000,S,Barry,20/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,33 Walter St,3,h,1360000,S,Parkes,20/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,59 Carbeen Dr,3,h,660000,S,Ray,20/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5/70 Grange Bvd,2,t,320000,PI,Harcourts,20/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,40 Sandhurst Cr,3,h,726000,S,Darren,20/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,56 Stellar Pl,3,t,,PI,Ray,20/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Tamar St,4,h,747000,S,Ray,20/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,362 Burwood Hwy,2,h,1815000,S,Lindellas,20/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,37 Haig St,3,h,1590000,SP,Jellis,20/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/13 Johnston St,4,u,813000,S,Oriental,20/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Malvina St,3,h,,SA,Fletchers,20/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,62 Hilltop Cr,2,h,,VB,Jellis,20/05/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,34 Aisbett Av,3,h,,S,Noel,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,21 Avenue Rd,3,h,1905000,S,Marshall,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10/5 Fermanagh Rd,2,u,,S,Jellis,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,28 Kintore St,4,h,5020000,S,Jellis,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,30 Moorhouse St,4,h,2990000,S,Marshall,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,34 Moorhouse St,4,h,,S,Marshall,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22 Spencer Rd,4,h,1855000,S,O'Donoghues,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Sunnyside Av,4,h,3850000,S,Jellis,20/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,33 Rainsford Tce,3,h,445000,S,Harcourts,20/05/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,4 Susan Ct,3,h,,SP,Raine,20/05/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Carlton,3 Charles St,2,h,,PN,Marvelli,20/05/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,2/100 Keppel St,2,t,960000,VB,Nelson,20/05/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,408 Canning St,3,h,1614500,S,Woodards,20/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,90 Fenwick St,4,h,1550000,S,Woodards,20/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,9/600 Station St,1,u,595000,S,Nelson,20/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4/49 Coorigil Rd,3,u,945000,S,hockingstuart,20/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/13 Emily St,2,u,603000,S,hockingstuart,20/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,34 Hunter St,3,h,1390000,S,Gary,20/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,107/6 Kokaribb Rd,2,u,583000,S,Ray,20/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,31 Munster Av,5,h,1730000,PI,Woodards,20/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,26 Railway Rd,4,h,1667000,S,Ray,20/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,91 Broderick Rd,3,h,493000,S,Ray,20/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,77 Lyrebird Dr,3,h,501000,S,Ray,20/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,34 Ogradys Rd,3,h,521000,SP,O'Brien,20/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,3/14 Queens Av,2,t,910000,SP,Gary,20/05/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,330 Balaclava Rd,4,h,1300000,PI,hockingstuart,20/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,198 Hawthorn Rd,4,h,1700000,S,Marshall,20/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,2/686 Inkerman Rd,2,u,575000,SP,Gary,20/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,21 Malvern Gr,2,h,,SN,hockingstuart,20/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,5/6 Griffiths St,3,t,,S,Ray,20/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,9/434 Kooyong Rd,2,u,630000,S,Biggin,20/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,131 Sycamore St,3,h,1350000,S,Biggin,20/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1/29 Atkinson St,3,t,905000,S,Buxton,20/05/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/13 Batesford Rd,3,u,988000,SA,Buxton,20/05/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/16 Westbrook St,3,t,820000,VB,hockingstuart,20/05/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,88 Catherine Av,3,h,,SP,hockingstuart,20/05/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,37A Evesham Rd,3,t,1170000,S,O'Brien,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/1 Hilda St,3,t,672000,S,Asset,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,37A Olympic Av,3,t,1100000,PI,Chisholm,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Pinewood Mw,3,h,710000,PI,Buxton,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/9 Reeve Ct,2,t,815000,SP,Thomson,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16 Sunray Av,4,h,1335000,S,Greg,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Tenham Gr,4,h,1240000,SP,O'Brien,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Tintern Gr,4,h,1077000,S,Greg,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,43 Tulip Gr,3,h,1350000,S,Buxton,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,50 Wallingford St,3,h,1031000,S,O'Brien,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30 Wingrove St,2,h,935000,S,Buxton,20/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,97 Bunney Rd,4,h,1120000,PI,hockingstuart,20/05/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,33 Wandoo Av,3,h,951000,S,Woodards,20/05/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,67 Alice St,3,h,,PI,Ray,20/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,4/10 Dennis St,3,u,585000,PI,Buxton,20/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/42 Evelyn St,3,t,720000,S,Purplebricks,20/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,7 Gardiner Rd,4,h,1250000,PI,Ray,20/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/71 Kanooka Gr,4,u,856500,S,C21,20/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,58 Alexandra Pde,2,h,700000,VB,Nelson,20/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,137 Gold St,2,h,1000000,S,Nelson,20/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,1/8 Louise St,2,u,712000,S,MICM,20/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,367 Wellington St,3,h,,S,Nelson,20/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,27 Clifton Gr,3,h,1020000,SP,Nelson,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Fischer St,3,h,,SN,Barry,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,39 Glenora Av,3,h,940000,SP,Ray,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Gordon St,4,h,1500000,VB,Nelson,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/115 Harding St,2,u,590000,S,Nelson,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Reynard St,4,h,1005000,S,Nelson,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,42 Sheffield St,2,h,,SN,Barry,20/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,52 Lincoln Av,4,h,1070000,S,Brad,20/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,39 Otter St,3,h,1300000,S,Peter,20/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,71 Palmer St,2,h,888000,S,Ray,20/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,3/284 Smith St,3,u,,S,Nelson,20/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,5 Chelmsford Ct,4,h,570000,PI,YPA,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,103 Gateshead St,3,h,465000,S,Ray,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Gippsland Wy,4,h,,SN,Barry,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Lauderdale Dr,4,h,525000,S,Barry,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Mulberry Ps,3,h,,SN,Barry,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Pearce Wy,4,h,,SP,Ray,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Penarth Ct,3,h,480000,S,Barry,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,59 Riverside Dr,4,h,545000,SP,Purplebricks,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Taransay Wy,4,h,597000,S,LJ,20/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,24 Bartlett Av,3,h,891000,S,hockingstuart,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,185 Eastfield Rd,5,h,810000,SP,Stockdale,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,37 Highland Av,5,h,920000,S,Philip,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4/19 Jackson St,2,u,465000,S,McGrath,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 Murray Rd,2,h,732000,S,Max,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,8 Somerset Cr,3,h,,SP,Fletchers,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2/6 Springfield Av,3,u,,SN,RW,20/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,1 Albury Ct,4,h,897000,S,Philip,20/05/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,13 Trende St,4,h,686000,S,Stockdale,20/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3 Wallace Av,3,h,637500,S,Ray,20/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,59 Outlook Dr,3,h,765000,S,C21,20/05/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,1A Barnsbury Rd,4,h,2760000,S,Marshall,20/05/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Diamond Creek,33 Everleigh Dr,3,h,657500,S,Barry,20/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,3 Lydford Ct,4,h,920000,SP,Ray,20/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,24 Oronsay Cr,5,h,845000,S,Buckingham,20/05/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,6 Kingsland Cl,3,t,717500,S,Ray,20/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,256 Spring Rd,3,h,750000,S,Ray,20/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,24 Lauer St,3,h,1489000,S,Barry,20/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,8 Rathmullen Qd,4,h,,S,Jellis,20/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/27 Belinda Cr,4,u,1450000,S,Jellis,20/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,32 Bellevue Av,5,h,1250000,PI,Fletchers,20/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7a Daws Rd,4,t,1400000,PI,Barry,20/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Dundas Ct,3,h,,S,Barry,20/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,16 Wiarando Ct,5,h,1220000,S,McGrath,20/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,2 Cresthaven Ct,4,h,1650000,S,Jellis,20/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/23 Martha St,3,t,,SN,Noel,20/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,7 Magnolia Gr,3,h,485000,SP,Hall,20/05/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,39 Durham St,4,h,1750000,VB,Nelson,20/05/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,127 Gipps St,4,h,4275000,S,Caine,20/05/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,36A Ivan Av,3,t,870000,SP,hockingstuart,20/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,5 Sinclair La,4,h,,PI,Hodges,20/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/15 Alexandra Av,2,u,640000,SP,Buxton,20/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4 Archibald St,4,h,,SP,Biggin,20/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,24 Clarence St,3,h,1940000,S,Biggin,20/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,17 Nepean Hwy,2,h,,SP,hockingstuart,20/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,85 Arthur St,3,h,830000,PI,Morrison,20/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,15 Malabar Cr,3,h,890000,S,Morrison,20/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/161 Pitt St,3,h,750000,S,Barry,20/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,6/5 Alfriston St,2,u,642000,S,hockingstuart,20/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,23 Byron St,3,h,1520000,S,Chisholm,20/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,13 Cyril St,5,h,2275000,S,Biggin,20/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,14/125 Ormond Rd,2,u,800000,SP,Buxton,20/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/99 Ormond Esp,4,u,,SN,Rodney,20/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/53 Tennyson St,2,u,500000,SA,Morleys,20/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,3/51 Park St,3,t,390000,S,Harcourts,20/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,31 Amelia Av,4,h,1510000,S,Nelson,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3 Crisp St,5,h,1652000,S,Brad,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,42 Fitzgerald Rd,3,h,1131000,S,Frank,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6 Fitzgerald Rd,5,h,1607500,S,Barry,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14/44 Fletcher St,2,u,450000,VB,Brad,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/8 Glass St,1,u,310000,SP,Brad,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10 Glen St,3,h,1400000,S,Considine,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,35 Glen St,4,h,1720000,S,Frank,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,98A Hoffmans Rd,3,h,983000,S,Rendina,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,312/1005 Mt Alexander Rd,1,u,330000,VB,Nelson,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5A Overman Ct,4,t,1162500,S,Nelson,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,44 Salmon Av,3,h,1926000,S,Nelson,20/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,3 Madden St,2,t,810000,S,Pagan,20/05/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,7 Garnet St,3,h,1305000,S,Gunn&Co,20/05/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Eumemmerring,5 Johnston Av,5,h,,PI,Hall,20/05/2017,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Fairfield,40 Langridge St,4,h,2035000,S,Jellis,20/05/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1 Baird St,3,h,687000,S,Brad,20/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,30 Dorothy St,3,h,670000,S,Brad,20/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,42 Hedley St,3,h,1000000,PI,Ray,20/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2 Kirby Ct,3,h,825000,S,Noel,20/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,2/25 Linda Cr,4,h,,SP,Ray,20/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,4/35 Argyle St,3,u,1300000,VB,Jellis,20/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,302/41 Kerr St,2,u,745000,SP,Nelson,20/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,322 Young St,2,t,1050000,S,Nelson,20/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,10/59 Young St,3,h,1326000,S,Nelson,20/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,22 McKean St,2,h,1520000,SP,Nelson,20/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,106 Newry St,3,h,1625000,S,Nelson,20/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,3 Rowe St,3,h,2555000,S,Collins,20/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,28 Coral Av,4,h,,SP,Biggin,20/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,7/75 Droop St,2,u,360000,PI,McGrath,20/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/248 Gordon St,1,u,315000,SP,Biggin,20/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9 Swan St,3,h,831000,S,Jas,20/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,37 Raleigh St,3,h,1092000,S,hockingstuart,20/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,11 Kurong Av,3,h,626000,S,hockingstuart,20/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,7 Melanda Ct,4,h,650000,S,Barry,20/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,54 Warrawee Cct,3,h,600000,S,Donovan,20/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,12 Tallowwood St,3,h,501000,S,hockingstuart,20/05/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,31 Christopher Dr,4,h,700000,SP,Ash,20/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,43 Beresford Cr,3,h,,PI,YPA,20/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,5 Field Ct,4,h,700500,S,Jason,20/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,3 Fiona Ct,4,h,702000,S,Barry,20/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,2/112 Lenoak St,3,u,492000,S,YPA,20/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,10 Windermere Cr,6,h,921000,S,Barry,20/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,57A Alfred Rd,4,h,,S,Marshall,20/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,184 Finch St,3,h,3310000,S,Marshall,20/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/27 Lomond St,4,h,,S,Jellis,20/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,54 Maitland St,4,h,,S,Jellis,20/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,28 Martin Rd,3,h,1601000,S,Marshall,20/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/18 Peace St,2,t,797000,S,Jellis,20/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2 Arlington Dr,4,h,1710000,S,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,452 Blackburn Rd,4,t,1100000,PI,Fletchers,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Caithness Cr,3,h,,PI,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,60 Cypress Av,3,h,1530000,S,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,39 Driftwood Dr,4,h,1660000,S,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/6 Forest Ct,3,t,760000,S,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Hampshire Rd,3,h,1091500,SP,Harcourts,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Harber Ct,3,h,,SN,Barry,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Herriotts Bvd,3,t,,SN,Biggin,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6/673 High Street Rd,2,u,592000,S,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Kauri Gr,3,h,,PI,Ray,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Myers Av,3,h,2090000,S,Harcourts,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,38 Nottingham St,5,h,,SN,Barry,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Swift Dr,5,h,1300000,PI,Fletchers,20/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,14 Hartington St,3,h,730000,S,Stockdale,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 Ila St,3,h,901000,S,Stockdale,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,23b Isla Av,2,h,541000,S,YPA,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Maude Av,3,h,810000,S,YPA,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/159 Melbourne Av,3,t,650000,VB,Stockdale,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/25 Prospect St,3,t,580000,S,Eview,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,129 View St,3,h,643000,S,Stockdale,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/217 West St,5,t,645000,S,Barry,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/26 York St,3,t,595000,SP,Nelson,20/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,76A Nell St,3,h,786000,S,Darren,20/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Nulgarrah Cr,5,h,770000,S,Buckingham,20/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,58 Sainsbury Av,3,h,,S,Barry,20/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,38 Perugia Av,3,h,540000,SP,Barry,20/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,72 Sutherland St,3,h,740000,SP,Stockdale,20/05/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,1 Backhaus St,3,h,,S,Hodges,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,125 Linacre Rd,4,h,2500000,PI,RT,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/34 Linacre Rd,2,u,665000,S,Hodges,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13 Sargood St,3,h,,S,Marshall,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9 Thomas St,5,h,,S,Marshall,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10 Valerian St,3,h,1560000,S,hockingstuart,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,106 Willis St,3,h,,PI,Hodges,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9 Willis St,4,t,,SA,Hodges,20/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,48 Heath Cr,2,h,1436000,S,Ray,20/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1/16 Nepean Av,4,h,,S,Hodges,20/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,10 Berkeley St,12,h,4700000,PI,Property,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,95 Church St,3,h,1525000,VB,Jellis,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,32 College St,2,h,1620000,S,Jellis,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12 Hunter St,3,h,1985000,S,Jellis,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Manchester St,3,h,1750000,S,Woodards,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,54 Manningtree Rd,4,h,2100000,S,hockingstuart,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6 Summerlea Gr,5,h,,S,Marshall,20/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/27 Auburn Gr,3,h,1405000,S,Kay,20/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,35 Auburn Gr,3,h,2102000,S,Noel,20/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6 Mowbray St,5,h,,SP,Kay,20/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,16/330 Riversdale Rd,2,u,435000,S,RT,20/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/24 Selwood St,1,u,375000,S,Jellis,20/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,29 Danielle Cr,3,h,,PI,Philip,20/05/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,16 Frances St,3,h,860000,S,Carter,20/05/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3/56 Banksia St,2,t,630000,S,Miles,20/05/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,18 Francis St,2,h,780000,S,Barry,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,17 Lawson Pde,3,h,931000,S,Miles,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/55 Outhwaite Rd,3,t,601000,S,Fletchers,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,27 Sackville St,2,h,,S,Nelson,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,96 Southern Rd,3,h,805000,S,Barry,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,18 Swanston St,2,h,690000,VB,Barry,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,531 Waterdale Rd,3,h,820000,S,Barry,20/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,373 Liberty Pde,3,h,640000,S,hockingstuart,20/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,8 Malahang Pde,1,h,442000,S,Barry,20/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,34 Henry St,3,h,1150000,VB,hockingstuart,20/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,38 Tibrockney St,4,h,1500000,SP,Hodges,20/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/6 Turner Rd,3,u,,PI,Buxton,20/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2/81 Allenby Rd,3,u,,PI,YPA,20/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,34 Carruthers Dr,5,h,640000,PI,Barry,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,109 Heaths Rd,4,h,633000,S,Barry,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Hughes St,4,h,545000,S,Barry,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Normandy Cl,3,h,420000,S,YPA,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Reserve Rd,3,h,471500,S,Barry,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,30 Sandleford Wy,3,h,466000,S,Barry,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Sunbird Cr,3,h,565000,SP,YPA,20/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,11 Euston Rd,4,h,2190000,S,Purplebricks,20/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,9A Normanby St,2,h,980000,S,Woodards,20/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/24 Abbotsford Gr,3,u,1110000,S,Miles,20/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,12 Abercorn Av,3,h,,SP,Nelson,20/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,116 Ford St,3,h,,S,Nelson,20/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/93 Ford St,2,u,,S,Nelson,20/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,15 Longstaff St,3,h,1740000,S,Nelson,20/05/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,17 Bannister St,4,h,618000,S,YPA,20/05/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,2/47 Emu Pde,3,t,480000,S,Stockdale,20/05/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,53 Lorraine Cr,3,h,515000,S,YPA,20/05/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,8 Harefield Cr,4,h,585000,S,Nelson,20/05/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,7 Bianchi Ct,3,h,615000,S,Homes,20/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,15 Fiat Ct,4,h,782500,S,Barry,20/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,5 Karu Ct,4,h,771000,S,Barry,20/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,1/12 Tarrant Ct,3,u,520500,S,YPA,20/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,41 Wimmera Cr,3,h,640000,S,Barry,20/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,39 David Av,3,h,1062500,S,Nelson,20/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,17 Janet St,3,h,912000,S,Nelson,20/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/77 Lincoln Dr,3,t,745000,S,Barry,20/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,92 Noga Av,4,h,891000,S,Barry,20/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,34 West Gwy,3,h,720000,S,Nelson,20/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,16 Altona St,2,h,1110000,S,Nelson,20/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,4/26 Barnett St,3,t,917500,S,Nelson,20/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,109/18 Bent St,2,u,730000,SP,Rendina,20/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2/2 McCracken St,2,t,811000,SP,Biggin,20/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,15 Taylor Mw,2,t,717000,S,Nelson,20/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,23 Wakefield St,3,h,1190000,S,Rendina,20/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,199 Barkers Rd,4,h,2150000,S,Marshall,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Churchill St,3,h,1965000,S,hockingstuart,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,63 Davis St,5,h,2425000,SP,Marshall,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8/48 Derby St,2,u,643000,S,Jellis,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/89 Earl St,3,t,835000,S,Hall,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/214 Princess St,3,t,870000,PI,Jellis,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1 Raven St,4,h,,S,Jellis,20/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,2 Baker Av,3,h,1700000,S,Jellis,20/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,56 Baker Av,3,h,,PN,Woodards,20/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/4 Lawrence St,3,h,,S,Marshall,20/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,13 McCubbin St,2,h,,SP,Marshall,20/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/14 Westbrook St,2,u,590000,VB,Jellis,20/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,23 The Panorama,4,h,950000,SP,Noel,20/05/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,11 Cheleon Wy,3,h,,PI,RW,20/05/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 English Ct,3,h,551000,S,RW,20/05/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,4 Tollhouse Rd,3,h,485000,S,Barry,20/05/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,100 Coronation St,4,h,1205000,S,hockingstuart,20/05/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,56 King Pde,4,h,,SP,buyMyplace,20/05/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,2/83 Derrick St,3,h,532000,SP,Millership,20/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,1A Veronica St,4,h,625000,S,U,20/05/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,2/114 Anderson St,2,h,420000,S,Harcourts,20/05/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lilydale,7/11 Maroondah Hwy,2,h,515000,S,RW,20/05/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Maidstone,5 Ballarat Rd,2,h,640000,PI,Sweeney,20/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11 Eucalyptus Dr,3,t,680000,VB,Biggin,20/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/56 Mitchell St,3,h,725000,S,Biggin,20/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,4/13 Powell Cr,3,t,675000,SP,Biggin,20/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,18 Pullar St,2,h,472500,S,Burnham,20/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,6 Arthur St,4,h,,SP,Marshall,20/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2 Dixon St,4,h,,SN,Abercromby's,20/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/102 Stanhope St,2,t,,S,Jellis,20/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1/29 Grant St,2,u,1211000,S,Ray,20/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6 Melrose Av,4,h,,S,Marshall,20/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/78 Paxton St,2,u,,SN,Sotheby's,20/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,22 Quentin Rd,4,h,1380000,S,hockingstuart,20/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Rotherwood Dr,4,h,1715157,S,Jellis,20/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15 Winton Rd,4,t,1510000,S,Jellis,20/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,28 Mephan St,4,h,,SP,hockingstuart,20/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,10A Hopkins St,4,t,,PI,Buxton,20/05/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,53 Shankland Bvd,3,h,426000,S,RW,20/05/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,18/17 Queens Rd,2,u,637500,S,Greg,20/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,4/27 Queens Rd,3,u,1100000,S,RT,20/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,104 Palmerston St,3,h,359000,S,hockingstuart,20/05/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,2 Quail Cr,3,h,378000,S,hockingstuart,20/05/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,28 Exford Rd,4,h,430500,S,YPA,20/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,15 Lawson Rd,3,h,320000,S,Raine,20/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,1/18 Toolern St,2,h,251000,S,Raine,20/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,9 Gouldthorp Av,3,h,1095000,S,Ray,20/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1 Harkin Av,3,h,1750000,S,Greg,20/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,107 Patty St,3,h,1460000,S,Hodges,20/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12/6 Venice St,2,u,686000,S,O'Brien,20/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,12 Haig St,4,h,580000,SP,Stockdale,20/05/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,12 Kerrabee Dr,4,h,560000,VB,Stockdale,20/05/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Shearwater Pl,4,h,638000,S,Harcourts,20/05/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,84 Hambleton St,4,h,2860000,S,Chisholm,20/05/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,311 Childs Rd,3,h,540000,S,Ray,20/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Citrus Cl,3,h,605000,S,Ray,20/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,30 Cunningham Dr,5,h,645000,S,Ray,20/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Nectar Mw,3,h,602500,S,Ray,20/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2 Garden Av,3,h,1070000,S,hockingstuart,20/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,417 Mitcham Rd,4,h,1205000,S,Noel,20/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Moorakyne Pl,4,h,1800000,VB,Noel,20/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6/10 Quarry Rd,2,u,,SN,Noel,20/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/1 Rupert St,2,u,670000,SP,Fletchers,20/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1/389 Mont Albert Rd,2,u,442500,SP,Ham,20/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,47 View St,3,h,1587000,S,Marshall,20/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2/16 Buena Vista Dr,3,h,650000,VB,Barry,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,7/12 Calrossie Av,3,h,700000,SA,Fletchers,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,6 Coventry St,3,h,890000,SP,Barry,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/36 Kirwana Gr,3,h,735000,SP,Barry,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,8 McColl St,3,h,1436000,S,Barry,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,51 Reichelt Av,4,h,900000,SP,Barry,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,73 Reichelt Av,3,h,700000,PI,Fletchers,20/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,72 Clarinda Rd,3,h,1420200,S,Purplebricks,20/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,20 Huntly St,2,h,970000,S,Nelson,20/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,16 Latrobe St,4,h,1900000,VB,Jellis,20/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6A McPherson St,3,h,1070000,S,Nelson,20/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,7 Green St,4,h,840000,SP,Fletchers,20/05/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,3 Percy St,4,h,988000,SP,Barry,20/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/24 Steedman St,3,t,835000,S,hockingstuart,20/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/11 Warren Rd,3,h,730000,VB,Buxton,20/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2/11 Warren Rd,3,h,785000,S,Buxton,20/05/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3 Bizley St,4,h,,SN,Barry,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Bowman St,5,h,,SP,Buxton,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Brolga St,3,h,,SN,Barry,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/21 Cheviot Rd,3,u,1201000,S,Jellis,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/2 Halliday St,4,t,1280000,S,Jellis,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,378 Highbury Rd,5,h,,PI,Ray,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7/20 Huntingtower Cr,3,u,850000,PI,hockingstuart,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,56 Leeds Rd,3,h,1641000,S,Jellis,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Leonie Av,5,h,1475000,SA,Buxton,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Magna Ct,3,h,,S,Fletchers,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Prospect St,5,h,,SP,Buxton,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Wadham Pde,5,h,,PI,Barry,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,276 Waverley Rd,3,h,,PI,Noel,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,38 Winbourne Rd,4,h,2000000,S,Jellis,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,27 Windsor Av,3,h,,SN,Barry,20/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,23 Lea Rd,4,h,,SP,hockingstuart,20/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,20 Portland St,4,h,,PI,Ray,20/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,13 Southhampton Dr,3,h,710000,S,Win,20/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,626 Springvale Rd,3,h,,SN,Barry,20/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,4/12 Dalny Rd,2,u,490000,SP,Buxton,20/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,24 Kinlock Av,4,h,1600000,S,Buxton,20/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,7 Swan Rd,4,h,,SN,J,20/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,11 Pirra Pl,4,h,612500,SP,O'Brien,20/05/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,1/167 Blackshaws Rd,3,h,,S,RT,20/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,14 Breadalbane Pl,3,h,1410000,SP,Williams,20/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,33 Bunbury St,1,h,1700000,S,Jas,20/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,296 Douglas Pde,3,h,,SP,Raine,20/05/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/34 Haldane Rd,2,u,510000,VB,Barry,20/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,4/503 Keilor Rd,1,u,325000,PI,Nelson,20/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/18 Craig St,3,h,447500,PI,Ray,20/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4/16 Mons Pde,2,u,450000,S,C21,20/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,11 Bakery La,3,h,,S,Jellis,20/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,1/118 Haines St,3,t,,S,Jellis,20/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,5 Murphy St,3,h,1485000,S,Jellis,20/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,134 Charles St,4,h,,S,Nelson,20/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,67 Charles St,2,h,1100000,SP,Jellis,20/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Hillside Av,3,h,1295000,S,Harrington,20/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Northcote St,3,h,1610000,SP,Nelson,20/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,198 Victoria Rd,2,h,970000,PI,LITTLE,20/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,39 Victoria Rd,2,h,970000,S,McGrath,20/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,2/8 Finch St,3,t,842000,S,Harcourts,20/05/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,1/23 Kett St,3,h,752500,S,hockingstuart,20/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,30 Wood St,4,h,,SP,iHomes,20/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,10 Magnolia St,5,h,1005000,S,Brad,20/05/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,7 Ridge Rd,4,h,860000,PI,Jellis,20/05/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,11 Xavier St,5,h,1306000,S,Eview,20/05/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,4 Mead Ct,2,h,676000,S,Ray,20/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2 Curran St,2,h,1200000,S,Ray,20/05/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Officer,9 Cranbrook Cct,4,h,456000,S,Barry,20/05/2017,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Ormond,2/8 Bewdley St,3,u,1461000,S,hockingstuart,20/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,53 Murray Rd,3,h,,S,Buxton,20/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,286 Tucker Rd,4,t,1425000,S,Buxton,20/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/137 Beach Rd,2,u,690000,S,Hodges,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,12/158 Como Pde W,2,u,580000,S,Buxton,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4/87 Como Pde E,2,u,440000,S,Hodges,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,24 Edmond St,3,h,1375000,SP,O'Brien,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,10 Eveline Av,3,t,1010000,S,Hodges,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,13 Rennison St,5,h,2450000,VB,Greg,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,12 Sixth St,3,h,,PI,Hodges,20/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,55 Park Dr,3,h,2790000,S,Collins,20/05/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,108 Parkville Av,4,h,1446000,S,Collings,20/05/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,8 Ann St,4,h,1395000,S,Nelson,20/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,10/43 Arndt Rd,2,u,427500,S,hockingstuart,20/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,19 Dale Av,5,h,1301000,S,Frank,20/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Kirbister St,3,h,,S,Brad,20/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/137 Northumberland Rd,3,t,560000,S,Nelson,20/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,6 Beachview Pde,4,h,700000,VB,Sanctuary,20/05/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,33 Turnstone Dr,4,h,610000,S,hockingstuart,20/05/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,149 Albert St,3,h,,SP,Marshall,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6 Beacon Vs,4,t,,PI,Marshall,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,129 Esplanade Pl,3,h,1700000,VB,hockingstuart,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,218 Esplanade Pl,3,h,,S,Marshall,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,220 Esplanade Pl,3,h,,SP,Marshall,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,389 Graham St,3,h,,S,Marshall,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2 Lagoon La,3,h,,S,Marshall,20/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,55 Chomley St,3,h,,SP,hockingstuart,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,101/323 Dandenong Rd,2,u,690000,S,McGrath,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/605 High St,2,u,630000,S,hockingstuart,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,18/61 High St,2,u,685000,S,hockingstuart,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8 MacKay St,2,h,,S,Jellis,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/38 Porter St,2,u,570000,S,Gary,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,50 Wrights Tce,4,h,,SN,Abercromby's,20/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,22 Austral Av,3,h,1120000,SP,McGrath,20/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33 Grandview Rd,3,h,1000000,VB,Nelson,20/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,86 Malpas St,3,h,1010000,SP,McGrath,20/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12A Milton Cr,3,h,860000,S,Nelson,20/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Robeson St,4,h,1110000,S,Nelson,20/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,47 Youngman St,2,h,800000,VB,Nelson,20/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,63 Chauvel St,3,h,,SP,C21,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/96 Darebin Bvd,2,t,515000,SP,RW,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/80 Delaware St,2,t,615000,S,Ray,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/80 Delaware St,1,u,407000,S,Ray,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/15 MacArtney St,1,h,315000,PI,Ray,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Manoel Av,5,h,871000,S,Stockdale,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,44 Mendip Rd,4,h,930000,S,Barry,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/28 North Rd,3,t,741000,S,Barry,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/87 Purinuan Rd,2,h,375000,PI,Nelson,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Sedge Ct,4,h,1005000,S,Nelson,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Wimmera Av,2,h,748500,S,hockingstuart,20/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,21/72 Baker St,1,u,310000,SP,Jellis,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,94 Brighton St,3,h,,S,hockingstuart,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,62 Butler St,2,h,860000,PI,Biggin,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/323 Church St,3,t,1052000,S,Jellis,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,276 Mary St,2,h,,PI,Biggin,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Portland St,3,h,3000000,VB,Jellis,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,401/1 Railway Pl,2,u,685000,S,hockingstuart,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,106/28 Tanner St,2,u,,PI,Biggin,20/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,7 Catherine St,3,h,1215000,S,Fletchers,20/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,9 Graeme Av,3,h,,S,Philip,20/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,76 Jeffrey Dr,4,h,983800,S,Philip,20/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/8 Kirk St,2,u,595000,S,Barry,20/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/36 Oban Rd,3,t,702500,S,Philip,20/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,7 Raymond Ct,4,h,865000,SA,hockingstuart,20/05/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,44 Melview Dr,4,h,1185000,S,Jellis,20/05/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,6/158 Warrandyte Rd,3,h,900000,VB,hockingstuart,20/05/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,6 Simon Ct,4,h,,SN,Miles,20/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,35 Thomson Dr,4,h,1160000,S,Barry,20/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,6/8 Canterbury Cl,3,u,700500,S,Harcourts,20/05/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,28 Cardinia Wy,3,h,762000,S,Barry,20/05/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,15 Dandrea Ct,5,h,,SP,Ray,20/05/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,92 Fairway Dr,4,h,1000000,SP,Buxton,20/05/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,9 Crouch Ct,3,h,,S,YPA,20/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,21 Donvale Av,3,h,450000,S,Raine,20/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,13 Flowers Cl,3,h,,SN,Barry,20/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,1/4 Cooke St,3,t,1001000,S,Buxton,20/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,22 Grange Rd,4,h,1835000,S,Marshall,20/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,17 Miller St,4,t,1630000,S,Buxton,20/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,205 Nepean Hwy,4,h,1745000,S,U,20/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,35 Torquay Av,3,h,687500,S,O'Brien,20/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,7/20 Bayview Rd,2,u,495000,S,Jas,20/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,4 Henry St,2,h,1085000,S,Village,20/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,3 Walter St,3,h,847000,S,Jas,20/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,68 Windsor St,2,h,785000,S,hockingstuart,20/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,63 Saltley St,3,h,995000,S,Burnham,20/05/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,14 Vernon St,3,h,1290000,S,Jas,20/05/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,705/2 Albert Rd,1,u,580000,S,Kay,20/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,423 Dorcas St,3,h,,SP,Marshall,20/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,13 Martin St,3,h,1780000,S,Buxton,20/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,403 Park St,3,h,,SP,Cayzer,20/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,9 Slide St,4,h,716000,S,Harcourts,20/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Tivoli Pl,4,h,626000,S,Harcourts,20/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,17/63 Alexandra Av,1,u,440000,S,hockingstuart,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,65 Caroline St,3,t,3475000,S,Marshall,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7 Cassell St,2,h,1710000,PI,Jellis,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/9 Darling St,2,u,,PI,Williams,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,68 Hawksburn Rd,4,h,,PI,Kay,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26 Howitt St,2,u,851000,S,Biggin,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,30 Nicholson St,3,t,2030000,S,Kay,20/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,4/66 Coventry St,2,u,,PI,Harcourts,20/05/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,30 Billing St,3,h,900000,S,iSell,20/05/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,34 Clarke Av,3,h,550000,SP,YPA,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,12 Cleveland St,5,h,,PI,Barry,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,11 Curtin St,4,h,750000,PI,RW,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,14 Douglas Av,3,h,,SN,Barry,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Grace St,3,h,632000,S,Prof.,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,16 Harleston St,3,h,,SN,Barry,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 James St,3,h,700000,S,Ray,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,14 Maple Cr,3,h,615000,SP,Biggin,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,45 Millawa Av,3,h,715000,SP,Ray,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,132 Power St,2,h,735000,S,Sweeney,20/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,7a Neptune St,3,h,,S,Marshall,20/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/20 Princes St,2,u,680000,S,Buxton,20/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,10 Balmanno Cr,4,h,,S,Brad,20/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,41 Houston Av,3,h,1350000,S,Nelson,20/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1 Lebanon St,3,h,995000,SP,Jellis,20/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/54 Magdala Av,3,h,860000,PI,McDonald,20/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,68 Willonga St,5,h,1150000,SP,Brad,20/05/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,126 Riddell Rd,3,h,425000,S,Raine,20/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,153 Morris St,4,h,891000,S,hockingstuart,20/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,1/30 Camperdown Av,3,u,412500,SP,Jas,20/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,9/18 Northumberland Rd,2,t,,W,YPA,20/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/32 Simpson St,3,t,,PI,Barry,20/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4/58 Callaway Bvd,1,u,,W,RW,20/05/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/6 Blackburn St,2,h,1250000,SP,Fletchers,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,26 Everton Gr,4,h,1490000,S,Noel,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,13 Graham St,3,h,,SN,Woodards,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,73 Middlesex Rd,4,h,,S,Jellis,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Royal La,3,h,1100000,PI,Ray,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6A Thistle St,4,h,1600000,PI,Marshall,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1 Vincent St,4,h,,SN,Kay,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,68 Weybridge St,3,h,1652000,S,Kay,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/537 Whitehorse Rd,2,u,925000,VB,Noel,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1 Wilson St,4,h,,S,Marshall,20/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,69 Hamish Dr,4,h,415000,S,Sweeney,20/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,5 Lauderdale Dr,4,h,505000,SP,Ray,20/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,187 Thames Bvd,4,h,530000,SP,hockingstuart,20/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,36 Winona Cct,4,h,570000,S,Barry,20/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Templestowe,12 Clays Ct,4,h,1700000,VB,Barry,20/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Laviah Ct,3,h,1190000,S,Philip,20/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,36 Matisse Dr,4,h,1325000,SP,Jellis,20/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Timothy Ct,4,h,3050000,S,Ray,20/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/87 Wood St,3,t,1002000,S,Barry,20/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,8 Eagle Ri,3,h,1230000,S,Ray,20/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,19 Kanooka Av,3,h,1340000,S,Biggin,20/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,30 Lowan Av,3,h,,S,Jellis,20/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,258 Thompsons Rd,3,h,1180000,S,Philip,20/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,18 Claremont Av,3,h,681000,S,iTRAK,20/05/2017,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,11 Cumberland Cr,4,h,740000,S,Harcourts,20/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,34 Falcon St,3,h,560000,SP,Love,20/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/68 Heyington Av,2,u,360000,S,Raine,20/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,3/31 Clapham St,2,u,600000,S,Love,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,35D Clapham St,3,h,1346000,S,Nelson,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,171 Mansfield St,3,h,1130000,S,Jellis,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,140 Raleigh St,4,h,,S,Jellis,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,292 Rathmines St,3,h,1275000,PI,Jellis,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,10 Speight St,3,h,1200000,S,Woodards,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,111 Speight St,3,h,,S,Nelson,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9 Speight St,4,h,,SN,McGrath,20/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toolern Vale,69 Hoggs Rd,4,h,,VB,Keatings,20/05/2017,3337,Northern Victoria,317,31.7,Macedon Ranges Shire Council +Toorak,8/161 Alexandra Av,1,u,650000,VB,Walsh,20/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4 Leighton Ct,3,h,2400000,PI,Marshall,20/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3A Monomeath Av,3,h,3805000,S,RT,20/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,680 Orrong Rd,4,h,3600000,PI,RT,20/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/696 Orrong Rd,2,u,750000,PI,Williams,20/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,456/38 Mt Alexander Rd,2,u,360000,SP,Pagan,20/05/2017,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,6 Blake Ct,4,h,2715000,S,RW,20/05/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,17 Larissa Av,4,h,611000,S,Barry,20/05/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,4 Manhattan Sq,5,h,1110000,S,Harcourts,20/05/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3 Rowan St,3,h,930000,VB,hockingstuart,20/05/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,238 Hawthorn Rd,5,h,1380000,VB,Noel,20/05/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,17 Talarno Av,4,h,1330000,S,Barry,20/05/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,120 Weeden Dr,4,h,1295000,S,Purplebricks,20/05/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,6 Dawn Ct,4,h,1003000,S,Nelson,20/05/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,123 Graham Rd,3,h,,SP,Christou,20/05/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,18 Willa Av,4,h,,SN,Miles,20/05/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,32 Bambara St,4,h,1020000,S,Harcourts,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,9 Birchfield Cr,4,h,980000,S,Ray,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,3 Bishop Ct,4,h,970000,S,Ray,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,1 Gatwick Cl,4,h,1405000,S,Biggin,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,7 Kalinya Dr,4,h,1011000,S,Harcourts,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,10 Napier Cl,4,h,930000,S,One,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,8 Prenton Ct,3,h,,PN,Harcourts,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,13 Yorkminster Av,3,h,815000,S,Barry,20/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,3 Geordy Cl,3,h,,SN,Barry,20/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1/39 Lewis Rd,2,h,560000,S,Ray,20/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Snowden Pl,4,h,1226000,S,Prof.,20/05/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,35 Houghton Rd,3,h,,S,Fletchers,20/05/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Werribee,8 Bemboka Ct,3,h,440000,S,hockingstuart,20/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/23 Jellicoe St,3,h,550000,SP,YPA,20/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,70 Purchas St,3,h,,SN,Barry,20/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,114 Rosella Av,3,h,445000,S,hockingstuart,20/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,12 Serpentine Ct,4,h,462000,SP,hockingstuart,20/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,16 Dove St,3,h,900000,S,hockingstuart,20/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4/38 Hampton Pde,2,u,266000,S,Sweeney,20/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,16 Hope St,3,h,830000,PI,Burnham,20/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,91 Suffolk St,2,h,888000,PI,Sweeney,20/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,106 Summerhill Rd,3,h,1040000,S,Jas,20/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,3/212 Roden St,2,t,1013000,S,Alexkarbon,20/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,7/234 Roden St,3,t,1171000,S,Alexkarbon,20/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,101/89 Roden St,2,u,,SP,Jellis,20/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,105/493 Victoria St,1,u,,PI,Harcourts,20/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,17 Darnley Gr,3,h,,SP,Barry,20/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Europa Ct,3,h,,SP,Stockdale,20/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,140 Lum Rd,5,h,,SS,Barry,20/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,12 Petronella Av,4,h,,PI,Harcourts,20/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,10 Prospector Ct,5,h,1455000,S,Ray,20/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,33 Anzac Cr,3,h,1810000,PI,Sweeney,20/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/47 Power St,2,h,855000,S,Williams,20/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,19 Overnewton Wy,4,h,537000,S,Barry,20/05/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,4 Bungalook St,3,h,370000,S,YPA,20/05/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,20 Tarwin Pl,3,h,,SP,PRDNationwide,20/05/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,57 Tarcoola Dr,3,h,721500,S,Darren,20/05/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,33 Bromyard St,2,h,1035000,S,Sweeney,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Buninyong St,3,h,1370000,S,Greg,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,455 Geelong Rd,2,h,650000,PI,Village,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,96 Hamilton St,2,h,820000,PI,Village,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,292 Hyde St,3,h,750000,PI,McGrath,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/10 Schild St,2,u,497600,SP,Jas,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,183 Stephen St,3,h,970000,S,Raine,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,19 Stephen St,3,h,,S,Jas,20/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,1/122 Bowes Av,3,h,660000,VB,Nelson,21/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,14A Bowes Av,4,t,,SN,Barry,21/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,72 McNamara Av,3,h,,SN,Barry,21/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,222A Parer Rd,3,h,,VB,Nelson,21/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,36 Woodland Dr,3,h,549000,S,Ray,21/04/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,42 Draper St,3,h,3850000,S,Greg,21/04/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,545 Heidelberg Rd,3,t,830000,PI,LITTLE,21/04/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,2/220 Civic Pde,3,h,,W,Hunter,21/04/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,9 Tyrell Ct,3,h,707000,S,Barry,21/04/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Ardeer,88 Esmond St,4,h,720000,SA,hockingstuart,21/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,41 Helene St,3,h,750000,SP,Barry,21/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,6/29 Rockbank Rd,3,u,575000,S,hockingstuart,21/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,38 Clarendon St,3,h,,S,RT,21/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,20/61 Kooyong Rd,2,u,542500,S,hockingstuart,21/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/68 Northcote Rd,1,u,,S,RT,21/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,212/8 Burrowes St,2,u,515000,SP,Maddison,21/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,29 Warrick St,2,h,,S,Nelson,21/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,2 Liberator St,2,h,1425000,VB,Tim,21/04/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,5/5 Welfare Pde,3,h,1270000,S,Marshall,21/04/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Attwood,41 The Crest,3,h,790000,S,O'Brien,21/04/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,13 Bordeaux St,3,h,820000,PI,Nelson,21/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,90A Military Rd,3,t,655000,S,Nelson,21/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,21 Prescott Pl,4,h,,SP,Moonee,21/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,142 Templewood Cr,4,h,,SP,Moonee,21/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,14 Clapham St,4,h,2800000,PI,hockingstuart,21/04/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/11 Ruby St,3,t,,SP,RT,21/04/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1/6 Osburn Av,4,t,1825000,VB,Nelson,21/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,9/464 Beach Rd,2,u,,S,Buxton,21/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,90 Cromer Rd,3,h,1615000,S,Buxton,21/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,28 Hornby St,5,h,,SN,Charlton,21/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Belgrave South,16 Blumm Rd,4,h,1622500,S,Ray,21/04/2018,3160,Eastern Victoria,580,30.4,Yarra Ranges Shire Council +Bentleigh,4/3 Bolinda St,4,t,,PI,RW,21/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/90 Jasper Rd,4,h,1360000,VB,Woodards,21/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,301/24 Becket Av,2,u,609000,S,FN,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Bradford St,3,h,1227500,S,Woodards,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,410a Chesterville Rd,4,t,1250000,S,Buxton,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5A Curdies St,4,h,1190000,S,Buxton,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Dega Av,2,t,865000,SP,Buxton,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Jane St,4,h,1258000,S,Jellis,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Ludwell Cr,3,h,1120000,PI,Buxton,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,22a Melva St,4,t,1220000,S,Jellis,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Neil Ct,3,h,1050000,SP,Woodards,21/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,6 Ganaway Dr,4,h,870000,SA,O'Brien,21/04/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,1b Hazeldene Ct,4,h,1265000,SP,Peake,21/04/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,2/62 Blackburn Rd,3,u,1250000,PI,Woodards,21/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,11 Lawson St,3,h,750000,PI,Stockdale,21/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,19 Main St,5,h,1902000,S,Buxton,21/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,24 Walsham Rd,4,h,1750000,PI,Woodards,21/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,4 Bridgeford Av,3,h,1038000,S,Barry,21/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,73 Kett St,4,h,1555000,S,Ray,21/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,15 Rigani Ct,4,h,1210000,PI,Nelson,21/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,23 Jenner St,4,h,1250000,PI,Woodards,21/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,16 Crown Rd,2,h,923000,S,Thomson,21/04/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,6 Jordan Ct,4,h,,PI,Schroeder,21/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,28 Standard Av,3,h,,SN,RW,21/04/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,201/95 Thames St,2,u,575000,PI,hockingstuart,21/04/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,144 Devonshire Rd,3,h,1350000,PI,Douglas,21/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,146 Devonshire Rd,3,h,1350000,PI,Douglas,21/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/26 Hancock Cr,2,t,568000,S,Jas,21/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,4/88 Roslyn St,3,u,,S,Buxton,21/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,71 South Rd,4,h,3700000,VB,Hodges,21/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,4/123 Dendy St,2,u,595000,PI,Marshall,21/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,28 Bicknell Ct,3,h,720000,VB,YPA,21/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,10 Dookie Ct,6,h,,PI,YPA,21/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,30 Gosford Cr,3,h,600000,SP,Nelson,21/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,14 Ortolan Av,4,h,725000,S,HAR,21/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/14 Osway St,2,h,433500,S,RW,21/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/144 Widford St,3,t,581000,S,YPA,21/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,166 Albert St,2,h,1170000,S,Nelson,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,255 Albert St,3,h,1410000,S,Nelson,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Charles St,2,h,1160000,S,Nelson,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,137 Donald St,4,h,1200000,VB,Barry,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11/5 Evans St,2,t,865000,S,Noel,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,37 Percy St,3,h,865000,PI,Jellis,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,22 Rosser St,2,h,730000,VB,Nelson,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1 Walton St,3,h,1330000,S,Brad,21/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,2/215 Edward St,3,t,960000,S,LITTLE,21/04/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,394 Albion St,2,h,800000,S,Nelson,21/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/500 Moreland Rd,2,u,375000,PI,Walshe,21/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/2 Olive York Wy,2,u,430000,S,Pagan,21/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,66 Whitby St,2,h,,SP,Jellis,21/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9 Wyall St,3,h,,S,Nelson,21/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,52 Barak St,4,h,,PI,Barry,21/04/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,38 Brandon Cr,4,h,,PI,Barry,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Chester Pl,3,h,730000,S,Ray,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24 Darren Av,3,h,699000,S,Ray,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Dianne St,3,h,733000,S,Craig,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Kathleen Ct,3,h,,PI,Barry,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Oxford Dr,4,h,707000,S,Ray,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Shoalhaven St,4,h,,PI,Barry,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Wisteria Dr,4,h,720000,S,HAR,21/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,3 Cunningham Ch,4,h,,SN,Barry,21/04/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,26 Clanbrae Av,3,h,945000,S,RW,21/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/147 Highbury Rd,3,u,696000,S,Stockdale,21/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 McGowans La,4,h,1281000,S,RW,21/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/3 Talbett St,4,t,1161000,S,Buxton,21/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,13 Warren St,3,h,,SP,Buxton,21/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,237 Warrigal Rd,3,h,1039000,PI,Jellis,21/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,124 Cairnlea Dr,4,h,,S,Bells,21/04/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,8 Shearwater Ct,4,h,,PI,Metro,21/04/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,19 Barkly St,3,h,2160000,SP,Noel,21/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/20 Cornell St,4,t,1600000,VB,Marshall,21/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,1/25 Queensberry Pl,2,h,800000,PI,Woodards,21/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,700 Drummond St,3,h,1320000,S,Nelson,21/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,120 Newry St,3,h,930000,PI,Walshe,21/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,5/6 Elizabeth Cr,2,u,755000,S,Ray,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/29 Emily St,2,u,680000,S,O'Brien,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8A Gilbert Gr,4,h,1420000,PI,Buxton,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Leila Rd,3,h,880000,VB,Woodards,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,48 Lyons St,4,h,1680000,SP,Buxton,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/24 Margaret St,1,u,310000,SA,Woodards,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/44 Rosstown Rd,2,u,,S,Jellis,21/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,31/8 The Crossing,3,h,,PI,Marvelli,21/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,25 The Entrance,3,h,487750,SP,Prof.,21/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,1 Alison Ct,2,u,550000,PI,Buxton,21/04/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,69 Ogradys Rd,3,h,550000,VB,Munn,21/04/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Chadstone,1/35 Burton St,3,t,901000,S,Buxton,21/04/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/1 Stapley Cr,4,t,1160000,S,Buxton,21/04/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,5 Tandara Ct,3,t,872000,S,Ray,21/04/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,12 Coape St,3,h,1400000,PI,Buxton,21/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,32a Evesham Rd,3,t,1170000,S,Buxton,21/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/23 Jean St,2,t,675000,PI,Buxton,21/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,106 Bourke Rd,4,h,791000,S,C21,21/04/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/3 Auguste Av,4,t,890000,PI,HAR,21/04/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,36 Ramsden St,3,h,1413000,S,Nelson,21/04/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,50 Abeckett St,3,h,1050000,VB,Nelson,21/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/2 Edna Gr,2,t,676000,S,Re,21/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17/129 Harding St,3,h,760000,S,Nelson,21/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7 High St,3,h,970000,S,Brad,21/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,50 Linsey St,3,h,950000,PI,Barry,21/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,266 Reynard St,3,h,1100000,PI,Barry,21/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,1/8 Lorensen Av,2,t,500000,PI,Ray,21/04/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,43 Oxford St,3,h,1780000,S,Jellis,21/04/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,5 Allington La,3,h,495000,S,HAR,21/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Andover La,2,h,420000,S,RE,21/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,31 Fermont Av,4,h,602500,S,Ray,21/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,105 Hanson Rd,4,h,622500,S,Barry,21/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Monarch Wy,4,h,732000,S,Ray,21/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,1/35 Fortuna Av,3,u,560000,PI,Fletchers,21/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4/123 Maroondah Hwy,4,t,820000,VB,McGrath,21/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Yarra Rd,4,h,725500,SA,Ray,21/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,9 Power St,4,h,975000,S,Jellis,21/04/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,114 Railway Cr,3,h,490000,SP,Stockdale,21/04/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/9 MacPherson St,3,u,,SP,McLennan,21/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,28 Rodina Tce,4,h,770001,SP,Del,21/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1 Selo Mw,4,h,680000,S,Del,21/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3/3 Seventh Av,2,u,,PI,C21,21/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,16 Apex St,3,h,620000,S,C21,21/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,15 Fair Cr,3,h,,W,Barry,21/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dingley Village,2 Kingsland Cl,3,t,692000,S,Buxton,21/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,61 Rhoda St,4,h,1060000,S,Buxton,21/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,18 Burgundy Dr,4,h,,PI,McGrath,21/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Penda Cl,4,h,,PI,Barry,21/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2 Mowbray Ct,4,h,1225000,PI,Philip,21/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1/32 Glika St,3,u,745000,S,Jellis,21/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,10 Dibella St,4,h,624000,S,hockingstuart/hockingstuart,21/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,7 Kingbird Cr,3,h,495000,SA,Barry,21/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,17 Lanner Wy,4,h,541000,SP,Ray,21/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,2 Marengo Av,3,h,,PI,HAR,21/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,2 Vitae Ct,4,h,680000,VB,hockingstuart,21/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,7 Crimson Dr,3,h,,PI,Just,21/04/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,4 Glenard Dr,4,h,1840000,PI,Miles,21/04/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,17/108 George St,1,u,,S,Caine,21/04/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,701/1 Powlett St,2,u,1051260,SP,Caine,21/04/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,2/65 Elsie Gr,2,u,668000,S,Buxton,21/04/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/14 King St,2,u,787000,S,Biggin,21/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9/343 Kooyong Rd,2,u,440000,S,Biggin,21/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8A Rowan St,3,h,1477000,S,Biggin,21/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,122 Arthur St,4,h,1250000,SP,Jellis,21/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,12/93 Arthur St,4,h,1425000,S,Jellis,21/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,44 Acheron Cr,4,h,865000,S,Barry,21/04/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,4/3 Scott St,2,u,,S,Chisholm,21/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,37 Axebridge Cct,4,h,710000,PI,Love,21/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,750 Edgars Rd,3,h,620000,S,Barry,21/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Gibbons Dr,4,h,665000,S,HAR,21/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Holroyd Dr,3,h,,PI,HAR,21/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 McKillop Av,3,h,556000,S,Love,21/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,2 Butler St,4,h,1900000,PI,Brad,21/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10/44 Fletcher St,1,u,315000,S,Nelson,21/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8 William St,4,h,1940000,S,Alexkarbon,21/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,2/26 Ruby St,2,u,377000,S,YPA,21/04/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,147 Grange Rd,3,h,1050000,PI,Nelson,21/04/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3 James St,4,h,816000,S,Walshe,21/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Norfolk Ct,3,h,800000,VB,Nelson,21/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,403/160 Argyle St,3,u,1400000,PI,Nelson,21/04/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,6/5 Spring St,3,u,1021000,S,Nelson,21/04/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,2/140 Queens Pde,2,u,470000,PI,Woodards,21/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,9 Kinnear St,4,h,,PI,Trimson,21/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11/35 Pickett St,2,u,410000,SP,Nelson,21/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,36 Raleigh St,2,h,835000,S,hockingstuart,21/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,34 Faulkner St,3,h,916000,S,Jellis,21/04/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,2/124 Cranbourne Rd,2,u,,SP,Barry,21/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/11 Deane St,2,u,471000,SP,hockingstuart,21/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/15 Spray St,3,t,625000,SP,Barry,21/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,29 Plantation Av,3,h,,SP,LJH,21/04/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,43 Genista St,5,h,,W,Ray,21/04/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,6 Sulby Pl,3,h,620000,S,Jason,21/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,18 Wiltshire Rd,4,h,765000,S,HAR,21/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,5/11 Wattle Av,2,u,540000,PI,Ray,21/04/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,383 Burke Rd,3,h,1260000,PI,Purplebricks,21/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33 Dent St,4,h,1600000,VB,Marshall,21/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Netherlee St,4,h,,SN,Marshall,21/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,5 Aurisch Av,3,h,1586000,S,McGrath,21/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Hampshire Rd,7,h,,SP,Harcourts,21/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/58 Myrtle St,4,t,1108000,SP,Barry,21/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,39A Summit Cr,5,h,2000000,SP,LLC,21/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Trenton Av,4,h,1228000,S,Harcourts,21/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,37 Belair Av,2,h,815000,S,Barry,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,108A Bindi St,3,h,501000,S,RW,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,52 Bindi St,3,h,621000,S,Raine,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/76 Bindi St,3,t,551500,S,Eview,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,83 Bindi St,3,h,665000,VB,Stockdale,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,56 Daley St,2,h,660000,SP,RW,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,67 View St,3,h,603500,S,Raine,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,16 York St,3,h,910500,S,Stockdale,21/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,180 Gowanbrae Dr,3,h,600000,VB,Nelson,21/04/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,1 Sunderland Ri,3,h,,PI,Barry,21/04/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,56 Clare Bvd,4,h,832500,S,Ray,21/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,69 Kirkham Dr,5,h,581000,S,RW,21/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hallam,31 Tripoli Ct,4,t,,W,LJH,21/04/2018,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton East,14A Lonsdale Av,3,h,1400000,S,Buxton,21/04/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,5/60 Hawthorn Gr,1,u,,PI,Biggin,21/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/179 Power St,2,u,606000,S,Buxton,21/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,36/8 Wallen Rd,3,u,1050000,VB,Kay,21/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,7/26 Auburn Gr,2,u,627000,PI,Jellis,21/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,504/20 Camberwell Rd,2,u,,SP,The,21/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/7 Homebush Cr,2,u,1038000,S,Kay,21/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1A Kildare St,4,h,2325000,PI,Woodards,21/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,279 Canterbury Rd,4,h,,W,McGrath,21/04/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,17 Erica Cr,3,h,876000,S,Philip,21/04/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,21 Flinders St,3,h,750000,PI,Nelson,21/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,66 McEwan Rd,3,h,730000,PI,Nelson,21/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4/21 Thames St,2,t,705000,S,Miles,21/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,377 Liberty Pde,3,h,,S,Nelson,21/04/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,70 Tobruk Av,3,h,880000,SP,Miles,21/04/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,13 Marshall Av,4,h,2040000,SP,Marshall,21/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,3 Imperial Ct,4,h,800000,PI,Barry,21/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,99 Jade Wy,4,h,,PI,Ray,21/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Melfin Dr,4,h,,S,Barry,21/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Rodmar Cl,3,h,593500,SP,YPA,21/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,27 Abbotswood Dr,4,h,,W,Ray,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,59 Baggott Dr,3,h,550000,VB,YPA,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,71 Bellbridge Dr,3,h,580000,VB,YPA,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,50 Cameron Dr,3,h,488500,S,Barry,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Dona Dr,3,h,614000,S,Barry,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,15 Fourth Av,5,h,651000,S,Reliance,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,107 Hogans Rd,3,h,591000,S,Benlor,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,25 Johnson Av,5,h,715000,S,hockingstuart,21/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,57 Ross St,4,h,1060000,PI,Ray,21/04/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,21 Toora St,3,h,1925000,VB,Miles,21/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,23 Bliburg St,3,h,550000,VB,YPA,21/04/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,40 Sunset Bvd,3,h,630000,VB,Stockdale,21/04/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,1/6 Karu Ct,3,u,535000,PI,YPA,21/04/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,66 Willys Av,3,h,797000,S,Barry,21/04/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,11 Henry St,3,h,,PI,Barry,21/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,67 Derby St,3,h,1088000,SA,Biggin,21/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1/178 Brougham St,2,u,,SN,Langwell,21/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,43 Cobden St,2,h,1285000,S,hockingstuart,21/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,161 Derby St,4,h,,S,Caine,21/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,121A Eglinton St,3,h,,VB,Nelson,21/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/44 High St S,3,t,1070000,PI,Jellis,21/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,4 Hale St,3,h,,VB,Nelson,21/04/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,13 Geoffrey Ct,5,h,1615000,PI,McDonald,21/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,10 Whittier St,3,h,759000,S,Nelson,21/04/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kooyong,126 Elizabeth St,4,h,2100000,VB,Castran,21/04/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,9 Dunbar Ct,4,h,680000,S,HAR,21/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,9 Lacey St,3,h,580000,S,Love,21/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,22 Teal Cr,3,h,661000,S,HAR,21/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,73 William St,3,h,650000,S,HAR,21/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,2/11 Clyde St,1,t,332000,S,Ray,21/04/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Maidstone,3/44 Burns St,3,u,722500,S,Alexkarbon,21/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,31A Carlyle St,2,t,656000,S,Village,21/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,4/42 Eucalyptus Dr,2,u,557000,SP,Biggin,21/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,7/46 Eucalyptus Dr,2,u,370000,PI,Biggin,21/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,26/48 Eucalyptus Dr,2,u,425000,SP,Biggin,21/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,36 Elizabeth St,5,h,3270000,S,Jellis,21/04/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Maribyrnong,12 Primary Pl,3,h,965000,S,Nelson,21/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,401/340 Russell St,2,u,980000,SA,MICM,21/04/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,56 Marina Dr,3,h,400000,S,FN,21/04/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,8 Tern Ct,3,h,,W,Purplebricks,21/04/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,34 Lachlan Rd,3,h,381000,S,Sweeney,21/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,47 Staughton St,3,h,,VB,HAR,21/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,3 Galilee Bvd,3,h,420000,S,Sweeney,21/04/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,8 Pascoe Ct,5,h,,W,Purplebricks,21/04/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,12/60 Beach Rd,2,u,,SP,Buxton,21/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/1 Kilara Rd,2,t,946000,S,Buxton,21/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/30 Riviera St,1,u,290000,VB,Barry,21/04/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,11 Copperhead St,3,h,585000,SP,Stockdale,21/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Coppice St,4,h,630000,S,HAR,21/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,45 Goulburn St,4,h,,PI,HAR,21/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,44 Riordan Cr,3,h,520000,S,Millership,21/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,4 Eucalypt Dr,5,h,1275000,SP,HAR,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Gorman Dr,3,t,502000,SA,Philip,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Hoddle Ct,3,h,778500,S,Millership,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Kiwi Ct,4,h,760000,S,Ray,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/82 Moorhead Dr,3,h,590000,S,HAR,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Patmore Ct,3,h,644000,S,Barry,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,61 Thompson Cct,4,h,665000,S,Barry,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Todman Cl,5,h,750000,SP,Ray,21/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,35 Barkly Tce,4,h,1457000,S,Philip,21/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,108 Brunswick Rd,3,h,1190000,VB,hockingstuart,21/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/55 Percy St,4,t,1140000,S,Barry,21/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/24 Alban St,4,h,920000,PI,Jellis,21/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/145 Sherbourne Rd,2,t,700000,S,Barry,21/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2 Station Rd,3,h,,PI,Buckingham,21/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,1 Corio St,3,t,,SN,Barry,21/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,9 Davies St,2,h,,S,Brad,21/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,33 Eglinton St,4,h,1900000,VB,Jellis,21/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,17 Lethbridge St,3,h,,S,Jellis,21/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Marshall St,3,h,950000,S,Brad,21/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mordialloc,12 Barkly St,3,h,1260000,S,O'Brien,21/04/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,2 Brand St,3,h,1400000,PI,Barry,21/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/20 Huntingtower Cr,3,t,,S,Jellis,21/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/372 Stephensons Rd,3,u,799000,S,Jellis,21/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Waimarie Dr,3,h,1650000,S,Stockdale,21/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,64 Fernbank Cr,3,h,887000,PI,Win,21/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Newport,13/3 Johnston St,2,t,625000,S,Williams,21/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,21 Maddox Rd,4,h,1075000,PI,Greg,21/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,61 Maddox Rd,2,h,875000,SP,Compton,21/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,18 Carrington Rd,2,h,865000,SP,Nelson,21/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,55 Haldane Rd,3,h,,PI,Barry,21/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,121 Hoffmans Rd,3,h,720000,VB,Brad,21/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3/6 Rebecca Pl,3,t,780000,SP,Brad,21/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,22A Ross St,3,t,,PI,Barry,21/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,10 Spring St,3,h,,PI,Barry,21/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,13 Jennings St,3,h,550000,VB,Stockdale,21/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,509/97 Flemington Rd,1,u,300000,VB,Edward,21/04/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,451 Clarke St,2,h,1205000,S,Woodards,21/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6/107 Herbert St,2,t,730000,S,Jellis,21/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,308/332 High St,1,u,440000,S,McGrath,21/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,108 Jenkins St,3,h,1610000,S,McGrath,21/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,5 Edith Av,2,h,1200000,S,hockingstuart,21/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/569 Pascoe Vale Rd,2,u,400000,VB,Brad,21/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/15 Winifred St,2,t,647000,S,Eview,21/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh South,5 Lyndale Ct,4,h,1250000,S,Buxton,21/04/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,37 Riley St,3,h,,PI,Buxton,21/04/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,41 Washington Dr,3,h,800000,PI,Ray,21/04/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,5 Clearwater Dr,4,h,,PI,O'Brien,21/04/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,2/65 Herbert St,3,u,1100000,S,Hodges,21/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/18 Mac Cr,3,u,955000,SP,Buxton,21/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,121 Park Dr,4,h,2245000,S,Nelson,21/04/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,205/459 Royal Pde,1,u,460000,PI,Woodards,21/04/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/64 Cornwall Rd,3,t,640000,S,Barry,21/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/152 Cumberland Rd,2,h,550000,VB,Nelson,21/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/25 Devon Rd,3,t,680000,SP,Pagan,21/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,257 Gaffney St,2,h,845000,S,Nelson,21/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/2 McCracken Av,2,t,540000,VB,Nelson,21/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,36 Prospect St,5,h,1321000,S,Nelson,21/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,28 Durlston St,3,h,639000,S,Ray,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,5 Gallant Rd,4,h,,SP,Reliance,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Holly Dr,4,h,750000,S,MICM,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,29 Hydrangea Dr,4,h,,PN,LJ,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,73 Ladybird Cr,3,h,672000,SP,Point,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,43 Millpond Dr,4,h,,SN,MICM,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Misqa Av,4,h,,PI,MICM,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,27 Turnstone Dr,4,h,,SP,LJ,21/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,205/77 Nott St,2,u,630000,PI,RT,21/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,207/166 Rouse St,2,u,715000,S,RT,21/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,190 Station St,2,h,860000,PI,Marshall,21/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,20 Bidey St,3,h,1250000,VB,Marshall,21/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,61 Murray St,4,h,,SN,Marshall,21/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,29/20 St Edmonds Rd,1,u,472500,S,hockingstuart,21/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Reservoir,10 Alamo Rd,3,h,1003500,S,RW,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/10 Allenby Av,3,u,630000,S,Love,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Callander St,3,h,820000,S,Love,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2A Callander St,3,h,872500,S,Nelson,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/89 Darebin Bvd,3,t,731000,S,Ray,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/19 Fordham Rd,3,u,595000,PI,Barry,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9/1 Griffiths St,2,u,400000,PI,Nelson,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/111 Hickford St,3,t,650000,S,Barry,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2E Kyneton Av,2,t,570000,PI,hockingstuart,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Liston Av,3,h,720000,SA,Stockdale,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Lloyd Av,3,h,735000,SP,Barry,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 MacK St,3,h,690000,S,Ray,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/10 McComas St,2,u,580000,S,Ray,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Nisbett St,3,h,725000,S,Ray,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,60 Seston St,3,u,560000,S,RW,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Summerhill Rd,3,h,705000,PI,Raine,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,48 Whitelaw St,3,h,785000,PI,Ray,21/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,5 Dickens St,2,h,1200000,VB,hockingstuart,21/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36/8 Hull St,3,u,1210000,S,Biggin,21/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,66 Hunter St,3,h,1740000,S,Biggin,21/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Newry St,2,h,,S,Jellis,21/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Wells St,3,t,1260000,S,Biggin,21/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,114/45 York St,2,u,590000,PI,Biggin,21/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3 Henry St,2,h,,SP,Fletchers,21/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 Nestan Dr,3,h,800000,PI,Barry,21/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,34 Oban Rd,4,h,845000,S,Jellis,21/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,121 Wantirna Rd,3,h,820000,SA,Philip,21/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,95 Patterson St,2,h,,VB,Noel,21/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2 Rex Ct,4,h,,SS,Philip,21/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,5 Gillard Pl,4,h,,PI,LJ,21/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,54 Jull Pde,4,h,930000,SP,Noel,21/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,4 Mercedes Ct,4,h,1120000,VB,Miles,21/04/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,15 Strasbourg Rd,3,h,1450000,S,Miles,21/04/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,18 Garland Ri,4,h,1020000,S,RW,21/04/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,1 Gilda Ct,4,h,,PI,Jellis,21/04/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,7 Chesterville Ct,4,h,,SN,Raine,21/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,17 Colchester Cct,3,h,590000,S,Raine,21/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,31 Kennedy Pde,3,h,463500,S,HAR,21/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,5 Collingwood St,3,h,2216000,S,Buxton,21/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,17 Collendina Cr,3,h,805500,S,Barry,21/04/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seabrook,131 Seabrook Bvd,3,h,675000,PI,hockingstuart,21/04/2018,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,1A Grant Av,3,t,520000,VB,Hodges,21/04/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,13 Neville Av,2,h,525000,VB,Hodges,21/04/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,27 Browning St,3,h,,SN,hockingstuart,21/04/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,8 Hamilton St,4,h,930000,PI,Sweeney,21/04/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,90 Greene St,2,h,700100,S,RW,21/04/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,1/16 Saltley St,3,t,820000,PI,Jas,21/04/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,603/28 Bank St,2,u,655000,S,Greg,21/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,146 Cobden St,3,h,,PN,RT,21/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,5 Beringarra St,5,h,,PI,HAR,21/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Koonunga Cr,3,h,616000,S,HAR,21/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,42A Lamour Av,3,h,558000,S,Stockdale,21/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,28 Nighthawk Bvd,4,h,895000,S,Millership,21/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,204/2 Cromwell Rd,2,u,,SS,Marshall,21/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/61 Darling St,2,u,775000,PI,Jellis,21/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,4 Forrest St,5,h,1545000,S,Biggin,21/04/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,62 Helen St,4,h,690000,S,YPA,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,22 Luxford St,3,h,,PI,Barry,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,40D Millawa Av,3,t,495000,S,Sweeney,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/7 Power St,3,t,,SP,hockingstuart,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,5 Vule St,4,h,612000,SP,Ray,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,164 William St,4,h,,SN,Ray,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Woods St,3,h,,W,Sweeney,21/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,16/12 Acland St,2,u,,PI,McGrath,21/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/50 Dalgety St,1,u,631000,S,hockingstuart,21/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,8 Balmoral Av,4,h,1500000,VB,Nelson,21/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,55 Lebanon St,5,h,1350000,PI,Nelson,21/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,64 Strathnaver Av,4,h,1200000,S,Considine,21/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,37 Davenport Dr,3,h,593000,S,One,21/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,8 Hasluck Ct,5,h,780000,SP,YPA,21/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,8 Keeper St,3,h,,SP,Raine,21/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Strathearn Dr,4,h,,VB,L,21/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,413 Ballarat Rd,4,h,900000,S,HAR,21/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,4 Nixon St,3,h,600000,VB,FN,21/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13 Thyra St,3,h,730000,S,Barry,21/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,22 Union St,3,h,747000,S,Barry,21/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2 Buckley Av,3,h,666000,S,Douglas,21/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,15 Cutts St,4,h,630000,PI,Barry,21/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,24 Eastcote St,3,h,665000,PI,Bells,21/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,9 Ruth St,3,h,780000,S,Bells,21/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,12 Armstrong St,3,h,790000,S,Douglas,21/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,89 Mayne St,3,h,630000,VB,Barry,21/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,24 Valentine Cr,3,h,650000,S,RW,21/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4/27 Albert Cr,2,u,883000,S,Garvey,21/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/3 Durham Rd,2,u,675000,VB,Noel,21/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8/355 Elgar Rd,2,u,508000,S,Fletchers,21/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,244 Union Rd,3,h,1480000,S,Marshall,21/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,25 Wharton St,3,h,,S,Jellis,21/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2 Mountbatten Wy,3,h,515000,S,Prof.,21/04/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,11 Discovery Dr,4,h,621500,S,hockingstuart,21/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,96 Stanhope Rd,4,h,,PN,Sahara,21/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,46 Parmelia Dr,3,h,725000,S,YPA,21/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,5 Strzelecki Ct,4,h,1050000,S,Barry,21/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,7 Wakatipu Ct,4,h,695000,SP,Barry,21/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,34 Whiteley Pde,4,h,915000,PI,Brad,21/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,4 Cottswold Ri,5,h,,SA,Philip,21/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,12 Louisa Pl,4,h,1210000,S,Woodards,21/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,352 High St,4,h,,SP,Jellis,21/04/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3 Mahoney St,4,h,1150000,S,HAR,21/04/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,35 Arndell St,3,h,772000,S,Love,21/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,8 Venus Ct,3,h,610000,SP,Love,21/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,10 Wattle St,3,h,730000,S,Love,21/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,9 Taylor St,4,h,1400250,S,Nelson,21/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,6/8 Lambert Rd,2,u,430000,SP,Rodney,21/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,20/512 Toorak Rd,3,u,,S,RT,21/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,1/16 Banksia Gr,3,t,595000,S,Considine,21/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,16 Columbia Cl,3,h,750000,S,YPA,21/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2a Dalkeith Av,3,h,700000,S,Ray,21/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,44 Wildwood Av,3,h,,PN,Harcourts,21/04/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,35 Bannockburn Rd,4,h,940000,VB,Miles,21/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9/101 Martins La,3,t,695000,S,Buckingham,21/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,16 Rockaway Dr,3,h,1070000,VB,Miles,21/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,103 Rutherford Rd,4,h,560000,PI,Fletchers,21/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,1/14 Boronia Av,3,u,415000,SP,LJ,21/04/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,2/31 Shetland Dr,3,t,,PI,Prof.,21/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1 Freshwater Cr,4,h,1580000,S,Harcourts,21/04/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,30 Boger Rd,4,h,860000,S,Barry,21/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,14 Gayle St,3,h,790000,S,Barry,21/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,3/5 Tennyson St,3,t,,PI,Buckingham,21/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,4 Balfour Cl,3,h,750000,SA,Barry,21/04/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,35 Byrne Cr,3,h,680000,S,Ray,21/04/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,37 Byrne Cr,4,h,,PI,Ray,21/04/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,1 Latrobe Ct,4,h,517000,S,Barry,21/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,146 Shaws Rd,3,h,395000,S,hockingstuart,21/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,30 Songlark Cr,3,h,460000,SP,PRDNationwide,21/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/3 Swallow St,2,u,377500,S,Barry,21/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,54 Clive St,5,h,1046000,PI,hockingstuart,21/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,312 Geelong Rd,3,h,800000,PI,Burnham,21/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,28 Gwelo St,2,h,857000,S,RW,21/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,33 Wattle St,2,h,1171000,SP,Sweeney,21/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,4/231 Roden St,2,t,,PI,Edward,21/04/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,1/63 Rosslyn St,3,h,,SP,Jellis,21/04/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,8 Douglas Ct,5,h,730000,PI,YPA,21/04/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,10 Jodi Av,3,h,920000,PI,Harcourts,21/04/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,155A Cecil St,3,h,1215000,SP,Raine,21/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,16 College St,3,h,1050000,S,Raine,21/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,20 Florence St,3,h,1300000,SP,Hunter,21/04/2018,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,33 Henry St,2,h,,SP,Marshall,21/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,5 Glisson St,3,h,500000,SP,Barry,21/04/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,23 Garvan St,4,h,,PI,YPA,21/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,99 Honour Av,3,h,511000,S,YPA,21/04/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,77 Ballarat St,2,h,1215000,S,hockingstuart,21/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,126 Francis St,3,h,890000,PI,Jas,21/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7/86 Pentland Pde,2,u,512000,SP,Village,21/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,10a Watt St,4,h,925000,VB,Barry,21/07/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,66 Barrett St,4,h,2305000,S,Greg,21/07/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,18 Page St,3,h,2740000,S,Greg,21/07/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona North,16 Allan St,5,h,,PI,Greg,21/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/8 Mitchell Av,3,t,685000,S,Barry,21/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,1/102 Maxweld St,3,u,500000,VB,Barry,21/07/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,10/71 Denbigh Rd,3,u,950000,PI,hockingstuart,21/07/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,17A Ferguson St,3,h,1002000,S,Brad,21/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,9 Geddes St,2,h,830000,VB,Nelson,21/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/6 Crete Av,3,h,,SN,Tim,21/07/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,45 Fakenham Rd,3,h,1750000,S,Marshall,21/07/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/211 Huntingdale Rd,2,u,,PI,Harcourts,21/07/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,7b Lawrence Av,4,t,1280000,S,Jellis,21/07/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,17/5 McIntosh Ct,2,u,611000,S,Thomson,21/07/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,10 Doyle St,3,h,680000,VB,Nelson,21/07/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,9 Sovereign Wy,3,h,835000,SP,Moonee,21/07/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,4/60 Sycamore Gr,2,u,625000,S,Buxton,21/07/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1/55 Yarrbat Av,3,u,,SN,Biggin,21/07/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,52 Hedderwick St,4,h,1480000,VB,Jellis,21/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,13 Marraroo Cl,3,h,,S,JRW,21/07/2018,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,1/21 Bonanza Rd,2,u,,VB,Hodges,21/07/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,17 Spicer St,3,h,1451000,S,Barry,21/07/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,87 London St,4,t,,S,Jellis,21/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,30 Abbin Av,3,h,1100000,VB,hockingstuart,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,86 Castlewood St,3,h,1160000,S,C21,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Curdies St,4,h,,VB,Jellis,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Geer Ct,3,h,1415000,S,Hodges,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Hopetoun Ct,3,h,1235000,S,Jellis,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/52 Moylan St,2,u,910000,S,Buxton,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,22 Neil Ct,3,h,1120000,VB,Woodards,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Noora Av,3,h,980000,VB,Woodards,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,90 Paloma St,3,h,1058888,S,Jellis,21/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,129 Mansfield St,4,h,720000,VB,Barry,21/07/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/27 Fourth St,2,u,805000,PI,Buxton,21/07/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,41 Seaview Cr,2,h,1210000,PI,Hodges,21/07/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/12 Cootamundra Cr,3,u,945000,S,Fletchers,21/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1 Lulworth St,4,h,,PI,Noel,21/07/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Boronia,71 Gertonia Av,3,h,820000,SP,hockingstuart,21/07/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,75 Kanooka Rd,5,h,,VB,Ray,21/07/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,27 Moncoe St,3,h,,PI,Barry,21/07/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,4/3 Wellington Rd,2,u,,SP,Noel,21/07/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,8 Butler St,3,h,750000,S,Burnham,21/07/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,26 Boyce Av,3,h,790000,VB,Jellis,21/07/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,10 Parklands Av,3,h,1247500,S,Jellis,21/07/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,2 Toorac Dr,4,h,750000,PI,Barry,21/07/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,5/103 Dendy St,2,u,1000000,S,Buxton,21/07/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,8a Thomas St,4,t,1780000,S,Gary,21/07/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,40 Blair St,3,h,550000,SP,YPA,21/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/12 Ernest St,2,h,,PI,YPA,21/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/3 Housden St,3,t,531000,S,@Realty,21/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,151 Albion St,2,h,,VB,Jellis,21/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,106/9 Florence St,2,u,750000,SP,Jellis,21/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/31 Garnet St,2,u,,PN,Jellis,21/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,13A Holloway Rd,2,h,925000,SP,Jellis,21/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/2 West St,1,u,,W,Ray,21/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,80 Barkly St,3,h,1070000,SA,Jellis,21/07/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,16 Ryan St,3,h,1382000,S,Nelson,21/07/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,2 Ferry Cr,4,h,1950000,S,Nelson,21/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,12 Avon St,5,h,1525000,PI,Barry,21/07/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,47 Lilian St,3,h,,SP,Bekdon,21/07/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,14 Alma Rd,4,h,890000,S,Barry,21/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Carmyle Ct,4,h,722000,S,Barry,21/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,38 Lynch Av,5,h,,PI,Ray,21/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2/27 McLeans Rd,2,u,657500,S,Nelson,21/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,28 Moreton Cr,3,h,728000,PI,Barry,21/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,36 Sanctuary Dr,3,h,,SN,The,21/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,2 Harrison Ct,4,h,870000,S,YPA,21/07/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,7 Beddows St,3,h,1108000,S,Ray,21/07/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,357 Burwood Hwy,6,h,2450000,S,Buxton,21/07/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,449 Highbury Rd,3,h,,VB,Jellis,21/07/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,11 Kipling Ct,3,h,810000,S,Harcourts,21/07/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,36 Ruby St,3,h,,VB,Ray,21/07/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,8A Weber Cr,4,t,1050000,PI,Jellis,21/07/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,141 Fordham Av,4,h,,VB,hockingstuart,21/07/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,2/34 Faversham Rd,3,u,,SP,Jellis,21/07/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carnegie,57A Oakleigh Rd,3,h,,PI,Jellis,21/07/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,23 Odonnell Dr,3,h,615000,SP,Barry,21/07/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield North,6 Arthur St,2,h,1105000,S,Gary,21/07/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,89 Kambrook Rd,4,h,1250000,PI,Jellis,21/07/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,4/137 Booran Rd,3,t,1010000,S,hockingstuart,21/07/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,14 Lucas St,3,h,1532500,S,hockingstuart,21/07/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,22 Helen Rd,4,h,,PI,Jellis,21/07/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,39 Jindabyne Av,3,h,1000000,PI,McGrath,21/07/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,21 Platina Pl,4,h,935000,S,Ray,21/07/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Clarinda,8 Borela Ct,3,h,805000,S,C21,21/07/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,17 Dalbeattie Dr,5,h,900000,S,C21,21/07/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,1 Larado Pl,3,h,720000,SP,Ray,21/07/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/39 Main Rd,3,t,705000,S,Ray,21/07/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,19 Alice St,2,h,,SP,Nelson,21/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/44 Berry St,2,t,808000,S,Barry,21/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/195 Gordon St,2,t,570000,PI,Walshe,21/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,80 Saunders St,4,h,1400000,SP,Raine,21/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,630 Sydney Rd,3,h,830000,PI,Nelson,21/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,6 Ballarat St,2,h,,S,Nelson,21/07/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,208/132 Smith St,1,u,540000,SP,Nelson,21/07/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,3 Belfry Pl,4,h,870000,SP,RE,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Bellfield Dr,3,h,,PI,New,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,68 Bridgewater Rd,4,h,601000,SP,Stockdale,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,91 Charteris Dr,3,h,484000,S,Ray,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5/8 Moresby Ct,2,h,375000,SP,Raine,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,152 Newbury Bvd,3,h,552000,S,Ray,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Strident Rd,4,h,660000,S,LJ,21/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon South,16 Mulduri Cr,3,h,805000,S,McGrath,21/07/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,9 Woody Lk,3,h,725000,S,Jellis,21/07/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,18 Doy St,3,h,,PI,Ray,21/07/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,24 Herbert St,4,h,620500,S,hockingstuart,21/07/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,2 Koroit Av,3,h,470000,S,HAR,21/07/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,16 Birdwood Av,3,h,,VB,McLennan,21/07/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Delahey,8 Wilmot Dr,3,h,,SN,Calder,21/07/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,38 Albert Pl,3,u,729000,S,Buxton,21/07/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Don Valley,1490 Don Rd,3,h,441000,S,Fletchers,21/07/2018,3139,Northern Victoria,228,35.2,Yarra Ranges Shire Council +Doncaster,2/731 Elgar Rd,2,t,690000,PI,Parkes,21/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,6 Crellin St,3,h,,PI,Purplebricks,21/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/11 Franklin Rd,2,u,735000,S,Barry,21/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Turnstone St,3,t,,PI,Philip,21/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,26 Glika St,3,h,,PI,Philip,21/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,14 Jolen Ct,5,h,1385000,PI,Barry,21/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/18 Roy St,3,h,,SN,Ray,21/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,36 Breenview Pl,4,h,630000,S,Morrison,21/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,15/37 George St,1,u,,SP,Caine,21/07/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,91 Kinross Av,3,h,,SP,Buxton,21/07/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,4/21 Elm Av,2,u,825000,SP,Biggin,21/07/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,6 Kimberley Cl,4,h,,SP,Jellis,21/07/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,19 Progress Rd,5,h,1250000,VB,Jellis,21/07/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,5/38 Kingsley St,2,u,450000,PI,Walsh,21/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/46 Ormond Esp,1,u,370000,PI,Buxton,21/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,25B Thackeray St,3,h,,PN,Chisholm,21/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,13 Heatherglade Ri,4,h,687500,S,hockingstuart,21/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,781 High St,4,h,,PI,HAR,21/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,53/1 Jarama Bvd,1,u,287000,SP,HAR,21/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,330 Oherns Rd,3,h,670000,S,Stockdale,21/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Yeadon Ct,4,h,568000,S,Ray,21/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Zimmer Ct,3,h,602500,S,hockingstuart,21/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,108 Hedderwick St,5,h,2550000,S,Frank,21/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/91 Lincoln Rd,1,u,392500,S,Brad,21/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/15 Shaftesbury St,1,u,,W,Pagan,21/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,5 Kerferd St,3,h,1210000,S,Frank,21/07/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,23 Boston St,4,h,742000,S,Ray,21/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,8 Minona St,4,h,700000,S,Walshe,21/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,35 Queens Pde,3,h,775000,PI,Ray,21/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,57 William St,3,h,751000,S,Ray,21/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2/48 Adele Av,3,t,650000,S,Ray,21/07/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,1/34 Hutton Av,3,u,595000,S,iTRAK,21/07/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,23 Renwick Rd,4,h,773800,SP,Ray,21/07/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,457 Gore St,2,h,,SN,Thomas,21/07/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,1/272 Barkly St,2,u,785000,S,Nelson,21/07/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,39 Beaurepaire Pde,3,h,820000,S,Jas,21/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/129 Hyde St,1,u,321000,SP,Greg,21/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,9 Hansen St,3,h,1000000,VB,Fletchers,21/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston North,43 Silvertop Cr,2,h,,VB,Ray,21/07/2018,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,5 Keast St,2,h,,SS,hockingstuart,21/07/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,7 Galway Gr,4,h,650000,S,Barry,21/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,2/9 Somerset Rd,3,t,,W,Jellis,21/07/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,15 Ballara Av,3,h,1111500,S,Greg,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/4 Durward Av,3,u,,SN,Barry,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Ealing Ct,4,h,1170000,S,Harcourts,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/5 Florence St,3,t,1200000,VB,Barry,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,638 Highbury Rd,5,h,1900000,PI,Barry,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Landen Av,4,h,1231000,S,Harcourts,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,23 Winmalee Dr,3,h,1190000,S,Barry,21/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,40 Beatty Av,3,h,720000,S,Stockdale,21/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Churchill St,3,h,785000,S,Barry,21/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Glenroy Rd,3,h,730000,PI,Barry,21/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/44 Leonard Av,4,t,732000,S,RW,21/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10 Moonee Bvd,4,h,645000,S,A,21/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,99 Gowanbrae Dr,3,h,700000,SP,Nelson,21/07/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,4 Hamish Ct,4,h,850000,VB,Nelson,21/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,23 Tangari Ct,4,h,725000,SP,FN,21/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Vermont Pde,2,h,560000,PI,Darren,21/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,40 Horizon Bvd,5,h,760000,SP,RW,21/07/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,1/69 Crisp St,4,h,1650000,VB,hockingstuart,21/07/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/21 Leonard St,3,t,1279000,PI,Purplebricks,21/07/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn East,2/7 Clifton Rd,2,h,750000,VB,Noel,21/07/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,8A Tudor Ct,3,h,765000,SP,Barry,21/07/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,129 Waiora Rd,3,h,,PI,HAR,21/07/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,201 Oriel Rd,2,h,776000,S,Nelson,21/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,39 Donald St,3,h,1400000,S,Ray,21/07/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,13 Mathisen Tce,3,h,,PI,Barry,21/07/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,1/16 Bottlebrush Dr,3,h,,PI,Greg,21/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1/12 Moorillah St,3,h,,PI,hockingstuart,21/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,4/264 Huntingdale Rd,2,u,,PN,Greg,21/07/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Keilor,2 Kiewa Cr,4,h,695000,PI,Brad,21/07/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,3/20 Neville St,2,h,548000,S,Nelson,21/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Sterling Dr,3,h,701000,S,Barry,21/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,28 Pridham St,5,h,,SP,Jellis,21/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2 Bright St,4,h,,SP,Nelson,21/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/91 Earl St,4,t,1300000,VB,hockingstuart,21/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,9 Lowell Dr,4,h,,PI,Barry,21/07/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,7 Tinarra Ct,4,h,,SN,LLC,21/07/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Lalor,6 Boston Rd,4,h,,PI,Ray,21/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,20 Tramoo St,5,h,663000,S,HAR,21/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Winston St,3,h,,PI,HAR,21/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Macleod,1/24 Edward St,2,u,679000,S,Darren,21/07/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,11d Deakin St,2,u,500000,VB,Ray,21/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,7 Laurel Ct,3,h,,PI,Biggin,21/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,12/11 Johnstone St,1,u,404600,S,Galldon,21/07/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,5/1207 Dandenong Rd,1,u,380000,S,Jellis,21/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5/6 Tollington Av,2,u,720000,PI,Jellis,21/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,483 Waverley Rd,3,h,1260000,S,Jellis,21/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,8 Murrumbidgee St,5,h,,PI,Black,21/07/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,21 Alameda Av,2,h,1069000,S,Nelson,21/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,12/9 Fabian Ct,2,u,510000,PI,LITTLE,21/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/30 La Scala Av,2,u,,PI,Biggin,21/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,6/13 Elm Gr,2,u,,PI,Ray,21/07/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Mentone,4/82 Collins St,2,t,850000,S,Buxton,21/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,15 Brendan St,4,h,,W,Millership,21/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,7 Dalziel Dr,3,t,490000,S,HAR,21/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,7 Dogwood Wy,3,h,480000,PI,Morrison,21/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Parkwood Rd,4,h,781000,S,RW,21/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,19 Shearwater Pl,4,h,777000,S,HAR,21/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,8 Wildflower Gr,4,h,620000,PI,Stockdale,21/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,20 Lamina Av,4,h,592500,S,HAR,21/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Stradella Cl,3,h,676750,S,HAR,21/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,20 Woolnough Dr,4,h,,S,Barry,21/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,3 Newbury St,3,h,812500,SP,Philip,21/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,4/18 Wolseley Cl,2,u,660000,S,Jellis,21/07/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,2/11 Hughes St,2,h,,SP,Buckingham,21/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/8 Wattle Av,4,t,1320000,S,Buckingham,21/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,2 Hopetoun St,3,h,880000,VB,Nelson,21/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Hopetoun St,3,h,920000,SP,Nelson,21/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mordialloc,18/114 Warren Rd,3,t,700000,S,Ray,21/07/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11a Avondale Gr,5,t,,PI,Biggin,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Briggs St,5,h,,PI,Harcourts,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Emma Ct,5,h,1587000,S,Buxton,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,93 Essex Rd,5,h,1850500,S,Harcourts,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,36 Hillview Av,4,h,1285000,S,hockingstuart,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,30 Munro Av,4,h,,W,Property,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,38 Pascall St,4,h,,W,LLC,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Sadie St,3,h,1025000,SP,Jellis,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/26 Winbourne Rd,3,u,1315000,S,Jellis,21/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,15 Cicada Ct,3,h,850000,S,Win,21/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/43 Highfield Av,3,u,,PI,Ray,21/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,42 Huxley Av,3,h,782000,S,Nelson,21/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,21 Vincent St,4,h,923000,S,Ray,21/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,51 Wilma Av,4,h,945000,S,Win,21/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,125A Murrumbeena Rd,3,h,1300000,S,Jellis,21/07/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,32A Challis St,3,h,890000,SP,Williams,21/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,33 Derwent St,3,h,905000,SP,Williams,21/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4 Oxford St,3,h,,S,Williams,21/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,71 Speight St,3,h,,SN,RT,21/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,36 Newman St,3,h,1060000,PI,Moonee,21/07/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,241 Chandler Rd,3,h,,W,We,21/07/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,2 Leveson St,3,h,1610000,PI,Jellis,21/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,18 Barry St,3,h,,SP,Nelson,21/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/10 Langwells Pde,3,t,1100000,SP,McGrath,21/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Tanner Gr,2,h,1320000,PI,Nelson,21/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,4/29 Margaret St,2,u,596000,SP,Peter,21/07/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,20 Victoria St,3,h,810000,PI,A,21/07/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh South,20 Joyce Av,3,h,1050000,PI,Buxton,21/07/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Officer,20 Lexington Cr,2,h,,W,O'Brien,21/07/2018,3809,Eastern Victoria,2768,43.3,Cardinia Shire Council +Parkville,10/517 Royal Pde,3,t,890000,S,Collins,21/07/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,237 Derby St,3,h,530000,PI,Barry,21/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/33 Sylvan Gr,3,h,700000,PI,Barry,21/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,5 Dorrington St,4,h,,SN,LJ,21/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,99 Jamieson Wy,4,h,670000,PI,Point,21/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,16 Vicky Ct,3,h,575000,S,hockingstuart,21/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,157 Cruikshank St,4,h,,S,Marshall,21/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5/120 Princes St,2,u,885000,S,RT,21/07/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Preston,2/10 Ada St,2,t,788000,S,Nelson,21/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8/4 Austral Av,2,t,600000,PI,Ray,21/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11a Enfield Av,4,t,950000,SP,McGrath,21/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8/93 High St,2,u,480000,PI,Hodges,21/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,31 Aberdeen St,3,h,850000,PI,Nelson,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Arundel Av,3,h,688000,S,Ray,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,62 Banbury Rd,3,h,690000,S,Love,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,48 Cuthbert Rd,5,h,935000,S,Ray,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Dundee St,2,h,745000,S,Ray,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Hickford St,3,h,852500,PI,RW,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/943 High St,2,u,,SN,Barry,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Nocton St,4,h,1049000,S,RW,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/79 Southernhay St,2,h,,PN,Haughton,21/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,9/50 Burnley St,1,u,300000,VB,hockingstuart,21/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/297 Church St,2,u,637500,S,hockingstuart,21/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/7 Docker St,1,u,426000,S,Biggin,21/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,36 Laity St,2,h,920000,PI,hockingstuart,21/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,212/381 Punt Rd,2,u,,PI,Biggin,21/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/63 Wantirna Rd,3,h,701500,S,Jellis,21/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/128 Wonga Rd,3,u,670000,VB,Barry,21/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,17B Gracedale Av,3,h,855000,S,Barry,21/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,17 Shasta Av,3,h,850000,S,Philip,21/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rowville,110 Bridgewater Wy,3,h,,S,Ray,21/07/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,48 Ellendale St,5,h,,VB,Ray,21/07/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,10 Hindmarsh St,3,h,631500,S,Ray,21/07/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,77 Rossiter Av,3,h,385000,S,Raine,21/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,32 Park Av,4,h,2025000,S,Hodges,21/07/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,21 Northcote St,3,h,881500,S,Buxton,21/07/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Morang,15 Jardier Tce,4,h,,S,Barry,21/07/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,79 Thomas St,6,h,,PI,HAR,21/07/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,75 Osborne St,4,h,2300000,VB,Noel,21/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1604/3 Yarra St,1,u,,SP,LITTLE,21/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,702/63 Whiteman St,3,u,745000,S,MICM,21/07/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,12 Kernot St,3,h,900000,S,Greg,21/07/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,33 Kemp St,3,h,800000,VB,iSell,21/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,1/52 Stephenson St,3,u,600000,VB,iSell,21/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,6 Firman St,3,h,,W,LJ,21/07/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Kilda,30/64 Fitzroy St,2,u,832000,S,Greg,21/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/4 Princes St,3,h,1155000,S,Buxton,21/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/17 Robe St,2,u,600000,VB,Dingle,21/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,27/62 Wellington St,1,u,452000,S,Buxton,21/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,3/165 Mascoma St,2,u,730000,S,Nelson,21/07/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,95 Fraser St,3,h,690000,PI,Douglas,21/07/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,1/52 Dunkeld Av,3,h,520000,S,Douglas,21/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,1 Killeen St,3,h,645000,S,Barry,21/07/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Link Rd,3,t,601500,S,Barry,21/07/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Marcia St,3,h,620000,VB,Barry,21/07/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,5/36 Florence Rd,2,u,730000,S,Jellis,21/07/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/136 Windsor Cr,2,u,,SP,Woodards,21/07/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,52 George St,5,h,1025000,PI,Raine,21/07/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,5 Latrobe Tce,4,h,605000,S,Raine,21/07/2018,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe Lower,9 Eric Av,4,h,,SN,Barry,21/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,41 Brock St,3,h,645500,S,HAR,21/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,20 Central Av,3,h,,PI,HAR,21/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/16 Larch St,3,u,540000,S,HAR,21/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/64 Waratah St,2,u,420000,S,Bombay,21/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/149 Ballantyne St,2,t,935000,SP,Love,21/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,42 Gooch St,3,h,972000,S,Nelson,21/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/15 Rennie St,1,u,325000,S,Jamie,21/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,388a Station St,2,t,795000,S,McGrath,21/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2/7 Verdant Av,3,t,1230000,PI,Marshall,21/07/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/8 Warwick Pl,3,h,680000,S,RW,21/07/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Wantirna,2 Fortescue Ct,3,h,,W,OBrien,21/07/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,29 Jenola Pde,5,h,1215000,SA,Philip,21/07/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,15 Paul Av,3,h,850000,S,Prof.,21/07/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,4/285 Greensborough Rd,2,u,475000,S,Darren,21/07/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,2/17 Filippin Ct,3,u,571000,S,Ray,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Kiewa Ct,4,h,,PI,Barry,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,12 Parrakeet Rd,4,h,,S,hockingstuart,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,27 Rainsford St,3,h,485000,SA,Ray,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/6 Salisbury St,3,h,585000,S,Ray,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,42 Taworri Cr,3,h,420000,S,Barry,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Yankos Dr,5,h,920000,VB,Ray,21/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3 Hope St,4,h,1485000,S,hockingstuart,21/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,3/84 Hillcrest Dr,3,t,575000,SP,Barry,21/07/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,274 Lum Rd,3,h,880000,PI,hockingstuart,21/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Orduna Pl,3,h,926000,SP,Harcourts,21/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,11/8 The Strand,2,u,970000,S,Raine,21/07/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,4/27 Newry St,2,u,585000,SA,Abercromby's,21/07/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,18 Karong Dr,3,h,505000,S,hockingstuart,21/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,10 Whitehaven St,3,h,392500,S,YPA,21/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarra Glen,4 Miriam Dr,3,h,590000,VB,Ray,21/07/2018,3775,Northern Victoria,1160,31.4,Yarra Ranges Shire Council +Yarraville,70 Severn St,3,h,1291000,S,Village,21/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,200 Vere St,3,h,1540000,S,Nelson,21/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Aberfeldie St,4,h,2600000,S,Nelson,21/10/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,48 Fawkner St,4,h,1905000,SP,Brad,21/10/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,25 Glenys Av,3,h,730000,S,Barry,21/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,110 Halsey Rd,3,h,880000,PI,Nelson,21/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/82 McIntosh St,2,t,641000,S,Barry,21/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,38 North St,3,h,886000,S,Barry,21/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,108 Victory Rd,3,h,926000,S,Nelson,21/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,16 Reed St,4,h,4110000,S,Marshall,21/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,5 Norwood St,3,h,715000,S,Sweeney,21/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,21 Westwood Wy,3,h,725000,S,Douglas,21/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,44 Yarralea St,4,h,1757000,S,Jellis,21/10/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,1/231 Queen St,3,h,1175000,S,Barlow,21/10/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,24 Elystan Rd,4,h,417000,S,Barry,21/10/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,29 Fell Ct,4,h,600000,S,MICM,21/10/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,3 Hopkins Ct,4,h,800000,S,Barlow,21/10/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Armadale,6 Clarendon St,3,h,1961000,S,Marshall,21/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3 Hume St,3,h,,SP,Jellis,21/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/39 Kooyong Rd,2,t,770000,VB,Jellis,21/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,5/27 Harold St,2,u,515000,S,Nelson,21/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,70 Ormond Rd,2,h,842000,S,Brad,21/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,29 Queens Av,4,h,1700000,S,Nelson,21/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4/9 Sandown Rd,3,t,675000,VB,Alexkarbon,21/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,62 Alamein Av,5,h,,VB,Buxton,21/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,4/23 Ashburn Gr,2,u,690500,S,Tim,21/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,26 Vannam Dr,4,h,,PI,Fletchers,21/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,15B Ruvina St,3,t,,PI,hockingstuart,21/10/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,31 Stonebridge Wy,4,h,941000,S,Barry,21/10/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,41 Montpellier Dr,3,h,900000,S,Moonee,21/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,55 Ridge Dr,5,h,,S,Barry,21/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,252 Belmore Rd,4,t,,PI,RT,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Carronshore Cl,3,h,3300000,VB,Marshall,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,105 Gordon St,4,h,2600000,PI,Noel,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,12 Jersey St,5,h,,S,RW,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8/35 Weir St,2,u,731000,S,Noel,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/4 Westminster St,2,u,776000,S,Jellis,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Yarrbat Av,5,h,3350000,S,Fletchers,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,84 Yerrin St,3,h,,PI,Buxton,21/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,12 Aylmer St,3,h,1846000,S,Fletchers,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,438 Balwyn Rd,3,h,1530000,S,RT,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Carnell Pl,3,h,1100000,PI,Ray,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,53 Ellsa St,3,h,2350000,PI,Fletchers,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,30 Illawarra Rd,3,h,,S,Marshall,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Kawarren St,4,h,,S,hockingstuart,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Lawson St,2,h,1754000,S,Marshall,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,19 Singleton Rd,4,h,,S,Jellis,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/138 Winfield Rd,3,t,1225000,PI,hockingstuart,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Winfield Rd,4,h,,VB,Fletchers,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,92 Winfield Rd,3,h,1300000,VB,Fletchers,21/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Greenglade Ct,3,h,831000,S,Ray,21/10/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,23 Ozone Rd,4,h,916500,S,Win,21/10/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,4 Fernhill La,4,h,1050200,S,Hoskins,21/10/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,11 Banksia Av,4,h,2070000,S,Ray,21/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,37 Deauville St,4,h,2260000,S,Marshall,21/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Ruxton Ri,4,h,1200000,S,Buxton,21/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11 Wellington Av,3,h,1840000,S,Buxton,21/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/32 Brewer Rd,2,u,623500,S,Buxton,21/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Paschal St,4,h,1560000,S,Buxton,21/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,248 Patterson Rd,4,t,1250000,PI,Buxton,21/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/561 South Rd,2,u,604000,S,Jellis,21/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/39 Whitmuir Rd,3,t,1075000,S,Nick,21/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,5 Garden Rd,6,h,1940000,PI,Buxton,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Greenview Ct,5,h,2055000,S,Buxton,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,76a Moylan St,4,t,1500000,VB,Gary,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Murrong Av,3,h,1650000,S,Woodards,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9A Purtell St,4,t,1285000,S,Jellis,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Richard St,4,h,1420000,S,Jellis,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,39 Tambet St,3,h,950000,SP,Buxton,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,85 Tudor St,3,h,1200000,VB,Buxton,21/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,4 Maltby Ct,4,h,,W,Barry,21/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,23 Sharpe Ct,3,h,556500,S,C21,21/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/8 McGregor Av,3,t,1301000,S,Buxton,21/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1/6 Sergeant St,3,t,,PI,Barry,21/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,6 The Ridge,4,h,1300000,VB,Justin,21/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,5 Merle St,3,h,1335000,S,Jellis,21/10/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,7 Agnew St,3,h,1340000,S,Fletchers,21/10/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,19 Illowra Wk,3,t,,S,Noel,21/10/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,44 Ilma Gr,3,h,917500,S,hockingstuart/hockingstuart,21/10/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,39 Court St,5,h,1941000,S,Lindellas,21/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,10 Patricia St,2,h,1435000,S,hockingstuart,21/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,10/24 Rose St,2,u,695000,S,Fletchers,21/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,11 Victoria St,4,h,1782500,S,Fletchers,21/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/8 Dedrick Gr,3,h,655000,SP,HAR,21/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,5 Howell Pl,3,h,771000,SP,Barry,21/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,17 Kenross Ct,3,h,785000,S,RW,21/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,3/2 Rose St,3,t,682000,S,Barry,21/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,51 South Rd,3,h,780000,S,Burnham,21/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,69 Karingal Dr,3,h,700000,VB,Jellis,21/10/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,8 Berwick St,4,h,2451000,S,Marshall,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/4 Dudley St,3,u,,SP,Nick,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/4 Dudley St,3,u,,PN,Nick,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,58 Elwood St,5,h,,SP,Marshall,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1A Laburnum Ct,3,t,1900000,VB,Buxton,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,202/116 Martin St,1,u,525000,S,Jellis,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/109 Roslyn St,3,t,1500000,S,Nick,21/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,10 Mayrose Cr,4,h,2103000,S,RT,21/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,130 Thomas St,3,h,1600000,VB,Gary,21/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brookfield,10 Prahn Ct,4,h,538000,S,Raine,21/10/2017,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,11 Conifer Av,4,h,,S,Jas,21/10/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,2/168 Barkly St,2,h,1004000,S,Nelson,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/68 De Carle St,2,u,603000,S,Jellis,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/128 Donald St,2,u,450000,VB,Jellis,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Downs St,5,h,1530000,S,Nelson,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,16 George St,2,h,,S,Nelson,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2 Lillian St,3,h,820000,PI,Walshe,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Mountfield St,3,h,1255000,PI,Jellis,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,53 Stewart St,2,h,1075000,VB,Jellis,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,145 Weston St,3,h,,PI,Ray,21/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,122 Barkly St,3,h,1326000,S,Collins,21/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,301/22 Barkly St,1,u,407000,S,Alexkarbon,21/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/10 Rathdowne St,2,t,1053000,S,RW,21/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/67 Everett St,3,t,865000,S,Barry,21/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,19A Grantham St,2,h,795000,PI,Nelson,21/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,35 Cuthbert St,4,h,1050000,S,Fletchers,21/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,23 Kathleen Gr,4,h,1427000,S,Jellis,21/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,26 Vera St,3,h,962000,S,Jellis,21/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Donach Cr,3,h,782000,S,Darren,21/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Hazelwood Ct,3,h,780000,S,HAR,21/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6/42 Ormond Bvd,2,u,370000,S,hockingstuart,21/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,71 Settlement Rd,5,h,918000,SP,Barry,21/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Windsor Cr,4,h,847500,S,Ray,21/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,30 Zenith Ri,3,t,,PI,Jellis,21/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,11 Donald Rd,3,h,,PN,Garvey,21/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,65 Harrison Av,5,h,,SN,Scott,21/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/63 Morton Rd,3,t,1045000,S,Buxton,21/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,46 Roslyn St,4,h,1600000,S,Fletchers,21/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/19 Uganda St,3,t,1240000,S,Barry,21/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,31 Mudgee St,3,h,,PI,Buxton,21/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,29 Rochdale Dr,4,h,1100000,VB,Fletchers,21/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,5 Wilkinson St,3,h,1115000,S,Barry,21/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,40 Lakewood Bvd,4,h,733000,S,HAR,21/10/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,39 Waterview Dr,4,h,1206000,S,HAR,21/10/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,10 Finsbury Wy,3,h,2056000,S,Marshall,21/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Gowar Av,4,h,2575000,SP,Marshall,21/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,13 High Rd,4,h,2230000,PI,Jellis,21/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4 Kingfield Ct,4,h,1670000,S,hockingstuart,21/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,13 Kingsley St,4,h,,S,Jellis,21/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,51 Mangarra Rd,4,h,3888000,S,Marshall,21/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,23 Milton St,5,h,,S,Jellis,21/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,5/5 Willow Gr,2,u,630000,VB,Noel,21/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,13 Moton Pl,4,t,,S,Nelson,21/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,810 Lygon St,3,h,1371000,S,Nelson,21/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,395 Station St,4,h,1820000,VB,Nelson,21/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/112 Mimosa Rd,3,u,,SP,Steller,21/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/184 Neerim Rd,2,u,450000,PI,Ray,21/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/169 Oakleigh Rd,1,u,,SP,Thomson,21/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,15 Marcella Pl,3,h,530000,S,Asset,21/10/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,26 Carnarvon Rd,3,h,1825000,S,Marshall,21/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,5/652 Inkerman Rd,2,u,,SP,hockingstuart,21/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,1/370 Orrong Rd,2,u,661000,S,hockingstuart,21/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,8/18 Park Cr,1,u,280000,VB,Biggin,21/10/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,24 Remuera St,3,h,1590000,S,Gary,21/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,56 Teak St,4,h,,S,hockingstuart,21/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,5/9 Churchill Av,2,u,738000,S,Marshall,21/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/9 Robert St,4,t,1171000,S,Buxton,21/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,72 Hughes Av,3,h,750000,VB,Area,21/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9/209 Charman Rd,1,u,401500,SP,hockingstuart,21/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Everest Dr,3,h,785000,S,Ray,21/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Heather Gr,4,h,1620000,S,O'Brien,21/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13a Hilda St,3,u,817500,S,Buxton,21/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 McIvor St,5,h,,SP,Barry,21/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30 Nancy St,3,h,965000,SA,Barry,21/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,21 Beddoe Av,5,h,,PI,Jellis,21/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,15 Manoon Rd,3,h,,S,Buxton,21/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,2/41 Dally St,2,t,915000,S,Nelson,21/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,54 Dwyer St,2,h,,SP,Collins,21/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,25 Fenwick St,2,h,1100000,S,Nelson,21/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,359 Wellington St,2,h,912000,S,Nelson,21/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,418 Wellington St,3,h,1600000,VB,Nelson,21/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,60 Barrow St,3,h,,VB,Jellis,21/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Farm Rd,4,h,900000,VB,RT,21/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Gilbert St,3,h,925000,S,Harcourts,21/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,44 Queen St,3,h,,SN,Ray,21/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/44 Victoria St,3,t,900000,VB,hockingstuart,21/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,48 Webb St,3,h,1000000,PI,Love,21/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,48 Golf Rd,3,h,950000,VB,Nelson,21/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,8 Julius St,3,h,916000,S,Nelson,21/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,17/78 Oxford St,2,u,721000,PI,Biggin,21/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,100 Sackville St,3,h,,S,Nelson,21/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,407/132 Smith St,2,u,915000,PI,Nelson,21/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,11 Abbott Ct,5,h,554000,S,Ray,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Abercarn Av,5,h,642500,S,Collings,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,24 Ballarat Ct,4,h,,PI,Barry,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Emerald Cct,3,h,555000,S,Barry,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Lee St,3,h,615000,S,Ray,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Mountleigh Cct,3,h,560000,S,LJ,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,21 Natural Dr,3,h,580000,S,LJ,21/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,79 Lincoln Rd,3,h,768000,S,McGrath,21/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,20 Vernon St,5,h,1370000,S,Jellis,21/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,51 Power St,3,h,965000,S,Noel,21/10/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,14 Ouyen Ct,3,h,467000,S,Walshe,21/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong North,2/46 Barbara Av,2,u,470000,S,Barry,21/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,93 Somerset Dr,3,h,717000,S,Harcourts,21/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,8 Everleigh Dr,3,h,870000,S,Barry,21/10/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,15 Mitchell Ct,4,h,895000,S,Barry,21/10/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,16 Glenda St,4,h,1334000,S,Philip,21/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,7 Bernadette Ct,4,h,1340000,PI,Barry,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4/64 Beverley St,3,t,,PI,Parkes,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,15 Champion St,4,t,1310000,S,Jellis,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,65 Dehnert St,5,h,1400000,PI,Barry,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/1047 Doncaster Rd,3,h,,VB,Jellis,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,25 Fullwood Pde,4,h,1355000,S,Philip,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,48 McKenzie St,4,h,,PI,Ray,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,45 Worthing Av,4,h,1468000,S,Barry,21/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,41 Garden Rd,4,h,2660000,S,Philip,21/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,15 Sunlander Wy,3,h,550000,S,HAR,21/10/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,3 Pittosporum Gr,4,h,707000,S,Area,21/10/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,24 Castle St,5,h,2001000,S,Ray,21/10/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,35 Glenard Dr,3,h,1610000,S,Miles,21/10/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,2/161 Wellington Pde S,1,u,505000,PI,Kay,21/10/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,14 Hartington St,3,h,1425000,VB,Biggin,21/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,10 Prentice St,3,h,2110000,S,Biggin,21/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,2/72 Bible St,3,u,685000,PI,Buckingham,21/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/124 Dalton St,4,h,885000,S,Morrison,21/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,8 Jelbart Ct,4,h,1240000,S,Jellis,21/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,6 Lamorna Ct,5,h,1020000,S,Jellis,21/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Onkara Ct,4,h,940000,S,Jellis,21/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2 Plumtree Cl,4,h,1470000,S,Jellis,21/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,25 Dunbarton Dr,4,h,860000,SP,Darren,21/10/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,72 Addison St,4,h,2280000,S,Chisholm,21/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,117 Spray St,4,h,2200000,VB,Chisholm,21/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,14 Devora Rd,4,h,711000,SP,Love,21/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,3/12 Balmoral St,2,t,620000,S,Nelson,21/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24 Cudmore St,4,h,2520000,S,Nelson,21/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,41 Richardson St,5,h,2625000,SA,McDonald,21/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,27 Sherbourne St,4,h,1275000,S,Frank,21/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,85 Kerferd St,4,h,1300000,SP,Frank,21/10/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,37 Hampton Rd,4,h,1300000,VB,Brad,21/10/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,21 Rosehill Rd,3,h,1252000,S,Nelson,21/10/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,128 Christmas St,3,h,,SP,Jellis,21/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,8/35 Grange Rd,2,u,450000,S,Hamilton,21/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,2/63 Grange Rd,2,u,685000,VB,Miles,21/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,3/1 Clara St,2,u,346000,S,Ray,21/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,16 Disney St,4,h,775000,SP,Stockdale,21/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,24 Leighton Cr,3,h,940000,VB,Brad,21/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,26 Leighton Cr,3,h,940000,VB,Brad,21/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,124 Major Rd,3,h,756000,S,Stockdale,21/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Palmer St,3,h,557000,PI,Nelson,21/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,3/14 Margot St,2,u,610000,S,Noel,21/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,101 Kerr St,3,h,,SP,Jellis,21/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,81 Kerr St,4,h,1625000,S,Jellis,21/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,157 Rose St,3,h,1535000,S,Nelson,21/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,90 Bennett St,3,h,,PN,McGrath,21/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,163 Clauscen St,3,h,,SP,Nelson,21/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,220 McKean St,4,h,2200000,PI,Chambers,21/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,136 Miller St,2,h,1677000,S,Nelson,21/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,8 Canterbury St,2,h,1270000,S,Alexkarbon,21/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1/43 Dover St,1,u,421000,S,Nelson,21/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,75 Edinburgh St,2,h,1014000,SP,Edward,21/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,230/200 Smithfield Rd,2,u,,PI,Edward,21/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,54 Buckingham St,2,h,825000,S,Jas,21/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,10/17 Gordon St,2,u,325000,PI,Sweeney/Burnham,21/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9 Leander St,3,h,,S,hockingstuart,21/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2 Smith Cr,4,h,1222000,S,Burnham,21/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,3 Milgate Ct,3,h,1159000,S,Barry,21/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,38A Morloc St,3,h,965000,S,Fletchers,21/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,59 Vicki St,3,h,1134000,S,Noel,21/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,11 Anderson St,4,h,740000,S,hockingstuart,21/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,75 Wangarra Rd,4,h,641000,S,Barry,21/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,128 Tamarisk Dr,3,h,467000,S,C21,21/10/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Gardenvale,85 Gardenvale Rd,4,h,1850000,VB,Marshall,21/10/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,17 Fairbank Av,3,h,538000,SP,Eview,21/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,25 Aintree Rd,4,h,3120000,S,Marshall,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Albion Rd,4,h,,S,Jellis,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Barina Rd,4,h,2420000,S,Kay,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/13 Belmont Av,2,u,,VB,hockingstuart,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Chester St,4,h,,SP,Marshall,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/69 Edgar St N,2,u,485000,S,hockingstuart,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,60 Hortense St,4,h,2237500,S,Marshall,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,34 Howard St,4,h,2925000,PI,Marshall,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2A Netherlee St,3,h,1700000,S,Jellis,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,82 Rowen St,4,h,,S,Jellis,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,23 Sunhill Rd,3,h,,S,Marshall,21/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,124 Blackburn Rd,3,h,,S,Fletchers,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/19 Campbell St,4,u,1190000,S,Barry,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,23 Diamond Av,4,h,1439000,S,Barry,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,28 Durward Av,4,h,1165000,PI,Barry,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,74 Guinevere Pde,5,h,,SN,Ray,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Henderson Ct,8,t,,PI,Ray,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/602 Highbury Rd,3,u,737000,S,Ray,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/36 Monterey Av,3,u,860000,PI,Barry,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Winmalee Dr,4,h,,SP,McGrath,21/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/12 Hartington St,2,t,515000,S,Stockdale,21/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9 McDonald Pl,4,t,666133,S,Eview,21/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,14 Pengana Av,3,h,760500,S,Stockdale,21/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,27 Warruga Pl,3,h,828000,S,Nelson,21/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,20 Castlehill Av,4,h,,PI,Nelson,21/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,2/3 Gish Ct,3,u,,SP,Del,21/10/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,61 West St,3,h,,PI,Barry,21/10/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,27 Barnett St,4,h,,SP,RT,21/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,47 Service St,4,h,2000000,VB,Marshall,21/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,14A Carrington St,3,t,1045000,S,Buxton,21/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,7 Crest Av,3,h,,SP,Buxton,21/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/1 Heath Cr,4,t,1115000,S,Buxton,21/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,18 King St,3,h,990000,VB,Hodges,21/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3 Seafoam St,4,t,1335000,S,Buxton,21/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,9/136 Church St,2,u,725000,S,Marshall,21/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,27 Edward St,2,h,1225000,VB,Jellis,21/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/174 Power St,2,u,640000,S,RT,21/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10 Riversdale Ct,4,h,,S,Marshall,21/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9/125 Riversdale Rd,2,u,600000,SP,Jellis,21/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11 Sercombe Gr,2,h,1350000,S,Jellis,21/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,24 Bayview Av,2,h,1620000,PI,Marshall,21/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/1091 Burke Rd,2,u,599500,SP,Marshall,21/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/799 Burwood Rd,2,u,540000,S,Domain,21/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Gillman St,3,h,,S,Jellis,21/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,67 Campbell St,2,h,730000,S,hockingstuart,21/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,4/265 Canterbury Rd,2,h,625000,S,Jellis,21/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,15 Daisy St,3,h,,SP,Barry,21/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,21 Daisy St,3,h,,SN,Barry,21/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,1/182 Hawdon St,3,t,810000,VB,William,21/10/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4 Weyburn Ct,4,h,1425000,S,Miles,21/10/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,22 Alfred St,2,h,,S,Jellis,21/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1 Bridgeford Ct,2,h,520000,S,Jellis,21/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,36 Brunei Cr,2,h,731000,S,William,21/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,6 Setani Cr,2,h,761000,PI,Jellis,21/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,26 Clyde St,4,t,1260000,S,RT,21/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,20 Jackson Rd,4,h,1660000,S,Hodges,21/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/21 Morley Cr,2,t,700000,VB,Hodges,21/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,72 Bellbridge Dr,4,h,545000,SP,Barry,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,40 Carruthers Dr,5,h,720000,S,Ray,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,56 Dowling Av,4,h,660000,S,hockingstuart,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,136 Kingston Bvd,3,h,615000,S,Barry,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,53 Marlborough Cr,4,h,530000,S,RW,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,18 McKellar Av,2,h,500000,SP,Barry,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,20 McKellar Av,3,h,610000,PI,Barry,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,57 Powell Dr,3,h,604000,S,Ray,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,16 Roberts Av,4,h,580000,SP,Barry,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Sierra Ct,3,h,541000,S,hockingstuart,21/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,3/62 Livingstone St,3,t,850000,SP,Ray,21/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,46 Melcombe Rd,4,h,1355000,S,Woodards,21/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/4 Rockbeare Gr,3,t,,SN,Miles,21/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/297 Upper Heidelberg Rd,2,u,515000,PI,Nelson,21/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,115 Valentine St,3,h,1000000,S,Miles,21/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Kealba,10 Dowling St,3,h,587000,S,Barry,21/10/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,3 Culgoa Ct,3,h,765000,S,Brad,21/10/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,6 Huon Ct,5,h,815000,S,Barry,21/10/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,5 Heatherlea Cr,3,h,740000,PI,Barry,21/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,54 McCracken St,5,h,1750000,VB,Nelson,21/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,36 Ormond St,4,h,2500000,S,Rendina,21/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,19 Serong St,4,t,1050000,SP,Nelson,21/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,906/70 Speakmen St,2,u,491888,SP,Parkes,21/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,119 Barkers Rd,5,h,,S,Marshall,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/29 Barrington Av,2,u,,S,Nelson,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1271 Burke Rd,3,h,1885000,S,Jellis,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8/8 Cobden St,3,t,1500000,VB,Marshall,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Coleridge St,5,h,,S,Marshall,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,230 Cotham Rd,4,h,2425000,S,Jellis,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,88 Disraeli St,2,h,,S,Nelson,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Hillcrest Av,4,h,3450000,S,Jellis,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 MacKie Ct,3,h,,S,Marshall,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,48 Park Cr,4,h,2120000,S,Jellis,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Parkhill Dr,3,t,,S,Jellis,21/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,16 Clyde St,3,h,880000,VB,Jellis,21/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kurunjang,25 Colonus St,4,h,,SN,Eric,21/10/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,79 Kurunjang Dr,3,h,380000,SP,PRDNationwide,21/10/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,50 Ardenal Cr,4,h,580000,S,HAR,21/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,82 Cyprus St,3,h,716500,S,HAR,21/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,155 Darebin Dr,3,h,622000,S,HAR,21/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,32 Mindoro Cr,3,h,612000,S,Barry,21/10/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,69 Yallambie Rd,4,h,841000,S,Darren,21/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,6/92 Ballarat Rd,4,t,,PI,McGrath,21/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/2 Coleman St,4,h,890000,S,hockingstuart,21/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,37 Dunedin St,3,h,,PI,Biggin,21/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,22/46 Eucalyptus Dr,2,u,,SP,Pagan,21/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3/68 Madden St,3,t,770000,VB,Jas,21/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/5 Wattle Rd,3,h,660000,S,Biggin,21/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,42 McKinley Av,4,h,3100000,S,Jellis,21/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,13 Epping St,5,h,3501000,S,Marshall,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6/10 Ferncroft Av,2,u,650000,S,Jellis,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/18 Goode St,4,t,,VB,hockingstuart,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1 Oak Gr,3,h,1405000,S,Marshall,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,18 Serrell St,4,h,1810000,S,Marshall,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/14 Tollington Av,2,t,,S,Jellis,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,314 Wattletree Rd,3,h,,S,Jellis,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,443 Wattletree Rd,5,h,,PN,RT,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,692 Waverley Rd,4,h,1100000,S,Buxton,21/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,33 Hillside Cr,3,h,1100000,VB,Frank,21/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,21 Ibis Pl,3,h,1150000,SP,hockingstuart,21/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1 Leopold St,3,h,1187000,S,Brad,21/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,37 Newstead St,3,h,1780000,S,Nelson,21/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,18 Valnere St,5,h,970000,PI,Biggin,21/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,36 Clee St,5,h,,SN,Gary,21/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,18 Draper St,3,h,1874000,S,Buxton,21/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,115 Wheatley Rd,3,h,1720000,S,Buxton,21/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,13 Leatherwood Gr,3,h,512000,S,RW,21/10/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,252/350 St Kilda Rd,3,u,6500000,VB,Sotheby's,21/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,2 Amanda Ct,4,h,,PI,PRDNationwide,21/10/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,9 Burleigh Rd,3,h,,PN,RW,21/10/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,46 Unitt St,4,h,,PI,hockingstuart,21/10/2017,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,6/138 Charman Rd,2,u,595000,S,Buxton,21/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5 Lyons Ct,3,h,950000,SP,Thomson,21/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,42 Mundy St,4,h,1695000,S,Buxton,21/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,69 Riviera St,3,h,,S,Buxton,21/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,95 Breadalbane Av,4,h,600000,S,RW,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,45 Cassinias Gr,4,h,570000,S,RW,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Elmore Wy,3,h,636000,S,RW,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Gael Ct,3,h,565000,S,RW,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,15 Galloway Dr,4,h,802000,S,Barry,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Millet St,3,h,555000,SP,HAR,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Woolshed Av,2,h,475000,S,HAR,21/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,5/45 Ancona Dr,2,t,488000,S,hockingstuart,21/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,34 Farnham Cr,3,h,592500,SP,Love,21/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Konrads Cr,4,h,,PI,Ray,21/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 McClelland Dr,4,h,712000,S,HAR,21/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Teralba Cl,3,h,,VB,HAR,21/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,27 Glen Rd,4,h,958888,S,Ray,21/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,50 Quarry Rd,3,h,,PI,Noel,21/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,363 Elgar Rd,4,h,1500000,VB,Fletchers,21/10/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/37 Airlie Rd,3,t,755000,PI,Jellis,21/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/30 Kirwana Gr,3,h,910000,S,Barry,21/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/16 Starling St,3,t,760000,PI,Jellis,21/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,73 Argyle St,3,t,950000,SP,Alexkarbon,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8 Bloom St,3,h,1180000,S,Frank,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,7 Byron St,4,h,2050000,S,Jellis,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8 Capulet St,4,h,,S,Nelson,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,44 Dean St,4,h,1320000,S,Brad,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,24 Eglinton St,3,h,1256000,S,Jellis,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,21/17 Moore St,2,u,470000,SP,Brad,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,7 Stuart St,4,h,1400000,SP,Nelson,21/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,12 Cooma St,4,h,,PI,Buxton,21/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,33 Franklin St,3,h,1191000,S,Woodards,21/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,8 Bulga St,3,h,801500,S,Barry,21/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,3/11 Gipps Av,2,u,709000,S,Buxton,21/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,2 Scarlet St,3,h,790000,S,Hodges,21/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,59 Barlyn Rd,3,h,1430000,S,Barry,21/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Gallery Pl,3,u,1542000,S,Jellis,21/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Herbert St,3,h,1380000,S,Buxton,21/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 McLeod Pl,4,h,1635000,S,McGrath,21/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/3 Olympian Av,4,t,1360000,S,Buxton,21/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,5 Cromer Cr,4,h,900000,S,RW,21/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3/121 Murrumbeena Rd,2,u,487500,S,Gary,21/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,259 Douglas Pde,3,h,1189000,S,Greg,21/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,1/10 Haldane Rd,3,u,820000,S,Barry,21/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/15 Haldane Rd,3,u,750000,S,Barry,21/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,15a Moushall Av,3,t,925000,S,Barry,21/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,105 Buckley St,2,h,715000,VB,Ray,21/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,19/76 Haines St,2,u,552500,S,hockingstuart,21/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,20 Christmas St,3,h,1500000,VB,Love,21/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,100 South Cr,3,h,1740000,S,Jellis,21/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11 Thomson St,3,h,,SP,Jellis,21/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/137 Westgarth St,2,u,567500,S,Ray,21/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,21 Bingley Av,3,h,1100000,S,One,21/10/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,336 Springfield Rd,3,h,735000,S,Stockdale,21/10/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/4 Clyde Ct,2,u,686000,S,Stockdale,21/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,17 Abbeygate St,3,h,1215000,S,Woodards,21/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2 Bishop St,3,h,1315000,S,Ray,21/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,58 Axford Cr,3,h,1045000,S,Buxton,21/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,20 Dowling Rd,3,h,1090000,S,Ray,21/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,11 Emerald St,3,h,962500,S,Domain,21/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,7/17 Arnott St,1,u,273000,SP,Thomson,21/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,27B Bethell St,4,t,,SN,Gary,21/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,3 Carlyon St,4,h,1700000,SP,Woodards,21/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,15A Fifth St,3,h,1055000,S,Greg,21/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/11 Royal Pde,4,t,1375000,S,Hodges,21/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,108 Park Dr,3,h,5600000,S,Nelson,21/10/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,21/495 Royal Pde,2,u,790000,SP,Jellis,21/10/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,4/47 Austin Cr,2,u,490000,SP,Nelson,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7/59 Austin Cr,2,u,660000,S,Nelson,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/246 Cumberland Rd,2,u,456000,S,Brad,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/3 Grover St,3,t,780000,VB,Nelson,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,53 Kent Rd,3,h,871000,S,Barry,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/3 Plymouth Av,2,u,460000,PI,Nelson,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,21 Princess St,3,h,750000,VB,hockingstuart,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/102 Railway Pde,3,t,795000,S,Barry,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Sefton St,3,h,891000,S,Brad,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,46 Snell Gr,3,h,,SP,Brad,21/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plenty,10 Lillypilly La,4,h,1340000,VB,Jellis,21/10/2017,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,38 Dingo St,3,h,,SN,Barry,21/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,33 Dolphin Cr,3,h,540000,S,Point,21/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,16 MacHair Dr,4,h,,SN,Reliance,21/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,28 Victorking Dr,3,h,,SP,S&L,21/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,26 Yuruga Bvd,4,h,515000,SP,RW,21/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,214 Albert St,2,h,,VB,Marshall,21/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,19/174 Esplanade Pl,2,u,765000,S,Marshall,21/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,103/77 Nott St,2,u,650000,SP,Buxton,21/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,237 Princes St,3,h,1400000,S,Cayzer,21/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,273 Ross St,4,h,2300000,S,Marshall,21/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,23/85 Rouse St,2,u,1000000,S,RT,21/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,62 Aberdeen Rd,4,h,,PI,Woodards,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,21/43 Grandview Gr,1,u,390000,PI,Cayzer,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20 Irving Av,3,h,1500000,PI,Kay,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,15 Nottingham St,2,h,1395000,S,Jellis,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1 Trinian St,3,h,3250000,SP,Jellis,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,49 Wrights Tce,3,h,1785000,S,Jellis,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5 Wrights Tce,3,h,,S,hockingstuart,21/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,141 Albert St,2,h,835000,S,hockingstuart,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,22 Bingo St,2,h,1035000,S,Nelson,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/103 Bruce St,3,t,,SP,Love,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/2 Josephine Gr,2,u,440000,SP,Love,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Kendall St,4,h,1516000,S,McGrath,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7 Leopold St,2,h,732000,S,RW,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Showers St,2,h,869000,S,hockingstuart,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/5 Spring St,2,u,530000,PI,RW,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,192 Tyler St,3,h,1201000,S,Nelson,21/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,1/8 Barton St,3,t,700000,S,Ray,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,97 Cheddar Rd,3,h,730000,S,Ray,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Dawson St,3,h,760000,PI,Barry,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/80 Delaware St,2,t,606000,S,Ray,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,44 Dundee St,3,h,,SP,Love,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Gertz Av,4,h,920000,S,Barry,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/1 Glasgow Av,2,u,550000,S,Nelson,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Kelverne St,3,h,650000,SP,Barry,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Lane Cr,3,h,,S,Nelson,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/63 Lane Cr,2,u,546000,S,Barry,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Newton St,4,h,850000,VB,hockingstuart,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/4 Pratt St,2,u,447500,S,Ray,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,187 Purinuan Rd,3,h,730000,S,Ray,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Wilkinson St,4,h,1000000,S,Nelson,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Willoughby St,4,h,1011000,S,Nelson,21/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,406 Church St,4,h,,S,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/28 Davison St,1,u,305000,PI,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16/81 Edinburgh St,1,u,282000,SP,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,61 Fraser St,2,h,1170000,S,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/14 Johnson St,2,t,,S,Marshall,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35 Johnson St,4,h,1907000,S,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Judd St,2,h,1250000,SP,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,404/1 Margaret St,1,u,520000,SP,Biggin,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Mitchell St,3,h,,S,hockingstuart,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/26 Rotherwood St,1,u,438000,S,Jellis,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,34 Shelley St,3,h,1300000,VB,Jellis,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16/5 Stillman St,2,u,718000,SP,Jellis,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/2 Union St,2,t,1205000,S,Sotheby's,21/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,4 Emerald St,4,h,,PN,Harcourts,21/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 Sherbrook Av,4,h,1260000,S,Carter,21/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,9 Stonington Pl,4,h,,PI,Jellis,21/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/15 Wattle Av,2,u,,SN,One,21/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,6 Woodchurch Cl,3,h,,S,Noel,21/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,8 Rex Ct,4,h,,PI,Barry,21/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,38 Miriam St,4,h,,SN,Miles,21/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/23 Ruthven St,3,t,745000,SP,Darren,21/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,6 Hopkins Cl,4,h,,PI,Ray,21/10/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,4 Lakeside Bvd,3,h,896000,S,Jellis,21/10/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,31 Aquila Gr,4,h,536000,S,Raine,21/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,15 Donvale Av,3,h,470000,S,Raine,21/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,127A Bay Rd,3,h,1185000,S,Buxton,21/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,313 Bluff Rd,4,h,1675000,VB,hockingstuart,21/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,50 Brighton St,3,h,1550000,S,Buxton,21/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,90 Sandringham Rd,3,h,1300000,S,Hodges,21/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,12A Vincent St,3,h,,S,Buxton,21/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,2 Constable Ct,5,h,,SN,Biggin,21/10/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,8 Fellowes St,4,h,810000,PI,hockingstuart,21/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,6 Riviera St,3,h,780000,SP,Del,21/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,1/134 Charles St,3,h,1080000,S,Sweeney,21/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,1 Florence St,3,h,1010000,SP,hockingstuart,21/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,256 Bank St,4,h,1850000,S,hockingstuart,21/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,129 Cobden St,2,h,1225000,S,Cayzer,21/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,257A Moray St,2,h,,SN,Greg,21/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,71 Nelson Rd,2,h,1000000,VB,Marshall,21/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,105 Thomson St,3,h,1242000,S,Buxton,21/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,19 Domain Tce,3,h,650000,S,Barry,21/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,82 Trinity Wy,4,h,737500,S,Millership,21/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,21A Cassell St,3,h,2500000,VB,Marshall,21/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,60 Cromwell Rd,3,h,2180000,VB,Kay,21/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/2 Gordon Gr,2,u,590000,PI,Marshall,21/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5 MacFarlan La,3,h,,S,Kay,21/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7 MacFarlan La,3,h,1750000,S,Jellis,21/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,368 Punt Rd,3,h,1300000,PI,Jellis,21/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,104 Hudsons Rd,2,h,1225000,SP,Greg,21/10/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,58 Ellen St,3,h,880000,S,C21,21/10/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,4 Nullawil St,3,h,715000,S,Barry,21/10/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,108 East Esplanade,3,h,845000,PI,Douglas,21/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,16 George St,3,h,,PI,Moonee,21/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/170 William St,3,u,640000,S,Barry,21/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/170 William St,3,t,435000,PI,Barry,21/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,9 Elaroo Cl,3,h,,S,Darren,21/10/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Helena,7 Lesay Dr,4,h,870000,VB,Flannagan,21/10/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,6/103 Barkly St,3,u,632000,S,McGrath,21/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/98 Grey St,1,u,535000,S,Buxton,21/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,31 Redan St,6,h,,PI,hockingstuart,21/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,15 Glenview Rd,2,h,1661000,S,Nelson,21/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,12 Loch Cr,3,h,1200000,VB,Brad,21/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,21 Roland Av,5,h,,S,Brad,21/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,42 Wallace Cr,4,h,1221000,S,Brad,21/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/242 Woodland St,2,t,790000,S,Nelson,21/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,39b Carnoustie Dr,3,h,475000,SP,Blackbird,21/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,19 Kerri Ct,5,h,700000,SP,Leeburn,21/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,4 Long Dr,3,h,520000,S,Leading,21/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,75 Pasley St,3,h,600000,S,L,21/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1 Talbot Pl,3,h,530000,S,Leading,21/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Terence St,3,h,515000,S,Barry,21/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,36 High St,2,t,610000,S,Jas,21/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,18 Pengelly Ct,3,h,750000,S,Douglas,21/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,12 Cutts St,3,h,725000,S,Douglas,21/10/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,19 Ford Av,2,h,,PI,Barry,21/10/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,6 Engblom Ct,3,h,570000,S,S&L,21/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,116 Glengala Rd,3,h,820000,S,Douglas,21/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,27 Gum St,3,h,750000,S,Barry,21/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,15 Albany Cr,4,h,3445000,S,Marshall,21/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,14 Grovedale Rd,4,h,2285000,S,Lindellas,21/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,91 Guildford Rd,4,h,2300000,VB,Marshall,21/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,20 Oak St,3,h,1980000,S,Bekdon,21/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,13 Verdun St,3,h,1975000,PI,Marshall,21/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,33 Warrigal Rd,3,h,1285000,S,Fletchers,21/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,10 Discovery Dr,4,h,585000,S,hockingstuart,21/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,31 Nottingham Cr,3,h,482500,S,Ray,21/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Templestowe,2 Cipora Ct,4,h,2300000,S,Jellis,21/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Kingburn Ct,4,h,1731500,S,Barry,21/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,32 Mahoney St,4,t,1550000,VB,Jellis,21/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,8 Shelley Ct,3,h,1290000,S,Barry,21/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3 David Rd,4,h,1390000,PI,Barry,21/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,25 Foote St,4,h,1100000,SP,Philip,21/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/70 MacEdon Rd,4,t,1060000,PI,Jellis,21/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3 Marcus Rd,3,h,1435000,PI,H,21/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,35 Bates Av,3,h,710000,S,HAR,21/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,63 Main St,5,h,735000,S,Barry,21/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/3 Travers St,2,u,460000,S,Ray,21/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,207 Collins St,2,h,1025000,S,Nelson,21/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,144B Flinders St,3,h,1215000,S,McGrath,21/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,11 Gladhall Av,4,h,1516000,S,Woodards,21/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/13 Mansfield St,2,u,545000,SP,Love,21/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2A Verdant Av,3,h,3550000,S,Marshall,21/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,4/53 Flemington St,1,u,330000,S,Alexkarbon,21/10/2017,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,1/30 Bridlepath Dr,3,h,438000,S,hockingstuart,21/10/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,14 Derby St,3,h,610000,SP,Jason,21/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,55 Derby St,3,h,805000,SP,Jason,21/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,40 Nurlendi Rd,4,h,,SN,Biggin,21/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,1/13 Park Cl,4,h,893000,PI,Noel,21/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,19 Donbirn Wy,4,h,,PI,Biggin,21/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,16 Salsburg Ct,4,h,,PI,Biggin,21/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,38 Castleton Rd,4,h,1011000,S,Miles,21/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,65 Duff Pde,3,h,960000,S,Fletchers,21/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,13 Raglan St,4,h,441000,S,Barry,21/10/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,10 Telopea Av,4,h,,W,Barry,21/10/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,4 Davies Cl,4,h,1240000,S,Harcourts,21/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,159 Harold St,4,h,950000,S,Noel,21/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,81 Sylphide Wy,4,h,1036000,S,Noel,21/10/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,96 Watsonia Rd,4,h,1000000,S,Nelson,21/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,12 Lincoln St,3,h,840000,S,Barry,21/10/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Thaxted Ct,4,h,1405000,S,Jellis,21/10/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,10 Adam Ct,3,h,490000,SP,Sweeney,21/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Egret Ct,3,h,470000,SP,Greg,21/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,95 Rosella Av,3,h,558000,S,Ray,21/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,37 Shaws Rd,4,h,568750,S,Greg,21/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/21 Trish Wk,3,u,455000,S,Ray,21/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Wimmera Ct,3,h,,SP,McNaughton,21/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,201 Essex St,3,h,870000,SP,Jas,21/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,37 Park Av,3,h,675000,SP,Sweeney,21/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,9 Fielders Wk,3,h,500000,SP,Stockdale,21/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,7 Pershore Ct,3,h,570000,SP,Barry,21/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,254 Wright St,3,h,616000,SP,Barry,21/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,54 Alex Av,4,h,,SN,Biggin,21/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,36 Chancellor Dr,5,h,1050000,SP,Bekdon,21/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,31 Earlwood Dr,3,h,935383,S,Ray,21/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,40 Grantchester Rd,4,h,,PI,Buxton,21/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,1/183 Ferguson St,1,u,435000,S,hockingstuart,21/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,22 Jobson St,3,h,1173000,S,Jas,21/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12/8 The Strand,2,t,1055000,SP,Raine,21/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,29 Grandstand Wy,4,h,730000,SP,Iconek,21/10/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,9 Ingleby St,4,h,643000,S,Ray,21/10/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,10 Paynters Rd,5,h,1815000,S,Hoskins,21/10/2017,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,36 Eltham Pde,4,h,515000,S,hockingstuart,21/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,25 Hindmarsh Dr,3,h,512000,S,Ray,21/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,49 Lancewood Rd,4,h,525000,SP,YPA,21/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,11 Sedgwick Rd,4,h,599000,S,hockingstuart,21/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,6 Deakin St,3,h,920000,S,Sweeney,21/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,148 Francis St,2,h,1700000,SP,Jas,21/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,241 Francis St,4,h,850000,S,Sweeney,21/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,114/88 Trenerry Cr,2,u,,PI,Jellis,22/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Altona,3/8 Rayner St,2,t,597500,S,hockingstuart,22/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,17 Cherry Av,3,h,,SP,hockingstuart,22/04/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,20 McLaughlin St,3,h,,SN,Barry,22/04/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4/10 St Georges Rd,3,t,1005000,S,Kay,22/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/5 The Terrace,2,u,852000,S,Woodards,22/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/16 Wattletree Rd,2,u,690000,S,Jellis,22/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/7 Wattletree Rd,2,u,,S,Jellis,22/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ashburton,24 Baird St,3,h,1912500,S,Jellis,22/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2/444 Warrigal Rd,2,u,,SP,Fletchers,22/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Aspendale,17 Dolphin St,4,h,1285000,S,hockingstuart,22/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,4a Nirringa Av,4,h,1150000,S,Barry,22/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,4 Camille Ct,5,h,1250000,SP,Moonee,22/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,30 Clarendon St,3,h,,S,Moonee,22/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,53 Doyle St,3,h,760000,SP,Moonee,22/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,23 Langham St,3,h,690000,S,Nelson,22/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,12 Power St,3,h,1670000,PI,Fletchers,22/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,27A Yerrin St,3,t,1680000,S,Fletchers,22/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,3 Frank St,5,h,,PN,hockingstuart,22/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,19 Jocelyn Av,3,h,,SP,Fletchers,22/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,48 Longview Rd,5,h,,S,Noel,22/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1/8 Ashby Ct,2,u,,SN,K.R.Peters,22/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bentleigh,8/28 Clairmont Av,3,t,782000,S,Buxton,22/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,6b Howell St,3,u,845000,S,Woodards,22/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 Plym St,4,h,1107000,S,Woodards,22/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/23 Whitmuir Rd,3,u,641500,S,hockingstuart,22/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1/5 Lois Ct,3,u,750000,PI,hockingstuart,22/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,54 Brisbane St,3,h,,SP,Barry,22/04/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,6/45 Bluff Rd,3,u,,SP,Chisholm,22/04/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn North,225 Springfield Rd,3,h,1340000,S,iHomes,22/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1/1 Darook St,3,u,,SN,Woodards,22/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,18 Paramount Av,4,h,1270000,S,JY,22/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,17 Alleyne Av,3,h,647000,S,Biggin,22/04/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,4/18 Barkly St,2,u,646500,S,McGrath,22/04/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,11 Howard St,3,h,2080000,S,Buxton,22/04/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,13/25 Marnoo St,3,t,441700,SP,Barry,22/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,10 Sedge Cl,4,h,1000000,S,Nelson,22/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1/30 Boyce Av,2,t,660000,PI,Buckingham,22/04/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,141 Karingal Dr,3,h,835000,S,Barry,22/04/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,56 Asling St,3,t,1990000,S,Buxton,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,43 Black St,4,h,,S,Buxton,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Blairgowrie Ct,3,h,3025000,PI,Biggin,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,19b Brickwood St,4,t,2500000,PI,Marshall,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,19B Brickwood St,4,t,2500000,VB,Biggin,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,868 Hampton St,3,h,1502000,S,Weston,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/12 Wellington St,3,u,1221000,S,Nick,22/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,6 Coronation St,3,h,1640000,S,Hodges,22/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,171 Dendy St,4,h,,S,Hodges,22/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,46 Glencairn Av,2,h,2303000,S,Buxton,22/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2 Holberry St,3,h,530000,S,YPA,22/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,59 Waranga Cr,3,t,501000,SP,Barry,22/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,183 Widford St,3,h,585750,S,YPA,22/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,6 Millers Rd,2,h,1005000,S,hockingstuart,22/04/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,286 Barkly St,1,h,1200000,S,Barry,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/135 Brunswick Rd,2,t,600000,PI,Ray,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,68 Gold St,3,h,1075000,S,Nelson,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,13 Goodman St,2,h,884000,SP,Jellis,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/380 Lygon St,2,u,530000,S,hockingstuart,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,64 Tinning St,3,h,957000,SP,hockingstuart,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/139 Union St,2,u,480000,VB,Brad,22/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,8/380 Lygon St,2,u,530000,S,hockingstuart,22/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7 Weigall St,3,h,1500000,S,Jellis,22/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,6/10 Fitzgibbon Av,2,u,,SN,Walshe,22/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,5 England St,4,h,1207000,S,Barry,22/04/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,56 Cameron Pde,3,h,640000,SP,Stockdale,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Dendaryl Dr,4,h,770000,S,Darren,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,40 Grange Bvd,3,h,820000,S,RW,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,34A Janet Cr,3,h,599500,S,Ray,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Latrobe Av,3,h,655000,S,Barry,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Maroondah Tce,3,h,685000,S,Love,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,34 Milton Pde,3,h,828000,S,Barry,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,94 Nickson St,3,t,646000,S,Ray,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,21 Windmill St,4,h,831000,S,Barry,22/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,7 Naomi St,4,h,617000,S,YPA,22/04/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,19 Bronte Av,3,h,,S,Ray,22/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,212 Burwood Hwy,6,h,,SP,Buxton,22/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1 Leonard St,3,h,,S,Buxton,22/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/3 Talbett St,4,t,,S,Buxton,22/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1A Worrall St,3,h,,SN,Woodards,22/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,9 Inga St,4,h,1270000,S,Barry,22/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,44 Morey St,4,h,1500000,PI,Marshall,22/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,11/108 Elgin St,2,u,995000,S,Woodards,22/04/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,12/869 Drummond St,2,u,550000,PI,McGrath,22/04/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,32 Princes St,3,h,1300000,PI,Craig,22/04/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4/5 Gnarwyn Rd,1,u,330000,S,Ray,22/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9/13 Maroona Rd,2,u,490000,PI,Buxton,22/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,70 Lawson Wy,4,h,725000,S,Prof.,22/04/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,6 Streeton Av,3,h,460000,S,Barry,22/04/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Chelsea,44A Chelsea Rd,3,t,968000,SP,Eview,22/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2 Ella Gr,3,h,996500,S,Eview,22/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,76 Hughes Av,4,h,,SP,iSell,22/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,48 Woodbine Gr,4,h,,PN,Eview,22/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,2/41 Bernard St,3,u,742000,S,Barry,22/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Cavanagh St,5,h,,PI,Buxton,22/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/30 Garfield St,2,u,547000,S,Greg,22/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,23 Jacaranda Av,3,h,,SN,Barry,22/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,240 Warrigal Rd,4,h,795000,S,Greg,22/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/142 Weatherall Rd,3,t,875000,PI,O'Brien,22/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,9 Saddleback Rdg,5,h,786000,S,McGrath,22/04/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,14 Broadchapel Pl,3,h,710000,PI,Ray,22/04/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,35 Raleigh St,3,h,1225000,S,C21,22/04/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,10 Orloff Cl,3,h,760000,S,Buxton,22/04/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,19 Spring St,4,h,901000,SP,Ray,22/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3/24 Mashoobra St,2,u,330000,VB,Rosin,22/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17a Shorts Rd,3,t,801000,S,Barry,22/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,1 Brewery La,2,t,1075000,S,Jellis,22/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,2/18 Islington St,3,u,1000000,SP,Caine,22/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,102/6 Mater St,2,u,500000,VB,Nelson,22/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,9 Beechville Pl,3,h,410000,S,Ray,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Bridgehaven Dr,4,h,600000,S,Regal,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Ealing Cl,4,h,447000,S,Harcourts,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Fame Wy,4,h,705000,PI,LJ,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,41 Groveton St,4,h,,SN,Barry,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Honour St,4,h,660000,S,LJ,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,127 Huntington Dr,3,h,,SN,Barry,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,90 Langdon Cr,5,h,477000,S,Ray,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Ottery Ct,3,h,425000,S,Ray,22/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,3/14 Alfrick Rd,2,t,570000,SP,McGrath,22/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1 Gary Ct,3,h,605000,S,Philip,22/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9/19 Jackson St,2,u,,SN,Barry,22/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/19 James Rd,3,t,705000,S,Fletchers,22/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/338 Mt Dandenong Rd,3,t,,SN,McGrath,22/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,2/68 Bonnie View Rd,2,h,540000,S,Stockdale,22/04/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,1/25 MacPherson St,2,t,,SP,McLennan,22/04/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,2 Victoria Ct,3,h,581000,S,McLennan,22/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,197 Station Rd,3,h,495000,SP,FN,22/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,27 Ridder Ct,3,h,630000,S,Eview,22/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,505/2 Newquay Prm,2,u,,SN,Barry,22/04/2017,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,4/176 Ayr St,2,u,782000,S,Ray,22/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,48 Board St,3,h,,SP,RW,22/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4/2 Paul St,4,t,1090000,S,Barry,22/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,4/3 Bowen Rd,2,u,680000,S,Jellis,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,34 Canopus Dr,5,h,1640000,S,Barry,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,26 Dehnert St,3,h,1500000,S,Jellis,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Grevillea Rd,4,h,1488000,S,Jellis,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/13 Kennon St,4,t,1000000,SP,Ray,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Steorra Mw,5,h,1441000,S,Barry,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,66 Tidcombe Cr,4,h,1350000,VB,Jellis,22/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doveton,7 Peppermint St,3,h,465000,SP,REMAX,22/04/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Edithvale,71 Hughes Av,4,h,1135000,S,Harcourts,22/04/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,53 Tudor Ct,2,h,620000,S,Buxton,22/04/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,16 Alexandra Av,3,h,1800000,S,Biggin,22/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/1364 Main Rd,3,t,730000,S,Buckingham,22/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,92 Pitt St,2,h,,PI,Buckingham,22/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,2 Jessicas La,3,h,,S,Morrison,22/04/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,144 Progress Rd,4,h,1070000,S,Barry,22/04/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,125 Mitford St,4,h,,S,Chisholm,22/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,1 Aberdeen Ct,3,h,570000,SP,Ray,22/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Boulder Wk,4,h,,SN,Melbourne,22/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Ealing Cl,5,h,612500,S,Stockdale,22/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Horseshoe Cr,3,h,480000,SP,Barry,22/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,25 Severn St,3,h,,SN,Melbourne,22/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/31 Cooper St,2,u,707000,S,Nelson,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/48 Deakin St,3,u,700000,S,Nelson,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,26 Flower St,8,h,,SN,Frank,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,28 Flower St,8,h,,SN,Frank,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7/16 Leake St,2,u,510000,PI,Hodges,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/41 Nimmo St,2,u,610000,PI,Jellis,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/2 Roberts St,3,h,960000,PI,Barry,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/5 Thistle St,1,h,350000,VB,Jellis,22/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,5/15 Bulla Rd,2,u,415500,S,Nelson,22/04/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,14 Preston St,3,h,599000,S,Melbourne,22/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2 Castle St,3,h,698000,S,Max,22/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,15 Lydford Rd,4,h,,VB,Harcourts,22/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,412/4 Bik La,2,u,,PI,Jellis,22/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,501/58 Queens Pde,1,u,,PI,YPA,22/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,1/44 Ascot Vale Rd,2,u,390000,VB,Nelson,22/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,75 Farnham St,3,h,1205000,S,Nelson,22/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,8A John St,3,h,1085000,SP,Nelson,22/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,19 Federal St,4,t,961000,S,Jellis,22/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,12 Henwood St,3,h,,SN,Woodards,22/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/12 Jaques Gr,2,t,750000,VB,hockingstuart,22/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,5 Frallon Cr,4,h,,PN,Harcourts,22/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Kenilworth Av,3,h,807000,S,hockingstuart,22/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,86 McMahons Rd,3,h,651000,S,O'Brien,22/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,64 Screen St,4,h,780000,S,Eview,22/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,14 Merrigal Ct,5,h,2200000,SA,RT,22/04/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Mountain Av,3,h,825000,SA,O'Brien,22/04/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,5/12 Rodney St,3,h,445000,SP,Raine,22/04/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Allenby Pl,4,h,620000,SP,Barry,22/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,4 Myra Ct,3,h,605000,S,Barry,22/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,7/1192 Glen Huntly Rd,2,u,575000,S,Buxton,22/04/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,51 Flowerdale Rd,4,h,,SN,Woodards,22/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,31 Belmont Rd,4,h,1405000,S,Ray,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,136 Capital Av,4,h,1100000,SP,Harcourts,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,72 Capital Av,3,h,,SP,Jellis,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/13 Edith St,3,u,1205000,S,Harcourts,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,53 Hampshire Rd,4,h,1165000,S,Harcourts,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 James Rd,5,h,1550000,PI,Harcourts,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/33 Lincoln Av,2,u,1125000,S,Harcourts,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/31 Orchard St,3,h,,SP,LLC,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,20 Torwood Av,4,h,1330000,S,Barry,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,21A Utah Rd,3,t,,W,Ray,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,125 Windella Cr,4,h,1388000,S,Ray,22/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,29 Glenroy Rd,3,h,820000,S,Melbourne,22/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2 Ila St,4,h,1050000,VB,Nelson,22/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,11/900 Pascoe Vale Rd,3,t,,PI,YPA,22/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,56 Pecham St,3,h,621000,PI,Stockdale,22/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,59 Pecham St,3,h,705000,S,Barry,22/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,9 Italia Ct,4,h,,SN,Woodards,22/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,35 Jessop St,4,h,,S,Nelson,22/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Paraweena Ct,3,h,911000,S,Darren,22/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,12 Veneto Gr,4,h,732000,S,LJ,22/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,10 The Loop,4,h,880000,S,Ray,22/04/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton East,1/21 Highbury Av,3,t,,PI,Buxton,22/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,11/13 Kelly Av,2,u,,PI,Buxton,22/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/4 Short St,2,t,993000,S,Buxton,22/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,4 Casuarina Ct,3,h,,SP,REMAX,22/04/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,10/352 Auburn Rd,2,u,560000,SP,R&H,22/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,310/96 Camberwell Rd,2,u,700000,VB,hockingstuart,22/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,19 Roseberry St,2,h,,SP,Marshall,22/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,5 Barnic Rd,3,h,795000,SP,Noel,22/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,4 Leawarra Dr,3,h,,SN,Barry,22/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,29 Martin St,3,h,1271000,S,Fletchers,22/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,3/89 Rosanna Rd,4,u,610000,S,Philip,22/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,23 Flinders St,2,h,682000,S,Barry,22/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,79 Outhwaite Rd,3,h,657000,S,Jellis,22/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1 Normanby Ct,3,h,810000,S,Barry,22/04/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,171 Southern Rd,3,h,950000,S,William,22/04/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,8 Sterling Av,3,h,1420000,SP,Buxton,22/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/6 Turner Rd,4,h,921000,S,Buxton,22/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,18 Peppercorn Ct,4,h,645000,SP,YPA,22/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,82 Bellbridge Dr,3,h,490000,S,YPA,22/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,23 Burnham Dr,4,h,510000,S,YPA,22/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Fairway Av,3,h,506000,SP,LJ,22/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,94 Heaths Rd,3,h,582000,S,LJ,22/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,3/10 Tate St,3,t,1010000,PI,Fletchers,22/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor Downs,10 Barina Cl,4,h,605000,S,Brad,22/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,15 Bremen Ct,3,h,634000,S,Prof.,22/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Noga Av,3,h,921000,S,Nelson,22/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,68 Norwood Dr,3,h,,SP,Nelson,22/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,19a Wyong St,4,h,1115000,S,Barry,22/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,49a Spence St,3,u,616000,S,Barry,22/04/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,33 Chelmsford St,2,h,903000,S,Rendina,22/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,41 Kensington Rd,3,h,902500,S,Rendina,22/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,33 McCracken St,4,h,1817000,SP,Hodges,22/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2/75 McCracken St,2,u,528000,S,Nelson,22/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,5/62 Mary St,2,u,,S,Marshall,22/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/38 Pakington St,2,u,736000,S,Marshall,22/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,136 Kilby Rd,3,h,1402000,S,Nelson,22/04/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,3/1230 Old Burke Rd,3,t,1205000,S,hockingstuart,22/04/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,1 Patricia Lp,3,h,,S,K.R.Peters,22/04/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,5 Patricia Lp,3,h,760000,S,K.R.Peters,22/04/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Knoxfield,3 Azalea Ct,4,h,925000,S,Schroeder,22/04/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kurunjang,7 Pyke Pl,3,h,,PN,Raine,22/04/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,82 Messmate St,4,h,720000,S,Harcourts,22/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,37 Rosemary Dr,4,h,,PI,Harcourts,22/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,68 Rosemary Dr,3,h,,PI,Harcourts,22/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,28 High St,3,h,,SN,Barry,22/04/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lynbrook,17 Cobbler Gra,4,h,610000,S,Grant's,22/04/2017,3975,South-Eastern Metropolitan,2322,33.8,Casey City Council +MacLeod,1 Janice St,3,h,752000,S,Darren,22/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,137A Ballarat Rd,3,h,,S,Jas,22/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/1 Clarendon St,3,t,675000,S,Biggin,22/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,15/15 Eucalyptus Dr,2,u,405000,SP,Pagan,22/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,118/14 Elizabeth St,1,u,,PI,Jellis,22/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Melbourne,2303/568 Collins St,2,u,,PI,MICM,22/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1101/265 Exhibition St,3,u,895000,S,hockingstuart,22/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,203/551 Flinders La,1,u,275000,VB,Whiting,22/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1201/565 Flinders St,2,u,683000,S,MICM,22/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,710/280 Spencer St,1,u,,PN,Elite,22/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,204/300 Swanston St,2,u,640000,VB,Greg,22/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton West,3 Avon Ct,3,h,,SN,Barry,22/04/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,18 Tute La,3,h,279000,S,hockingstuart,22/04/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,11 Collins St,2,h,1471000,S,Buxton,22/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,100A Flinders St,3,t,,SN,Hodges,22/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mickleham,4 Nicola Ct,4,h,1395000,S,Melbourne,22/04/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,14 Charlotte Rd,3,h,,S,Love,22/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,371 Childs Rd,3,h,578000,S,Harcourts,22/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,64 Coventry Cr,3,h,805000,S,RW,22/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1 Basingstoke Rd,3,h,,SP,Ray,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,26 Dudley St,4,h,1140000,S,Noel,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,11 Gibson St,3,h,950000,S,Jellis,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/6 Halls Pde,3,u,958000,S,Noel,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6A Hopetoun St,2,h,655000,SP,Ray,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/1 Scott St,2,u,670000,PI,Walshe,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Sunshine Av,4,h,,SP,Noel,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1B Tarrangower Av,3,h,,SN,Noel,22/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,3/52 Mountain View Rd,3,t,822000,SP,Barry,22/04/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moorabbin,239 Chesterville Rd,3,h,860000,SA,Hodges,22/04/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,3/12 Andrew St,2,u,510500,S,Anderson,22/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,8 Greenbank Dr,4,h,831000,SP,Fletchers,22/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,10 Winifred Rd,3,h,640000,S,LJ,22/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,2 Powlett St,3,h,980000,PI,Barry,22/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,2/23 Barlyn Rd,3,t,1060000,S,Harcourts,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Cora Ct,3,h,1310000,S,Harcourts,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,273 Lawrence Rd,5,h,1850000,S,Barry,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,69 Mayfield Dr,3,h,1038000,SP,Jellis,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/35 Mummery St,4,t,1405000,S,McGrath,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Oakern St,3,h,1290000,S,Barry,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,35 Park La,2,h,2815000,S,Stockdale,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17C Vasey Av,4,h,1206000,SP,Jellis,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,47 Walker Rd,3,h,1250000,PI,McGrath,22/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2/25 Bevis St,3,u,665000,S,Ray,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18 Excelsior Cct,3,t,736000,SP,Harcourts,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/22 Highfield Av,3,u,530000,S,Ray,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Hubbard Av,4,h,790000,PI,Barry,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/19 Lotus Cr,4,t,741000,S,Ray,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Lotus Cr,3,h,910000,S,Barry,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 Medoro Gr,3,h,938000,S,Eview,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Stradbroke Cr,3,h,769888,SP,Harcourts,22/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,5 Donal St,3,h,1255000,S,hockingstuart,22/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/5 Dunoon St,2,u,420500,S,Woodards,22/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/25 Hobart Rd,1,u,261000,PI,Woodards,22/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/211 Murrumbeena Rd,2,u,535000,PI,Fletchers,22/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,52 Wallace Av,2,h,1416000,S,hockingstuart,22/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,10 Vegas Ct,4,h,665000,S,LJ,22/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,139 Blackshaws Rd,4,h,956000,S,Sweeney,22/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,21 Junction St,2,h,1215000,SP,Jas,22/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2 Maddox Rd,3,h,828000,SP,Jas,22/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,74 Oxford St,4,h,1650000,S,Greg,22/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,1/74 Buckley St,3,u,552500,SP,C21,22/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4/23 Craig St,2,u,467000,S,C21,22/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3 Holloway Ct,3,h,,SN,Barry,22/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,69 Liege Av,5,h,,PI,Alex,22/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1 Michelle Ct,3,h,625000,S,LJ,22/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/24 Wall St,3,u,447000,S,Area,22/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,603/8 Breavington Wy,1,u,440000,S,Nelson,22/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/96 Jenkins St,3,t,1000000,SP,McGrath,22/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21 Mitchell St,4,h,2990000,S,McGrath,22/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15 South Cr,2,h,1006000,S,Nelson,22/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,2/6 Chandor Ct,2,u,,SN,Biggin,22/04/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,2 Caversham Ct,3,h,1200000,S,Fletchers,22/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,17 Cherrybrook Cl,5,h,1590000,S,Fletchers,22/04/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,47a Snell Gr,3,t,650000,PI,Brad,22/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,5/31 Station Rd,3,t,,S,Brad,22/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,7 Hilbert Ct,4,h,1145000,S,Ray,22/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/6 Dobson Av,2,u,,PI,Hodges,22/04/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,4 Druitt St,4,h,1205500,S,Woodards,22/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2 Kaybrook Ct,3,h,1042500,S,Woodards,22/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,104 Sherbrooke Av,4,h,,SP,Buxton,22/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2 Howard Av,3,h,1710000,S,hockingstuart,22/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,45 Eagle Dr,3,h,440000,PI,Ray,22/04/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,8 Mill St,3,h,416000,SP,Ray,22/04/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,8 Tangelo Tce,3,h,380000,S,Ray,22/04/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,15 Davey St,3,h,815000,S,Buxton,22/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,101/80 Cade Wy,2,u,500000,VB,Jellis,22/04/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/7 Avoca Cr,3,u,620000,S,Brad,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,24 Bolingbroke St,5,h,1410000,PI,Brad,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2A Bolingbroke St,2,t,520000,S,Brad,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/307 Cumberland Rd,2,t,652000,S,Eview,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Irma Gr,3,h,1017500,S,Brad,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 John St,2,h,,S,Nelson,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,24 Windsor St,2,h,910000,S,D'Aprano,22/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,3 Sun Ri,3,h,661000,S,hockingstuart,22/04/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,61 The Parkway,3,h,,SN,Ray,22/04/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,5 Geraldton Rd,3,h,530500,S,hockingstuart,22/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3/2 Sandlewood La,3,t,525000,S,hockingstuart,22/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,102/159 Beach St,2,u,950000,S,hockingstuart,22/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,205/88 Dow St,2,u,730000,SP,Buxton,22/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,44 Spring St,1,h,860000,PI,hockingstuart,22/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,20 Ambon St,3,h,910000,S,hockingstuart,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12 Belgrove St,3,h,1215000,S,hockingstuart,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Bruce St,2,h,2300000,SP,McGrath,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,60 Carlisle St,2,h,1108000,SP,McGrath,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/853 High St,2,t,610000,S,Holland,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Murphy St,3,h,801000,S,Nelson,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,83A Tyler St,3,t,655000,PI,Ray,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,227 Wood St,3,h,1010000,S,Nelson,22/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,32 Ayr St,4,h,800000,SP,RW,22/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/6 Corvey Rd,3,u,640000,S,Harcourts,22/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/8 Cuthbert Rd,3,t,730000,S,RW,22/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Elinda Pl,2,u,395000,S,Stockdale,22/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/19 Tambo Av,2,t,550000,S,Nelson,22/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,3 Kimber St,3,h,1330000,S,Jellis,22/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10/9 Westbank Tce,2,u,440000,VB,Jellis,22/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,29 Bedford Rd,3,h,,PI,Philip,22/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,26 Hammond St,4,h,940000,S,iTRAK,22/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/14 Heathmont Rd,3,u,,SN,Barry,22/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,25 Hendra Gr,4,h,721500,S,hockingstuart,22/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,25 Jeffrey Dr,4,h,1280000,S,Barry,22/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,29 Dublin Rd,4,h,950000,S,Barry,22/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/133 Mt Dandenong Rd,2,u,550000,SP,Fletchers,22/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,1 Conifer Ct,4,h,935000,SP,Philip,22/04/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,1/30 Montalbo Rd,3,u,,PI,Philip,22/04/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,3 Crampton Cr,4,h,,SP,Barry,22/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,10 Virgilia Ct,4,h,861000,S,Harcourts,22/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,9 Armstrong Ct,3,h,463000,S,Raine,22/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,8 Vela Pl,3,h,446000,S,Raine,22/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,5/382 Bluff Rd,2,t,580000,VB,Greg,22/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,15 Regent Ct,4,h,1455000,SP,Charlton,22/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,80 Sandringham Rd,4,h,1700000,SP,Hodges,22/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,2/39 Fellowes St,2,u,,SP,hockingstuart,22/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,3/1 James Av,2,u,,PI,hockingstuart,22/04/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +South Kingsville,2/17 Greene St,2,u,300000,PI,Jas,22/04/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,55 Cobden St,2,h,1024000,S,Williams,22/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,53/39 Dorcas St,3,u,680000,VB,Greg,22/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,344 Moray St,3,h,1732000,S,Buxton,22/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,125 Napier St,2,h,1150000,PI,Greg,22/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,3 Bussell Ct,3,h,531900,SP,RW,22/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Sargood Dr,4,h,660000,S,Ray,22/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,11/17 Como Av,2,t,1040000,PI,RT,22/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9 Nicholson St,2,h,1405000,S,Beller,22/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,403/79 River St,2,u,850000,S,hockingstuart,22/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/9 Rockley Rd,2,u,792500,S,Jellis,22/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,1/39 Stephenson St,3,u,660000,S,RT,22/04/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,17 Ann St,3,h,825000,S,iSell,22/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,3 Davidson St,3,h,890000,SP,Leyton,22/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,43 Grace St,3,h,,SN,iSell,22/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,70 Fox St,5,h,,SN,Barry,22/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,20 James St,3,h,,SN,Barry,22/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,152 Power St,3,h,,PI,Ray,22/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,63 Chapel St,3,h,1361000,S,Buxton,22/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/29 Marine Pde,3,u,1000000,SP,McGrath,22/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/8 Mitford St,2,u,480000,S,Buxton,22/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/34 Princes St,1,u,,PN,hockingstuart,22/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/48 Waterloo Cr,1,u,500000,PI,RT,22/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunbury,88 Barkly St,5,h,900000,VB,Brad,22/04/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,143B Cornwall Rd,2,h,596000,S,Douglas,22/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 Dulcie St,3,h,,SN,Barry,22/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2 Islington St,4,h,970000,S,Douglas,22/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,3 Mellor St,3,h,841000,S,Douglas,22/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,15 Bell St,3,h,,SN,Barry,22/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,13 Murray St,3,h,700000,PI,Douglas,22/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,15 Durham Rd,4,h,,SN,Woodards,22/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,16 Hume Dr,4,h,756000,S,Prof.,22/04/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,38 Silverdene Av,3,h,560000,S,Barry,22/04/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,11 Bradfield Ct,4,h,772000,S,Barry,22/04/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,6 Coogee Dr,5,h,780000,SP,Barry,22/04/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,24 Kirribilli Bvd,3,h,707000,S,FN,22/04/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,22 Wisteria Cl,6,h,1000000,PI,Ray,22/04/2017,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,3 Berwyn Cr,4,h,2500000,PI,Barry,22/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Hampden Ct,5,h,,SN,Philip,22/04/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,8 Andromeda Wy,4,h,1647000,S,Barry,22/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,30 Parker St,4,h,,S,Barry,22/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,33 Sinclair Av,4,h,1550000,S,Ray,22/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,254 Thompsons Rd,4,h,1302000,S,Ray,22/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Bridgewater Gr,3,h,640000,S,Harcourts,22/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2b Elm St,2,u,405000,PI,Harcourts,22/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,16 Palm St,3,h,685000,S,Love,22/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/2 Stewart St,2,t,486000,S,Harcourts,22/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,140 Dundas St,2,h,915000,S,Love,22/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,199 Mansfield St,1,u,300000,SP,McGrath,22/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/33 Swift St,2,t,1050000,SP,McGrath,22/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,73/145 Canterbury Rd,1,u,247500,SA,RT,22/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13 Toorak Av,4,h,5733000,S,Marshall,22/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,12 Esther St,3,h,520000,S,YPA,22/04/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,79 Spring St,4,h,750000,S,Nelson,22/04/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,9 Gibbon Av,5,h,,SN,Ray,22/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,755 Highbury Rd,3,h,,S,RT,22/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Rockaway Dr,4,h,1155000,PI,Fletchers,22/04/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,4 Quixley Gr,5,h,1250000,S,LLC,22/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,16/19 Sovereign Pl,3,t,,SP,Biggin,22/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1 Timmothy Dr,5,h,1215000,S,Ray,22/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,62 Merrill Cr,3,h,770000,PI,Philip,22/04/2017,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,25 Bungay St,4,h,761000,S,LJ,22/04/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,8 Castlereagh Pl,3,h,715000,SP,Barry,22/04/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,5 Daours Ct,4,h,932500,S,Miles,22/04/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,168 Cameron Pde,5,h,,PI,Barry,22/04/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,10 Bunyip Ct,4,h,498000,SP,YPA,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,6 Elbe Cl,3,h,,SN,Harcourts,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Giles Ct,3,h,,PI,FN,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,26A Margaret St,3,h,495000,S,YPA,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,14 Melrose Pl,3,h,660000,PI,Sweeney,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,65 Purchas St,4,h,510500,S,hockingstuart,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,60 Racecourse Rd,4,h,504500,S,hockingstuart,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Willow St,3,h,420000,SP,Triwest,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,37 Wyndham St,3,h,400000,S,FN,22/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,4/624 Barkly St,2,u,490000,S,Village,22/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1 Dongola Rd,3,h,935000,S,Jas,22/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,14 Stanhope St,3,h,975000,S,Jas,22/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,85 Stanhope St,2,h,,S,Burnham,22/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,53 Miller St,2,h,1053000,S,Purplebricks,22/04/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,63 Jells Rd,4,h,,SN,Biggin,22/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,12/53 Morris St,2,u,550000,SP,Williams,22/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,9/99 Verdon St,2,u,490000,S,Village,22/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,3/217 Dandenong Rd,2,u,854000,SP,Woodards,22/04/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,18 Potter St,3,h,395000,S,Harcourts,22/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,12 Pezzimenti Pl,4,h,905000,S,Jellis,22/04/2017,3115,Eastern Victoria,1328,25.2,Manningham City Council +Yarraville,66 Drew St,2,h,1256000,S,hockingstuart,22/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/11 Fielding St,3,t,1120000,S,hockingstuart,22/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,38 Stanger St,4,t,930000,PI,hockingstuart,22/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,119/52 Nicholson St,1,u,423500,S,hockingstuart,22/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,8b Park St,4,h,,PI,Biggin,22/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,20 Batman St,4,h,,SP,Nelson,22/05/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,10 Hilbert Rd,3,h,685000,S,Barry,22/05/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,7/42 York St,3,u,445000,S,Brad,22/05/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,10/140 Kerferd Rd,2,u,647000,S,Greg,22/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,9 Merton Pl,3,h,,SP,Marshall,22/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,12 Coolamon St,2,h,600000,SP,Barry,22/05/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,70 Forrest St,3,h,600000,VB,Sweeney,22/05/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,2c Hamilton St,3,h,865000,SP,hockingstuart,22/05/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,5/5 Yarana Rd,2,u,390000,VB,Nelson,22/05/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,12 Spear Ct,3,t,605100,S,hockingstuart,22/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,31 Duosa Rd,3,h,923000,S,Greg,22/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,252 Millers Rd,4,h,693000,SP,Raine&Horne,22/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,63 Denbigh Rd,3,h,1900000,S,Marshall,22/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1 Derby St,3,h,,S,Marshall,22/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/2 Mercer Rd,3,t,,S,Kay,22/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/60 Wattletree Rd,2,u,,S,hockingstuart,22/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,43 Bloomfield Rd,4,h,1430000,S,Nelson,22/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6/17 Geddes St,2,u,570000,VB,Nelson,22/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/60 The Parade,2,u,690000,S,Brad,22/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,96 The Parade,4,h,,S,Raine,22/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,4 Baker Pde,3,h,1500000,S,hockingstuart,22/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,26 Tarakan Av,3,h,1360000,S,Tim,22/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,22 Vannam Dr,3,h,,PI,Woodards,22/05/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,16 Ruvina St,3,h,780000,S,Ray,22/05/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,4 Narelle Dr,3,h,,SP,Ray,22/05/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,8 Herbert St,3,h,705000,S,Nelson,22/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,2 Hillman Ct,4,h,1100000,VB,Brad,22/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,18 Langham St,3,h,710000,SP,Moonee,22/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,20 Westminster Dr,3,h,892500,S,Nelson,22/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,2/19 Camden St,2,u,474000,S,hockingstuart,22/05/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,10/36 Jurang St,2,u,,SN,Ray,22/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1 Knutsford St,4,h,2900000,VB,Marshall,22/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,34 Monash Av,4,h,1947000,SP,Morrison,22/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,70 Monash Av,4,h,,S,Jellis,22/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,19 Reid St,4,h,,S,hockingstuart,22/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,262 Union Rd,4,h,3290000,S,Jellis,22/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,3 Capella St,2,h,1389000,S,Jellis,22/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/1 Corhampton Rd,2,h,685000,SP,Jellis,22/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,18 Highview Rd,5,h,,PN,Love,22/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Morris St,6,h,1900000,VB,hockingstuart,22/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Riverview Rd,4,h,,S,Marshall,22/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,85a Woodville St,3,h,1335000,S,Fletchers,22/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,4 Fairleigh Av,3,h,1455000,S,Charlton,22/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9 Griffiths St,3,h,1355000,S,Buxton,22/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9b Powys Dr,3,t,1420000,PI,Buxton,22/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,84 Tramway Pde,5,h,2350000,PI,Marshall,22/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,305 Bell St,3,h,645000,SP,Nelson,22/05/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,2 Marquis Rd,3,h,895000,S,Buxton,22/05/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,17 Oak St,4,h,,S,hockingstuart,22/05/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3 Somers St,4,h,1041000,S,Woodards,22/05/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,4 Adrian St,3,h,780000,VB,hockingstuart,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Beddoe Av,2,h,940000,S,Buxton,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,40 Chesterville Dr,3,h,1115000,SP,hockingstuart,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,54 Elizabeth St,3,h,1197000,S,Buxton,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/10 Matthews Rd,2,u,485000,SP,Buxton,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/26 Patricia St,3,u,810000,S,Woodards,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,39 Shrewsbury St,4,h,1365000,PI,Marshall,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,579 Warrigal Rd,3,h,700000,S,Thomson,22/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,6 Barellan Mw,5,h,,PI,O'Brien,22/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,88 Lake Rd,4,h,1230000,S,Fletchers,22/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,23 Ohara St,4,h,1330000,S,Fletchers,22/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36 Wolseley Cr,3,h,,S,Noel,22/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,64 Morrie Cr,4,h,892800,S,Noel,22/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,100 Middleborough Rd,3,h,715000,S,Ray,22/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,4 Genoa Av,3,h,745000,S,Ray,22/05/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,42 Hazelwood Rd,4,h,750250,S,Abley,22/05/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Braybrook,1/20 Castley Cr,2,t,380000,PI,Burnham,22/05/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,66 Champion St,4,h,3900000,S,Nick,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/171 Church St,2,u,1260000,S,Buxton,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/33 Cochrane St,2,u,1110000,S,Rodney,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,33 Laburnum St,5,h,2790000,S,Buxton,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10/32 Loller St,2,u,610000,S,RT,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/61 Martin St,3,u,880000,S,hockingstuart,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/22 Well St,2,u,737000,S,Nick,22/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,25 Agnew St,4,h,1650000,VB,Hodges,22/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,18 Curzon St,4,h,1720000,S,Buxton,22/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Glencairn Av,5,h,2560000,PI,RT,22/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Marriage Rd,4,h,1815000,S,hockingstuart,22/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Murray St,5,h,1450000,PI,Buxton,22/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,33 Blair St,3,h,371000,S,YPA,22/05/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,26 Stenhouse Av,3,h,712000,S,Greg,22/05/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,15/11 Aberdeen St,2,u,350000,S,hockingstuart,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,35 Charles St,2,h,871000,S,Jellis,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 Hanover St,3,h,985000,S,Jellis,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,64 Hanover St,3,h,1250000,S,Ray,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/21 Jones St,2,h,542000,S,Raine,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/2 Pottery Ct,3,t,641000,SP,RW,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,131 Tinning St,5,h,1395000,S,Nelson,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/133 Wilson St,2,h,,PI,hockingstuart,22/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,15 Ethel St,2,h,957000,S,Nelson,22/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,160 Glenlyon Rd,3,h,825000,PI,Nelson,22/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,6/374 Lygon St,2,u,621000,S,hockingstuart,22/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3/447 Brunswick Rd,2,u,400000,S,Nelson,22/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,16 Foden St,3,h,,S,Nelson,22/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9/39 Heller St,1,u,330000,S,hockingstuart/Advantage,22/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,10/13 Hopetoun Av,2,u,315000,PI,Jellis,22/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/82 Hopetoun Av,2,u,380000,S,Nelson,22/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,22 Nirvana Cr,4,h,1280000,S,Jellis,22/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,19 Dorrington Ct,3,h,,SN,Barry,22/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Forest Vw,4,h,680000,S,Barry,22/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Gazania Tce,4,h,730000,SP,Nelson,22/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Karu Ct,4,h,,PI,Barry,22/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,363 Burwood Hwy,5,h,1800000,PI,Ray,22/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,55 Parer St,4,t,900000,VB,Noel,22/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,7 Allambee Av,3,h,2580000,S,Marshall,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 Davis Av,4,h,,S,Marshall,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Finsbury Wy,4,h,,S,Marshall,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,60 Fordham Av,4,h,,S,Marshall,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Grace St,3,h,,S,Fletchers,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6/11 Seymour Gr,2,u,530000,PI,Fletchers,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,26 Sunnyside Av,4,h,3150000,S,Marshall,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2a Thomas St,4,h,1100000,VB,HAR,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/208 Wattle Valley Rd,3,u,1333000,S,Jellis,22/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,12 Grange Av,5,h,4500000,PI,RT,22/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,205/37 Palmerston St,2,u,600000,PI,Woodards,22/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,309/20 Reeves St,1,u,310000,PI,hockingstuart,22/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,292 Amess St,4,h,1950000,S,Nelson,22/05/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,39 Elimatta Rd,3,h,1430000,S,Ray,22/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/3 Morton Av,1,u,,PI,Ray,22/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield North,31 Fitzgibbon Cr,3,t,1610000,S,Gary,22/05/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,147 Booran Rd,3,h,1303500,S,hockingstuart,22/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,15 Goe St,5,h,,SN,Gary,22/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2 Fitzroy Gr,4,h,1415500,S,hockingstuart,22/05/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/8 Moona Ct,4,t,898000,SP,Nelson,22/05/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,21 Alden Ct,3,h,1005000,S,Chisholm,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,128 Devon St,2,h,851500,S,Ray,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21a Friendship Sq,3,t,901000,S,OBrien,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Haughton St,3,h,960000,S,Hodges,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Jodi St,4,h,785000,S,Ray,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,67 Lorna St,3,h,785000,PI,Buxton,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/1383 Nepean Hwy,2,u,,W,OBrien,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Victor Av,4,h,1475000,PI,Buxton,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/204 Warrigal Rd,2,u,435000,PI,Bayside,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/11 Wilson St,2,u,,SP,OBrien,22/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,17 Jaguar Dr,3,h,910000,S,Eview,22/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,9 Caringal Ct,3,h,650000,S,Woodards,22/05/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,1 John St,2,h,730000,S,Nelson,22/05/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,84 Blair St,4,h,,SN,Walsh,22/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Rogers St,3,h,,S,Nelson,22/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,14 Adler Gr,3,h,,SP,Nelson,22/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,18 Keane St,2,h,,SN,Barry,22/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,2/60 Budd St,3,t,887500,S,Peter,22/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,104/35 Victoria Pde,1,u,477500,S,Biggin,22/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,19 Braveheart Rd,3,h,390000,PI,YPA,22/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Middlesborough Dr,4,h,481500,S,hockingstuart,22/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Raheen Pl,3,h,413000,S,Ray,22/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,278 Waterview Bvd,4,h,,PI,Barry,22/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,84 Chestnut St,2,h,831000,S,hockingstuart,22/05/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,18 Eastmead Rd,4,h,725000,S,Max,22/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,46 Railway Pde,3,h,,PI,iSell,22/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,12 Leeside St,3,h,490000,SP,Del,22/05/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,19 Dumfries St,4,h,428800,SP,Stockdale,22/05/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,20 Glencairn Av,3,h,431000,S,Bells,22/05/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,9 Blythe Ct,4,h,1000000,SP,Buxton,22/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,47 Kingswood Dr,3,h,660000,PI,Ray,22/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,65 McClure Rd,4,h,902000,SP,RW,22/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,5 Iskandar Pl,5,h,1650000,VB,Jellis,22/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,4 Beenak Ct,4,h,1075000,S,Jellis,22/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8a Leura St,2,h,690000,VB,Jellis,22/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,69 Maggs St,6,h,,S,Jellis,22/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Murphy Rd,4,h,1000000,PI,Barry,22/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Ross St,5,h,2200000,VB,hockingstuart,22/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/50 St Clems Rd,3,t,,SP,Landfield,22/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,4 Wright Av,3,h,760000,PI,Barry,22/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,35 Oak Av,3,h,406000,S,hockingstuart,22/05/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,14 Pyrus Ct,3,h,390000,SP,Hall,22/05/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,20/1 Wellington Cr,1,u,615000,SP,Caine,22/05/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,1 Dudley Gr,5,h,1200000,S,hockingstuart,22/05/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,92 Rae Av,3,h,,SP,Ray,22/05/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,10 Bayview St,3,h,,S,hockingstuart,22/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,1/28 Clarence St,3,u,782000,S,Gary,22/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/39 Horne St,4,h,1007000,S,Pride,22/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elwood,6/26 Ruskin St,2,u,500000,VB,Wilson,22/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,25 Glendale Av,4,h,430000,SP,Iconek,22/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Gloucester Wy,3,h,463000,S,Melbourne,22/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,34 Narina Wy,4,h,372000,S,Barry,22/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,84a Northumberland Dr,3,h,,PN,Love,22/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,50 Peppercorn Pde,3,h,435200,S,Harcourts,22/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,23a Deakin St,3,t,,S,Nelson,22/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,115 Fawkner St,2,h,1255000,S,Paul,22/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/37 Grice Cr,2,u,370000,S,Considine,22/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,384 Buckley St,4,h,,PI,Brad,22/05/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,254 Rathmines St,4,h,2000000,VB,Nelson,22/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/11 Brockley Rd,3,h,400000,S,Raine,22/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,17 Edward St,3,h,527000,S,YPA,22/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,102a Jukes Rd,3,t,538000,S,Luxton,22/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,82 Lorne St,3,h,860000,S,Nelson,22/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,94 Major Rd,3,h,515000,PI,hockingstuart,22/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,60 Bell St,4,h,1620000,S,Nelson,22/05/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,4/44 Brunswick St,1,u,,SP,Peter,22/05/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,47 Charles St,3,h,1600000,S,Nelson,22/05/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,10/5 St David St,3,u,850000,VB,Nelson,22/05/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,21 Reid St,1,h,899000,S,Jellis,22/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,114 Shields St,2,h,957000,SP,Nelson,22/05/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,306/277 Barkly St,2,u,420000,VB,Village,22/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/27 Eldridge St,2,u,,W,Sweeney,22/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,51 Lynch St,2,h,858000,SP,Jas,22/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,1/29 Jolimont Rd,3,u,590000,S,Noel,22/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,3/10 Stringybark Cl,3,t,700000,S,Noel,22/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston South,95 Kars St,5,h,,PI,hockingstuart,22/05/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,120 Rosedale Gr,4,h,605000,S,hockingstuart,22/05/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,11 Grant Av,3,h,375000,S,Raine,22/05/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,14 Elmhurst Rd,3,h,500000,SP,Barry,22/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,20 Woodstock Dr,3,h,570000,S,Barry,22/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,16/89 Neerim Rd,2,t,636500,S,Gary,22/05/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,32/1495 Malvern Rd,3,u,652000,S,Jellis,22/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,37 Valley Pde,4,h,,S,Marshall,22/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2b York Rd,5,h,1650000,PI,Noel,22/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,39 Chapel St,3,h,,PI,Hall,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Danien St,3,h,,PI,HAR,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5/33 Kauri Gr,2,u,,PN,Barry,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/3 Kwinana St,3,t,925000,S,Ray,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/6 Monterey Av,4,t,860000,S,Ray,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Rose Av,5,h,,PI,Barry,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Turner Ct,5,h,,VB,Woodards,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Wilson Rd,4,h,,PI,HAR,22/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,13a Anselm Gr,2,u,,VB,Brad,22/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 Cromwell St,4,h,630000,S,Stockdale,22/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,37 Farview St,2,t,420000,SP,Stockdale,22/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10a Melbourne Av,2,h,486500,S,Nelson,22/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,106 Outlook Dr,3,h,600000,S,Stockdale,22/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,30 Valley Cr,3,h,502500,S,Stockdale,22/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,6 Eldale Av,4,h,1150000,S,Morrison,22/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Warralong Av,3,h,676000,S,Darren,22/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,20 Annadale Mw,4,h,750000,S,Barry,22/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,62 Arncliffe Bvd,4,t,565000,S,Barry,22/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,7 Beechworth Av,4,h,647000,S,Ray,22/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 MacMillan Av,4,h,625000,S,Jason,22/05/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,35 Angus St,3,h,591000,S,Brad,22/05/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,19 Barbara St,3,h,550000,SP,Brad,22/05/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,100 South St,2,h,330000,VB,Stockdale,22/05/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,31 Avondale St,4,h,,S,Hodges,22/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4 Bayside Cr,3,t,1405000,S,Buxton,22/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/1 Warland Rd,3,t,1000000,PI,Stockdale,22/05/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,5/40 Barkers Rd,2,u,470000,VB,hockingstuart,22/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,710/377 Burwood Rd,2,u,485000,VB,LITTLE,22/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/506 Glenferrie Rd,1,u,290000,S,Biggin,22/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6 Power St,4,h,,S,Jellis,22/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,218/12 Albert St,1,u,375000,PI,hockingstuart,22/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,16 Anderson Rd,4,h,,SP,Jellis,22/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,13 Clive Rd,4,h,2450000,VB,Jellis,22/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,75 Leura Gr,3,h,3020000,S,Hooper,22/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,43 Mayston St,3,h,1625000,S,Woodards,22/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,122 Victoria Rd,5,h,2775000,PI,Marshall,22/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,231 Canterbury Rd,3,h,,SN,Barry,22/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,26 Berkeley Av,3,h,,SN,Miles,22/05/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,1/58 Darebin St,3,t,808000,S,Miles,22/05/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,34 Martin St,4,h,1031000,S,Miles,22/05/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,23 Morotai Pde,2,h,520000,VB,Nelson,22/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,5 Mulberry Pde,3,h,646250,S,Ray,22/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,8 Danson St,2,h,1350000,S,Buxton,22/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Holyrood St,2,t,781000,S,Ray,22/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/6 June St,3,u,750000,PI,C21,22/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,26 Wilson St,4,h,1765000,S,Hodges,22/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,17 Bradley Dr,3,h,,W,Barry,22/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,274 Morris Rd,4,h,,SP,Sweeney,22/05/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,32 Calembeena Av,3,h,,SN,Greg,22/05/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,113 Green St,3,h,1102000,S,Nelson,22/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,13 Jellicoe St,3,h,1275000,VB,Nelson,22/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,51 Jellicoe St,3,h,1065000,S,Miles,22/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,333 The Boulevard,5,h,1797000,S,hockingstuart,22/05/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,3 Fidge Ct,3,h,600000,S,Woodards,22/05/2016,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,32 Church St,2,h,720000,S,Brad,22/05/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,48 Skyline Dr,4,h,960000,S,Brad,22/05/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,71 Odessa Av,4,h,550000,S,Barry,22/05/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,21 Henry St,4,t,807000,S,Brad,22/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/67 Milleara Rd,2,u,502000,S,Nelson,22/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,54 Norwood Dr,4,h,770000,S,Nelson,22/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,81 Quinn Gr,5,h,700000,PI,Nelson,22/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,94 Sterling Dr,3,h,570000,SP,HAR,22/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/31 Wingara Av,3,u,711000,S,Moonee,22/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,44 Erebus St,4,t,746000,S,Barry,22/05/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,29 Russelton St,2,h,535000,S,Nelson,22/05/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,57 Eastwood St,3,h,813500,SP,Nelson,22/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,10/7 College Pde,3,u,720000,S,Jellis,22/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Hillcrest Av,4,h,,S,Jellis,22/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/17 Marshall Av,3,t,,S,Marshall,22/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7a Peel St,3,h,1450000,VB,Jellis,22/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,114b Princess St,4,h,,S,Marshall,22/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Tara Av,5,h,2760000,PI,Jellis,22/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,174 Kilby Rd,4,h,2175000,VB,Jellis,22/05/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,89 Kilby Rd,6,h,1300000,VB,Noel,22/05/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsville,60 Empress Av,3,h,912500,PI,Village,22/05/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,17/5 Lewis St,2,u,270000,VB,Jas,22/05/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,8 Avenel Rd,5,h,,S,Kay,22/05/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Kurunjang,5 Kirra Ct,4,h,283000,SP,PRDNationwide,22/05/2016,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,7 Bencairn Ct,3,h,,PI,Harcourts,22/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6 Dallas Dr,3,h,467000,S,hockingstuart,22/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,21 Edmondson St,3,h,481000,SP,Love,22/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,32 Tripani Av,5,h,,PI,hockingstuart,22/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,11 Cheval Ct,4,h,1060000,S,Morrison,22/05/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,43 Glenmore St,3,h,900000,S,Barry,22/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Malvern,3/298 Glenferrie Rd,3,u,927000,S,Jellis,22/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,24 Hunter St,3,h,,SP,Marshall,22/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,21 Albert St,3,h,,S,Jellis,22/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2B Hedgeley Av,4,h,,SP,Marshall,22/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/24 Hyslop Pde,2,u,820000,S,Besser,22/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 Kerferd St,4,h,,S,Marshall,22/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/16 Repton Rd,2,u,480000,S,hockingstuart,22/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,16 Turner St,4,h,,S,Marshall,22/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6/4 Belvedere Cl,3,h,780000,VB,Nelson,22/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,31 Forge Cl,3,t,675000,SP,First,22/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,209/4 La Scala Av,2,u,,W,hockingstuart,22/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,102/64 Wests Rd,2,u,,W,hockingstuart,22/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,1018/422 Collins St,2,u,692000,S,Greg,22/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1703/8 Franklin St,2,u,,PN,Pagan,22/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1104/55 Queens Rd,2,u,670000,VB,Gary,22/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,78 Blackwood Av,3,h,825000,S,Hodges,22/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/13 Florence St,1,u,300000,S,Hodges,22/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mill Park,8 Fowler Ct,4,h,,SP,Love,22/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Ivy Ct,4,h,,SN,Barry,22/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Sirius Ct,3,h,,SN,Barry,22/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Woodvale Ct,3,h,,SN,Barry,22/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,15 Alwyn St,2,h,,SP,Noel,22/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9 Sunshine Av,4,h,,SP,Jellis,22/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3/29 Trafalgar St,2,u,,S,Jellis,22/05/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,4/10 Alexander St,2,u,430000,S,hockingstuart,22/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,64 Astley St,4,h,765000,S,Darren,22/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,35 Athol St,3,h,1425000,SP,Brad,22/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,36 Derby St,3,t,1345000,SP,Barry,22/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/118 Holmes Rd,2,u,330000,SP,Jellis,22/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/132 Pascoe Vale Rd,4,t,726000,S,Nelson,22/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,13 Franklin St,3,h,725000,PI,Ray,22/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,5 Margaret St,3,h,981000,S,Buxton,22/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,10b Narooma St,3,u,985000,SP,C21,22/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,2 Harley Cr,3,h,670000,S,Fletchers,22/05/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,57 Jenkins St,3,h,867000,S,Buxton,22/05/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Dandenong,1392 Mount Dandenong,3,h,405000,S,Fletchers,22/05/2016,3767,Eastern Victoria,552,30.1,Yarra Ranges Shire Council +Mount Waverley,18 Heany St,3,h,1200000,VB,Noel,22/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/449 High Street Rd,5,t,,VB,Fletchers,22/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/1 Park La,5,u,1625000,S,Jellis,22/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Princetown Rd,4,h,,PI,Fletchers,22/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Solferino Cl,3,h,870000,VB,Jellis,22/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,4 Aintree Av,3,h,670000,SP,HAR,22/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Centurion Ct,2,h,825000,S,hockingstuart,22/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,4/19 Rosella St,3,t,860000,SP,Buxton,22/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,8 Agg St,3,h,993000,SP,Williams,22/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,29 Charlotte St,3,h,901000,SP,Trimson,22/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,8 Crawford St,2,h,650000,SP,Raine&Horne,22/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,279 Melbourne Rd,4,h,,SN,Williams,22/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,14 Rebecca Pl,4,t,,PN,Barry,22/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1 Alliance St,4,h,,PI,Century,22/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,79 Callander Rd,4,h,1050000,S,Grant's,22/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,68 Liege Av,4,h,710000,S,REMAX,22/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,206/97 Flemington Rd,1,u,,PI,Pagan,22/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,25 Wilson Mw,3,t,872000,S,Gary,22/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,3 Wilson Mw,2,t,700000,VB,W.B.,22/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,6 Dally St,2,h,1035000,S,hockingstuart,22/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/5 Emmaline St,2,u,460000,VB,Nelson,22/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,42 Kellett St,3,h,1760000,S,Nelson,22/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,127a Separation St,2,t,700000,VB,Nelson,22/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,19a Victoria Rd,3,h,975000,S,Barry,22/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,21 Patterson St,4,h,995000,S,Noel,22/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/16 Winifred St,2,u,470000,VB,Barry,22/05/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1472 Dandenong Rd,2,h,750000,PI,Woodards,22/05/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Ormond,4/50 Glen Orme Av,2,t,823000,S,Buxton,22/05/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/25 Murray Rd,3,u,820000,PI,Buxton,22/05/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,8/28 Warrigal Rd,2,u,462500,S,Thomson,22/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,78 Warrigal Rd,3,h,1205000,S,hockingstuart,22/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,16 William St,4,h,1340000,S,Nelson,22/05/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,6 Collings Ct,2,h,810000,S,Brad,22/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,173 Cumberland Rd,4,h,723000,S,Stockdale,22/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,30 Downs St,2,t,550500,S,Nelson,22/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,801/65 Beach St,3,u,2260000,S,Marshall,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,153 Dow St,2,h,1130000,S,Greg,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,41 Dunstan Pde,3,h,1305000,S,Marshall,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,202/115 Nott St,2,u,720000,S,Chisholm,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,206 Nott St,2,h,1130000,PI,Marshall,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,410/54 Nott St,2,u,520000,S,hockingstuart,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,129 Pickles St,2,h,,SP,Greg,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,141/95 Rouse St,2,u,1250000,VB,Greg,22/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,1 Arkle St,3,h,,SN,hockingstuart,22/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,59 Clarke St,4,h,,S,Marshall,22/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/38 Donald St,2,t,1540000,S,Jellis,22/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,92 Gilbert Rd,2,h,986000,S,hockingstuart,22/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,26 Lovelace St,2,h,771000,S,hockingstuart,22/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,421 Murray Rd,4,h,760000,PI,Barry,22/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/30 Ovando St,2,t,,PI,RT,22/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,1/15 Chenies St,3,u,450000,VB,hockingstuart,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/11 Erskine Av,2,t,400000,VB,hockingstuart,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Gilbank St,3,h,921500,S,Nelson,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20a Glasgow Av,3,t,760000,S,Nelson,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Lane Cr,2,h,596000,PI,Barry,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Liston Av,3,h,,PI,Ray,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/10 Odowd St,2,t,490000,S,hockingstuart,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Southernhay St,3,h,787000,S,Stockdale,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/126 St Vigeons Rd,2,u,350000,PI,Ray,22/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,45 Abinger St,3,h,,PI,Biggin,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,103/8 Howard St,1,u,380000,PI,Dingle,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Kimber St,3,h,1285000,S,Steveway,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21a Laity St,1,h,815000,PI,Dixon,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,249 Punt Rd,4,h,905000,S,Biggin,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/11 River St,2,u,915000,S,Biggin,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,31/15 River Bvd,2,u,750000,S,Biggin,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,140/73 River St,2,u,604000,SP,Biggin,22/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,6 Heather Gr,3,h,643000,S,Philip,22/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 Hugh St,3,h,,SP,Fletchers,22/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4/91 Ringwood St,2,u,420000,SP,Ray,22/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,12 Ripley Ct,4,h,672500,SP,Barry,22/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,69 Sonia St,4,h,805000,SA,Carter,22/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1/25 Wenwood St,3,h,,SN,Barry,22/05/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,23 Hygeia Pde,4,h,,S,hockingstuart,22/05/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,7 Jull Pde,4,h,,S,Fletchers,22/05/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,3 Alfreda Av,3,h,,PI,Barry,22/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,54 Grove Rd,4,h,1270000,S,Fletchers,22/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,22 McAuley Dr,4,h,,SP,Miles,22/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,40 Station Rd,3,h,,SN,Miles,22/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,6 Andrew Ct,3,h,,SP,Jellis,22/05/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,17 Clare Ct,4,h,765000,S,RW,22/05/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,50 Simon Av,5,h,905000,S,Fletchers,22/05/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,5 Hawker Av,4,h,436500,S,Raine,22/05/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,31 McKeown Cr,4,h,391000,S,Raine,22/05/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,44 Sandover Dr,3,h,,SN,Barry,22/05/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,39 Bamfield St,4,h,2092500,S,Nick,22/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,102 Bay Rd,4,h,,S,Buxton,22/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,12 Wood St,3,h,1880000,S,hockingstuart,22/05/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,78 Borg Cr,3,h,812500,S,Ray,22/05/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,2 Holbein Ct,5,h,667000,S,RW,22/05/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,24 Bardia Av,4,h,571000,PI,hockingstuart,22/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,9 Shirley Av,3,h,646000,S,O'Brien,22/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,8/294 Nicholson St,1,u,215000,VB,Greg,22/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,302 Nicholson St,3,h,,S,Village,22/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,55 Saltley St,3,h,1030000,SP,Barlow,22/05/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,1/295 Clarendon St,2,u,1360000,S,Cayzer,22/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,46 Cobden St,3,h,1390000,PI,Greg,22/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,18a Iffla St,4,h,1615000,S,Marshall,22/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,14a Napier St,2,u,,S,Marshall,22/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,3 Solaire Wy,3,h,392000,S,Ray,22/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,3/38 Arnold St,1,u,540000,S,hockingstuart,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,21/33 Murphy St,2,u,803000,S,hockingstuart,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,29 Nicholson St,3,t,2010000,VB,Kay,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,62 Powell St,3,h,1945000,S,Jellis,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,21 Ralston St,3,h,906000,S,Jellis,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,33/3 Rockley Rd,3,u,990000,S,hockingstuart,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,24/384 Toorak Rd,1,u,367000,S,hockingstuart,22/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,601/65 Coventry St,2,u,622500,S,hockingstuart,22/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,1809/9 Power St,1,u,,VB,Greg,22/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,4 Andrew St,3,h,691000,S,Nexus,22/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,12 Glendale Rd,4,h,605000,SP,iSell,22/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,41 View Rd,3,h,770000,S,iSell,22/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,21 Whitworth Av,3,h,,PI,iSell,22/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,8 Woodstock Pl,3,h,625000,S,Leyton,22/05/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,1/99 George St,2,h,,PI,YPA,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Glendenning St,4,h,,SN,Barry,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,27 Gumtree Cl,3,h,,SN,Barry,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,82a Henry St,3,h,500000,PI,Ray,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,71 Manfred Av,4,h,520000,S,Bells,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/57 Moffat St,3,u,272000,PI,Ray,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,31 Novara Pde,5,h,557000,SA,YPA,22/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,51/3 Alfred Sq,2,u,610000,S,Whiting,22/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,13/60 Carlisle St,1,u,420000,S,Cayzer,22/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/128 Inkerman St,1,u,312000,S,hockingstuart,22/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,30 Neptune St,3,h,1345000,PI,Wilson,22/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,138a Lebanon St,2,h,630000,S,Barry,22/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,10 Madel Av,4,h,2130000,S,Considine,22/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,5 Lockheed St,4,h,950000,S,Nelson,22/05/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunshine,18 Barnett St,3,h,700000,SP,Bells,22/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,24 McIntosh St,3,h,571000,S,Barry,22/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,6 Station Pl,4,h,835000,S,Bells,22/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,14a Staughton St,2,u,470000,S,Sweeney,22/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,29 Cranbourne Av,3,h,457000,S,Barry,22/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,35 Furlong Rd,3,h,591000,S,First,22/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Rosewall St,3,h,665000,S,Stockdale,22/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Surrey Hills,34 Barton St,4,h,1850000,S,Nelson,22/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1 Marne St,4,h,2125000,PI,Marshall,22/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/5 Middlesex Rd,2,u,656000,S,Fletchers,22/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,16 Pembroke St,4,h,1650000,S,Fletchers,22/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,6 Scott La,5,h,720000,S,Barry,22/05/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,25 Tasman Cr,4,h,,W,Barry,22/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,14 Wellesley Dr,4,h,705000,SP,Professionals,22/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,41 Taparoo Rd,4,h,1850000,SP,Jellis,22/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,10 Valencia Tce,4,h,1000000,PI,Fletchers,22/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,5 Michael St,3,h,1155000,S,Barry,22/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,40 Mincha Av,5,h,890000,S,Barry,22/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,4 Bella Ct,4,h,490000,S,Harcourts,22/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,11 Larch St,3,u,532500,S,Harcourts,22/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,8 Michelle Cl,3,h,450000,S,Barry,22/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/3 Poplar St,2,h,335000,S,hockingstuart,22/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,9 Swan Ct,2,h,458000,S,Harcourts,22/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,8/89 Ballantyne St,1,u,245000,VB,Love,22/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,144 Clarendon St,3,h,1290000,SP,Barry,22/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/121 Darebin Rd,2,u,605000,S,Barry,22/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/25 Martin St,2,u,501000,S,Harcourts,22/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8/17 Myoora Rd,2,u,540000,VB,Hodges,22/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/24 Tintern Av,3,u,1050000,S,Greg,22/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,508 Toorak Rd,6,u,,S,Kay,22/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,53 Mangalore St,4,h,1740000,VB,Nelson,22/05/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,45 Tadstan Dr,3,h,445000,S,YPA,22/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,12 Allison Ct,4,h,880000,S,Jellis,22/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,49 Nurlendi Rd,4,h,920000,S,Noel,22/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,40 Castleton Rd,3,h,820000,S,Morrison,22/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,14 Augusta Wy,3,h,,SS,LJ,22/05/2016,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,31 Dunbarton Dr,3,h,682000,S,Ray,22/05/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,57 Kingloch Pde,4,h,645000,S,Barry,22/05/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,70 Coleman Rd,3,h,,SN,Barry,22/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,83 Sylphide Wy,6,h,,PI,Ray,22/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warburton,3379 Warburton Hwy,1,h,,PI,Bell,22/05/2016,3799,Northern Victoria,1191,64.1,Yarra Ranges Shire Council +Warrandyte,39 Fossickers Wy,3,h,765000,S,Gardiner,22/05/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,7 Crellin Cr,4,h,652000,S,Nelson,22/05/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,18 Papua St,3,h,922000,S,Barry,22/05/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,23 Fontein St,2,h,850000,S,Sweeney,22/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2a Hope St,2,h,705000,S,Jas,22/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,135 Suffolk St,3,h,709000,S,Jas,22/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,5/16 Warleigh Rd,1,u,,PI,Stockdale,22/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,3/26 Pascoe St,2,u,350000,PI,Nelson,22/05/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,13 Darvell Cl,4,h,950000,VB,Barry,22/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Dovette Ct,4,h,840000,PI,Barry,22/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,28 Elmstead Dr,3,h,950000,PI,Barry,22/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,175 Douglas Pde,3,h,1360000,S,Sweeney,22/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,104 Hannan St,4,h,2050000,S,Sweeney,22/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,116a Hannan St,3,h,975000,PI,Sweeney,22/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,6/23 The Avenue,1,u,400000,VB,hockingstuart,22/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Yallambie,38 Allima Av,3,h,788000,S,Barry,22/05/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,12 Burns St,3,h,,SP,Jas,22/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,129 Roberts St,5,h,1137500,S,hockingstuart,22/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,101 Charles St,2,h,911000,S,Purplebricks,22/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,133 Yarra St,2,h,1190000,S,Biggin,22/07/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,45 Afton St,3,h,2050000,SP,McDonald,22/07/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,45A Afton St,3,h,,PN,McDonald,22/07/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,5 Aroona Ct,3,h,1680000,SP,Raine,22/07/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,4/37 St Kinnord St,1,u,280000,VB,Nelson,22/07/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,6/39 St Kinnord St,1,u,310000,S,Brad,22/07/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,18 Valencia St,5,h,1472000,S,Rendina,22/07/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,11 Bedford St,3,h,,SN,Sweeney,22/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,6/6 Etzel St,2,u,454000,S,Nelson,22/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/81 McIntosh St,3,u,635000,S,Nelson,22/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Altona,16 Cain Ct,3,h,1005000,SP,Barlow,22/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/26 Maidstone St,4,t,820000,SP,hockingstuart,22/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,72 McIntyre Dr,3,h,,SP,hockingstuart,22/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,174 Queen St,3,h,,SP,RT,22/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,64 Queen St,4,h,1360000,S,Greg,22/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,6 Rose St,3,h,950000,SP,Barlow,22/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,52 Shirley St,3,h,620000,S,hockingstuart,22/07/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,12 Chambers Rd,3,h,830000,SP,RT,22/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,131 Chambers Rd,3,h,730000,S,Greg,22/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,313 Millers Rd,4,h,805000,S,Sweeney,22/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/16 Stapley Cr,2,h,510000,S,Sweeney,22/07/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,48 McLaughlin St,3,h,645000,S,Barry,22/07/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,2/579 Dandenong Rd,2,u,,SP,hockingstuart,22/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,16/74 Denbigh Rd,2,u,486000,S,hockingstuart,22/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,2/41 Sandown Rd,3,t,855000,S,Alexkarbon,22/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,67 The Parade,2,h,1035000,S,Alexkarbon,22/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,85 The Parade,3,h,1310000,S,Brad,22/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,13 Baird St,3,h,,SA,Buxton,22/07/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,5 Kiewa St,4,h,1450000,S,Fletchers,22/07/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,47B Vannam Dr,3,t,1060000,S,Buxton,22/07/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,14 Ebb St,3,h,970000,VB,hockingstuart,22/07/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,8A Lawrence Av,2,t,711000,S,Hodges,22/07/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,12 Pacific Dr,4,h,840000,VB,Barry,22/07/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,26 Clarendon St,4,h,665000,PI,Nelson,22/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,49 Ridge Dr,3,h,750000,PI,Barry,22/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,55 Ridge Dr,5,h,800000,VB,Barry,22/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,1/40 Sycamore Gr,1,u,,SP,Biggin,22/07/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,7 Austin St,4,h,,SP,Noel,22/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9/3 Boston Rd,2,u,800000,S,Langwell,22/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,5 Tedstone Cr,5,h,2400000,VB,Fletchers,22/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,7 Adeney St,5,h,2400000,VB,hockingstuart,22/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1120 Burke Rd,3,h,2668000,S,Noel,22/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Carrington St,4,h,1750000,S,Jellis,22/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,67 Winfield Rd,4,h,1850000,SA,Fletchers,22/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,6 Larne Av,2,u,620000,S,First,22/07/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaconsfield,12 Windsor Dr,4,h,670000,SP,Harcourts,22/07/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,16A Coronet Gr,3,t,1850000,PI,McGrath,22/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,9 Sullivan St,2,h,906000,S,Miles,22/07/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,11 Buckingham Av,3,h,1640000,S,Woodards,22/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,34b Marquis Rd,4,t,1420000,VB,Buxton,22/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,22 Mortimore St,3,h,1610000,S,Buxton,22/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/21 Vickery St,2,u,410000,PI,hockingstuart,22/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12 Wood St,5,h,1500000,PI,hockingstuart,22/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,1a Benina St,2,u,860000,S,hockingstuart,22/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,2 Northgate Dr,4,h,775000,VB,O'Brien,22/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,5 Russel Av,3,h,755000,S,O'Brien,22/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,1/21 Lithgow Av,2,u,,SN,Noel,22/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,488 Middleborough Rd,3,h,1020000,PI,Jellis,22/07/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,2A Stewart Av,3,h,874000,S,Fletchers,22/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,41 Southey Rd,3,h,,SN,Barry,22/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,8/1 Via Media,2,u,,SN,Woodards,22/07/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,12/27 Marnoo St,3,t,560000,S,Sweeney,22/07/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton East,4/3 Gleniffer Av,2,u,620000,S,Buxton,22/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Grant St,3,h,1500000,S,Hodges,22/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8 Robinson St,3,h,,SN,Follett,22/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,39 Blair St,1,h,1100000,VB,Stockdale,22/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,82 Cuthbert St,3,h,450000,S,YPA,22/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,4 Holberry St,3,h,560000,S,YPA,22/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,148 Donald St,3,h,1120000,S,Raine,22/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,54 Dunstan Av,2,h,1110000,S,Jellis,22/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9 First Av,3,h,1260000,S,Jellis,22/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,24 Mitchell St,4,h,1790000,S,Nelson,22/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,408/1 Brunswick Rd,1,u,390500,SP,Ray,22/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,315/408 Lygon St,1,u,370000,VB,Jellis,22/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/78 Melville Rd,2,t,592000,SA,Nelson,22/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,22 Alma Rd,4,h,800000,SP,Ray,22/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,43 Cheadle Cr,5,h,999000,S,Ray,22/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,398 Grimshaw St,3,h,680000,S,Barry,22/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,35 Lenna St,3,h,,SN,hockingstuart,22/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,17 Blackwood Ct,4,h,750000,PI,Ray,22/07/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,4 Lynden St,3,h,1830000,S,Ham,22/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,17 Through Rd,2,h,,S,Rounds,22/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,66 Palmerston St,3,h,920000,S,Nelson,22/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,1/249 Rathdowne St,2,u,,SP,Woodards,22/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,51 Davis St,3,h,1400000,VB,Jellis,22/07/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,5/9 Cosy Gum Rd,2,u,796000,S,Thomson,22/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/242 Koornang Rd,2,u,,PN,Gary,22/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/1 Milton St,2,u,,SP,hockingstuart,22/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7 Porter Rd,3,h,,SN,Gary,22/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9 Vine Gr,2,h,1630000,S,Woodards,22/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2A Walden Gr,3,h,1050000,VB,Eview,22/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,15A Riversdale Av,3,h,825000,S,Ray,22/07/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,2/66 Whatley St,2,u,655000,S,Eview,22/07/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield North,6/374 Dandenong Rd,2,u,610000,PI,Greg,22/07/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,3/22 Stapley Cr,3,t,977500,S,Buxton,22/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/15 Cross Rd,2,u,639000,S,Eview,22/07/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,10 Cronin Ct,4,h,1138000,S,HAR,22/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30 Nancy St,3,h,1050000,PI,Barry,22/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clifton Hill,11/165 Noone St,2,u,640000,SA,Nelson,22/07/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,35 Belgrave St,3,h,1285000,S,Nelson,22/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1B Crozier St,3,h,890000,S,Peter,22/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,41 Mayfield St,4,h,,SP,Peter,22/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,92 Gold St,2,h,,VB,Nelson,22/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,53 Mater St,2,h,1080000,S,Nelson,22/07/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,55 Champion Pde,4,h,,SN,Barry,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,42 Excelsior Hts,6,h,1000000,S,YPA,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Heytesbury Cr,3,h,607500,S,hockingstuart,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Medway Rd,4,h,,SN,Barry,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Moresby Ct,3,h,,SN,Barry,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Northumberland Cct,3,h,500000,S,Stockdale,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,24 Paddington St,3,h,515000,S,Ray,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,70 Penhall Dr,3,h,510000,S,Ray,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,36 Serenity Wy,4,h,592500,S,Ray,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Virtue Wy,4,h,595000,S,Ray,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Windrock Av,2,h,,PI,Ray,22/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,8 Railway Cr,3,h,1005000,S,McGrath,22/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,37 Benalla St,3,h,,SN,Barry,22/07/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,1 Caroline St,3,h,669000,S,Stockdale,22/07/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,43 Fifth Av,3,h,,PI,Barry,22/07/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1462 Heatherton Rd,3,h,880000,S,Barry,22/07/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,7 Belmont Av,3,h,560000,S,Barry,22/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,7 Buchan St,5,h,895000,S,Barry,22/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,4/193 Whitehorse Rd,2,h,710000,S,Nelson,22/07/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,15 Abercairn Ct,3,h,572000,S,hockingstuart,22/07/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,38 Salmond St,4,h,,SN,Barry,22/07/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,11 Barley Ct,4,h,505000,S,YPA,22/07/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,29 Kingsley Pl,3,h,550000,PI,Sweeney,22/07/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Doncaster,5 Alma Ct,5,h,1530000,S,Barry,22/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/763 Doncaster Rd,3,t,900000,VB,RT,22/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,18B Churchill St,3,t,816000,S,Barry,22/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,45 Elizabeth St,4,h,1385000,S,Jellis,22/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,30A Renshaw St,4,t,1380000,VB,Noel,22/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/14 Talford St,3,u,,SN,Parkes,22/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,49 Lisbeth Av,3,h,,SA,Fletchers,22/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,66 Lisbeth Av,3,h,900000,PI,Philip,22/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,58 Cathedral Ri,4,h,547000,S,Morrison,22/07/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,33 Kanooka Gr,2,h,472500,S,C21,22/07/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,29/22 Agnes St,2,u,,SP,Caine,22/07/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,205/30 St Andrews Pl,1,u,895000,S,Kay,22/07/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,9a Ivan Av,2,u,724000,S,O'Brien,22/07/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,16 Allison Rd,3,h,1975000,S,Biggin,22/07/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4/49 Seymour Rd,3,t,1200000,S,Biggin,22/07/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/1326 Main Rd,3,t,751000,SP,Nelson,22/07/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,11 Byron St,2,h,,SN,Morleys,22/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/3 Greig Ct,2,u,635000,S,McGrath,22/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/59 Ormond Rd,2,u,630000,S,McGrath,22/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/6 Pine Av,2,u,730000,S,Biggin,22/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,13 Anglers Dr,4,h,600000,S,Stockdale,22/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,111 Duffy St,3,h,410000,SP,hockingstuart,22/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,54 McDonalds Rd,3,h,,SN,Barry,22/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,26 Paul Cr,4,h,,PI,Harcourts,22/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Shields St,3,h,545000,S,hockingstuart,22/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,15 Robb St,3,h,1620000,S,Nelson,22/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/10 Violet St,1,u,326000,S,Nelson,22/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,18 Royal Av,3,h,1535000,S,Jellis,22/07/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,115 Lorne St,2,h,830000,PI,Stockdale,22/07/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,7 Austin St,3,h,740000,SP,Stockdale,22/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,201 Gore St,6,h,2590000,S,Nelson,22/07/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,2 Eastham St,3,h,,PI,Fletchers,22/07/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,15/60 Farnham St,2,u,505000,SP,Nelson,22/07/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,107/250 Barkly St,2,u,430000,PI,McGrath,22/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Creswick St,3,h,900000,PI,Sweeney,22/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,15 Greer St,4,h,1000000,SA,Nelson,22/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Jerrold St,4,h,891000,S,Sweeney,22/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2/66 Mahoneys Rd,3,h,742000,S,hockingstuart,22/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,19 Victor Cr,3,h,1011000,S,McGrath,22/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,63 Dalpura Cct,3,h,,PI,Barry,22/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Yuluma Ct,4,h,600500,S,Eview,22/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,54 Moreton St,3,h,,PI,Barry,22/07/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,18 Blaxland Av,3,h,665000,S,hockingstuart,22/07/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Jinchilla Av,5,h,,SN,Barry,22/07/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,124 Carrick Dr,3,h,645000,S,Barry,22/07/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,11 Leura Ct,3,h,627000,SP,Barry,22/07/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,2/10 Osborne Av,2,u,580000,VB,hockingstuart,22/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/12 Osborne Av,2,u,519500,S,Marshall,22/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2/51 Avonhurst Dr,2,u,656000,S,Harcourts,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Diamond Av,5,h,,SN,Ray,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/11 Kinnoull Gr,3,u,,PI,Harcourts,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/6 Kirstina Rd,2,u,730000,PI,Harcourts,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Maylands Cr,5,h,1182000,S,Ray,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/40 The Outlook,4,u,1500000,PI,Barry,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Walter St,3,h,1800000,S,Ray,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Wattletree Ct,5,h,1832000,S,Barry,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/32 Wilson Rd,3,u,1000000,PI,McGrath,22/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4/39 Clovelly Av,2,u,493000,S,Biggin,22/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 Granville St,3,h,940000,SP,Stockdale,22/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/42 Harold St,2,u,435000,S,Nelson,22/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/36 Isla Av,3,u,,SP,Brad,22/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,23 Bullanoo Ct,3,h,725000,S,Buckingham,22/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,40 Patrick Cl,5,h,,VB,Darren,22/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,12 Bianca Cr,4,h,670000,VB,Barry,22/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,40 Frontier Av,3,t,470000,SP,Barry,22/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,41A Simmington Cct,3,h,476500,SP,Brad,22/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,146 East St,4,h,741000,S,Nelson,22/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,99 Hilton St,3,h,550000,S,Eview,22/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,5 Regent St,3,h,,SN,Barry,22/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,15 David St,3,h,1930000,S,Buxton,22/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,7 Exon St,3,t,1405000,S,Buxton,22/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,4/3 Kooyongkoot Rd,2,u,500000,VB,Kay,22/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,11/36 Anderson Rd,2,u,520000,VB,Thomas,22/07/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,91 Campbell St,4,h,1270500,S,Philip,22/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,61 Canterbury Rd,3,h,751000,SP,Mandy,22/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,37 Tagell Rd,4,h,,SN,Barry,22/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,15 Adamson St,3,h,1515000,SP,Miles,22/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,26 Bardia St,2,h,735000,S,Harcourts,22/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,254 Liberty Pde,4,h,590000,S,Haughton,22/07/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,9 Barnet St,3,h,1460000,S,Whiting,22/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,10 Haynes St,4,h,1535000,S,Thomson,22/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Haynes St,2,h,,S,Hodges,22/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,19 Jillian Av,3,h,,SA,Hodges,22/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,14A Telford St,4,t,1205000,S,Charlton,22/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/2 Thistle Gr,2,u,525000,S,Buxton,22/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,93 Saronvale Cr,4,h,700000,PI,Barry,22/07/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,46 Bourke Cr,3,h,520000,S,LJ,22/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Burge Cr,4,h,650000,SP,Triwest,22/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Dummett Av,4,h,576000,S,hockingstuart,22/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Majella Ct,3,h,,SN,Barry,22/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,3/9 Clapham Rd,2,u,472000,S,LITTLE,22/07/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,4/75 Green St,2,t,880000,S,Miles,22/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/36 Livingstone St,4,t,985000,VB,Jellis,22/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9 Sherwood Rd,3,h,,SN,Miles,22/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,12 Lorraine Cr,3,h,528000,SP,RW,22/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,29 Robinson St,3,h,,SN,Barry,22/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,15 Bletchley Pl,4,h,590000,SP,Nelson,22/07/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor East,3 Border Dr,3,h,918000,S,Nelson,22/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,28 Nyah St,3,t,777000,S,Brad,22/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Phillip Rd,4,h,880000,S,Barry,22/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kew,38 Wiltshire Dr,2,u,591000,S,Nelson,22/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,4/1240 Old Burke Rd,3,t,,SP,Fletchers,22/07/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kings Park,261 Taylors Rd,3,h,565000,S,Ray,22/07/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,2C Chatfield St,2,h,,PN,hockingstuart,22/07/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,8 Carberry Dr,4,h,362000,SP,hockingstuart,22/07/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,44 Greenhills Dr,3,h,330000,SP,PRDNationwide,22/07/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,60 Dickens St,3,h,798000,SA,Harcourts,22/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,69 Monash St,3,h,560000,S,Love,22/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,17/165 North Rd,3,u,447000,S,hockingstuart,22/07/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,67 Union Rd,4,h,900000,S,HAR,22/07/2017,3910,Eastern Victoria,8743,41,Frankston City Council +MacLeod,1/15 Cherry St,3,u,,SN,Miles,22/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,73 Somers Av,3,h,910000,S,Ray,22/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,43 Wungan St,3,h,710000,S,Ray,22/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,88a Ballarat Rd,3,t,670000,S,Sweeney,22/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,7 Churchill Av,3,h,681000,SP,Biggin,22/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,12 Inkerman St,3,h,1005000,S,Sweeney,22/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,18 Pullar St,2,h,468000,S,Burnham,22/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,33 Richelieu St,2,h,650000,S,Sweeney,22/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,26 Millewa Av,3,h,1638000,S,Fletchers,22/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,19 Bracken Av,4,h,,S,hockingstuart,22/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Cavalry Cct,3,t,640000,S,Biggin,22/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,21 Lakeside Cr,4,h,1380000,SP,hockingstuart,22/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,402/77 Village Wy,2,u,410000,VB,Raine,22/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,1/2 Dakara Cl,3,u,420000,S,YPA,22/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,17/17 Queens Rd,1,u,510000,VB,Whiting,22/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,602/300 Swanston St,2,u,,VB,Greg,22/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,53 Barries Rd,3,h,,SN,Barry,22/07/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,30 Bennett St,3,h,375000,S,Raine,22/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,8 Charles Ct,3,h,326000,S,hockingstuart,22/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,6 Denny Pl,3,h,400000,SP,YPA,22/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,39 First Av,3,h,412250,S,Ray,22/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,7 Waratah St,4,h,,SP,hockingstuart,22/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,33 Westmelton Dr,3,h,371500,S,Raine,22/07/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,16 Williams St,4,h,,S,hockingstuart,22/07/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,6 Burrell Wy,4,h,,SP,Biggin,22/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,30 Darvel Dr,4,h,672000,SA,Harcourts,22/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Stradling Ri,4,h,620000,S,YPA,22/07/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,3 Hillrise Ct,3,h,,SN,Ristic,22/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Streeton Cct,3,h,725000,S,Ray,22/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,11 Beaufort St,3,h,1101000,S,Ray,22/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/17 Milne St,4,t,926000,S,Ray,22/07/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,1/141 Sherbourne Rd,5,h,,S,Darren,22/07/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,14 Chaucer St,4,h,,SP,Silver,22/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,16/122 Maribyrnong Rd,1,u,362000,S,Brad,22/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,7 Hedwig Dr,3,h,,PI,hockingstuart,22/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,135B McDonald St,4,t,850000,PI,Hodges,22/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3/2 Woods Av,1,u,309000,S,Barry,22/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,86 Headingley Rd,4,h,,SN,Ray,22/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Therese Av,3,h,1267000,S,Ray,22/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/254 Waverley Rd,2,u,611000,S,Win,22/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 William St,4,h,1750000,SP,Jellis,22/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Kinkora Ct,3,h,755000,S,Ray,22/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,25 Morawa Dr,3,h,862000,S,Win,22/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,75 Wattle Gr,3,h,815500,S,Ray,22/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,7 Lawrance St,4,h,1780000,S,Woodards,22/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/20 Toward St,2,u,,SP,Ray,22/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,102 Market St,3,h,1100000,VB,Williams,22/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,8 Goble St,4,h,1130000,SP,Nelson,22/07/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,64 Muriel St,4,h,1006000,S,Brad,22/07/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,51 Dunblane Rd,3,h,,PI,Barry,22/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,5 Himbeck Ct,4,h,,PI,Barry,22/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2/21 Marna Ct,2,u,445000,S,iSell,22/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,371 Princes Hwy,3,h,650000,SP,iSell,22/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,306/64 MacAulay Rd,2,u,465000,SP,Jellis,22/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,19 Charles St,3,h,1290000,PI,McGrath,22/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,31 Gladstone Av,3,h,1335000,S,Nelson,22/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,304/481 High St,1,u,352500,S,Ray,22/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11/158 Separation St,1,u,,PI,Langwell,22/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,101/231 St Georges St,2,u,782500,S,McGrath,22/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Swift St,3,h,1875000,S,McGrath,22/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oakleigh South,44 Golf Rd,4,h,1390000,S,Buxton,22/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,1 Loxton Wy,4,h,643500,S,C21,22/07/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,6/184 Princes Hwy,3,t,,PI,LJ,22/07/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Pakenham,7/184 Princes Hwy,3,t,,PI,LJ,22/07/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkville,5/18 Lennon St,2,u,,PN,Walshe,22/07/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/10 Arndt Rd,3,t,,SN,Barry,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,16/43 Arndt Rd,2,u,541000,S,Nelson,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1A Braeside St,2,t,510000,PI,Nelson,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/25 Devon Rd,2,u,550000,SP,Rendina,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/11 Stennis St,3,h,,S,Brad,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/8 Stewart St,2,u,580000,S,Nelson,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/262 Sussex St,3,t,,SP,Rendina,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/18 Sylvan Gr,2,u,706000,S,Nelson,22/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,42/2 Esplanade West,1,u,637000,S,RT,22/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,5/109 Ross St,2,u,559000,S,hockingstuart,22/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,306/323 Dandenong Rd,2,u,570000,VB,Jellis,22/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/3 Rae Ct,2,u,,SP,hockingstuart,22/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5/49 Austral Av,1,u,250000,PI,hockingstuart,22/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/70 Bruce St,1,u,392000,S,Harcourts,22/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24 Dermot St,1,u,505000,SP,Woodards,22/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 Pender St,3,h,980000,S,Harrington,22/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11A South St,2,h,785500,S,Woodards,22/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4/26 Acheron Av,2,u,495000,S,Ray,22/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9/23 Ashley St,2,h,320000,PI,Ray,22/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,52 Banbury Rd,3,h,,PI,Lucas,22/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/3 Drysdale St,2,t,617500,SP,RW,22/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Knox St,5,h,1282500,SA,Nelson,22/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Massey Av,4,h,760500,S,Nelson,22/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,221/253 Bridge Rd,2,u,419000,S,Jellis,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/297 Church St,1,u,,S,RT,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17 Dickmann St,3,h,1590000,S,Biggin,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 McCrae Mw,3,h,1710000,S,Jellis,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,607/2 McGoun St,2,u,592000,SP,Biggin,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,401/28 Tanner St,2,u,1667500,S,Jellis,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,306/45 York St,2,u,685000,SP,Collins,22/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,47 Heathmont Rd,3,h,,SN,Philip,22/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,26 Major St,3,h,882500,S,hockingstuart,22/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Neville St,3,h,,SN,Noel,22/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Sang Ct,3,h,910000,S,Philip,22/07/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3A Homebush Ct,3,h,777000,S,Harcourts,22/07/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,5/9 Homebush Ct,4,h,,SA,Fletchers,22/07/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,17 Greville Rd,3,h,,SP,Miles,22/07/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,4 Almands Av,3,h,510000,S,Jason,22/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,1 Angus Ct,5,h,,S,Ray,22/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,7 Ormond Ri,3,h,431000,S,Raine,22/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,124 Abbott St,3,h,1651000,S,Buxton,22/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5/273 Bluff Rd,2,u,770000,S,Buxton,22/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,72 Arnold Dr,4,h,1040000,S,Purplebricks,22/07/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,17 Walsh Av,4,h,1120000,S,Noel,22/07/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,1/22 Vigo St,3,u,886000,S,Jas,22/07/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Morang,15 Domain Tce,3,h,601000,S,Ray,22/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,367 Gordons Rd,5,h,,PI,Harcourts,22/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,37 Grange Dr,4,h,810000,S,RW,22/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Ilyuka Wy,5,h,,PI,Harcourts,22/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,22 Strathoon Cr,5,h,945000,SA,Harcourts,22/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,102 Vincent Dr,3,h,500000,SA,Harcourts,22/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,6/57 Adams St,2,u,747500,S,hockingstuart,22/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/85 Caroline St,1,u,420000,S,hockingstuart,22/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,804/2 Claremont St,2,u,460000,VB,Gary,22/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/391 Toorak Rd,2,u,1340000,S,Marshall,22/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,1/6 Ashdale Ct,3,u,,W,C21,22/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,1/2 Mary St,2,u,580000,S,iSell,22/07/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,5 Gwent St,3,h,700000,PI,iSell,22/07/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,76 East Esplanade,3,h,627000,PI,O'Brien,22/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,34 Garfield St,4,h,,PI,Barry,22/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,37 Harmon Av,3,h,,SN,Barry,22/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,8/240 Barkly St,1,u,360000,S,hockingstuart,22/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/59 Carlisle St,2,u,530000,SA,Woodards,22/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/63 Carlisle St,2,u,533000,S,Ray,22/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,55 Havelock St,3,h,1180000,PI,Greg,22/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/20 Marine Pde,2,u,,W,McGrath,22/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,10 Fenacre St,4,h,1220000,S,Nelson,22/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,315 Elizabeth Dr,3,h,500000,S,YPA,22/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,11 Gruner St,3,h,438000,S,YPA,22/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,31 Rosenthal Bvd,4,h,510000,PI,Raine,22/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,24 Matthews St,3,h,910000,PI,Jas,22/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,95A Berkshire Rd,4,t,650000,SP,Sweeney,22/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,46 Clayton St,3,h,595000,SA,GL,22/07/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,19 Estelle St,3,h,710000,VB,hockingstuart,22/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,9 Noble Ct,3,t,615000,PI,Barry,22/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,34 Ralph St,4,h,859000,S,hockingstuart,22/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,23 Bristol St,3,h,2225000,SA,Fletchers,22/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,15 Charles St,2,h,1950000,VB,Lindellas,22/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6 Durham Rd,4,h,2550000,VB,Marshall,22/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/24 Suffolk Rd,2,u,830000,SP,Noel,22/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,7 Argyll St,4,h,740000,S,Purplebricks,22/07/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,44 Roseleigh Bvd,3,h,620000,S,Barry,22/07/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,283 Bethany Rd,4,h,512000,S,Reliance,22/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,26 Bradman Dr,4,h,463500,S,hockingstuart,22/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,30 Cobram St,3,h,530000,S,hockingstuart,22/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,17 Solander Gr,3,h,,SN,Barry,22/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,7 Vive St,3,h,446000,S,Sweeney,22/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,55 Bloomsbury Dr,3,h,520000,S,Barry,22/07/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,20 Hobart Wy,3,h,530000,SP,YPA,22/07/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,6 Hobart Wy,5,h,725500,S,Barry,22/07/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,47 Apollo Rd,4,h,688000,S,O'Brien,22/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,7 Apollo Rd,3,h,630000,S,Barry,22/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,4 Goulburn Wy,4,h,800000,VB,Westside,22/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,4 Pacific Pl,3,h,760000,VB,YPA,22/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,23A Wentworth Dr,3,t,502000,S,Barry,22/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,5 Caminole Wyn,5,h,1325000,VB,Fletchers,22/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,32 Hillhouse Rd,4,h,1275000,PI,Barry,22/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1 Saville Ct,5,h,1300000,PI,Barry,22/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,46 Feathertop Av,4,h,1215000,S,hockingstuart,22/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,20 Oak Cr,4,h,1320000,PI,Jellis,22/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/6 Union St,2,t,731000,S,Jellis,22/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,24 Banksia Av,3,h,651000,SA,Harcourts,22/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Lesile St,3,h,685000,SA,Harcourts,22/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,14 Marjory St,3,h,631000,S,Harcourts,22/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,37 Smith Av,3,h,715500,S,Love,22/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,105 Fyffe St,3,h,1110000,SP,McGrath,22/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8/161 Alexandra Av,2,u,735000,SP,Jellis,22/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/2 Tintern Av,2,u,920000,S,hockingstuart,22/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/270 Williams Rd,1,u,350000,VB,Marshall,22/07/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,56 Broadmeadows Rd,3,h,822000,S,Jason,22/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,88 Boronia Rd,3,h,988000,S,Fletchers,22/07/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,6 Moray Gr,4,h,,SN,Ray,22/07/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,4 Dunluce Ct,5,h,,SN,Miles,22/07/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna South,16 Allanfield Cr,3,h,855000,S,Ray,22/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1/20 Kensington Pl,3,t,630000,S,Ray,22/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,12 Cemetery Rd,4,h,,PI,Fletchers,22/07/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,18 Barry St,3,h,830000,S,Barry,22/07/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,27 Kurrajong Cr,3,h,710000,S,Ray,22/07/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,59 Sellars St,3,h,850000,S,Darren,22/07/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,8 Centenary Cr,3,h,383000,S,Greg,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,69 Flemington Cr,4,h,,PI,Barry,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Flourish Wy,4,h,463000,S,hockingstuart,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,34 Hooker Rd,3,h,471500,S,hockingstuart,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Ord Ct,3,h,412500,S,YPA,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Parramatta Rd,3,h,452000,SP,Biggin,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Stewart Dr,3,h,,SN,Barry,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Timbarra Dr,4,h,665000,S,hockingstuart,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,6 Troup Ct,3,h,485000,SP,Reliance,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Xavier Ct,4,h,510000,SP,YPA,22/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,42 Elphinstone St,2,h,,S,Jas,22/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,16 Market St,3,h,850000,S,Jas,22/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,171 Suffolk St,3,h,,SN,hockingstuart,22/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,27 Wellington St,3,h,915000,S,Jas,22/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,11 Bluegum Av,5,h,1591000,S,Barry,22/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Reynolds Av,5,h,1490000,S,Ray,22/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Timaru Ct,4,h,,PI,Ray,22/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,22 Hotham St,4,h,1440000,S,Williams,22/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,28 Mombassa Dr,4,h,,PI,Harcourts,22/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,34 Tindales Rd,3,h,400000,S,Harcourts,22/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,5 Murdeduke Cr,3,h,,PI,Barry,22/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,39 Ribblesdale Av,3,h,,SN,Wyndham,22/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,1 Windsor Av,3,h,,SN,Barry,22/07/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarra Glen,15 Yarra St,3,h,620000,SP,Buckingham,22/07/2017,3775,Northern Victoria,1160,31.4,Yarra Ranges Shire Council +Yarraville,61 Eirene St,2,h,900000,SP,Sweeney,22/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,30 Freame St,4,h,1407000,S,Village,22/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,55 Simpson St,2,h,1044000,SP,Jas,22/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,5/20 Abbotsford St,1,u,426000,SP,Greg,22/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,48 Abbotsford St,3,h,1447500,PI,Nelson,22/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,116/56 Nicholson St,1,u,457000,S,Jellis,22/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,159 Park St,2,h,1135000,S,Nelson,22/08/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,110 Halsey Rd,3,h,805000,S,Barry,22/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/13 North St,2,u,510000,S,Nelson,22/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,105a Victory Rd,3,h,612000,S,Nelson,22/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albion,10/117 Anderson Rd,1,u,185000,S,hockingstuart,22/08/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,185 Queen St,3,h,880000,PI,Barlow,22/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,1/156 Chambers Rd,3,h,620000,SP,Hunter,22/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,19 Cleghorn Av,3,h,800000,S,Buxton,22/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2 Gadsden St,3,h,728500,S,Jas,22/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,24 Hansen St,3,h,931000,S,hockingstuart,22/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4 Prismall St,3,h,988000,S,Sweeney,22/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,13/56 Sutherland Rd,1,u,315000,SP,Fletchers,22/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,3 Aspect Av,4,h,1070000,S,Nelson,22/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,15 Comas Gr,5,h,2752000,S,Jellis,22/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,14 Gloucester Rd,4,h,,PI,Buxton/Marshall,22/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,56 Gloucester Rd,4,h,1600000,VB,Jellis,22/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,19 Lancaster St,3,h,,S,Marshall,22/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3 Mustang Ct,3,h,1500000,VB,Jellis,22/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,460 Warrigal Rd,2,h,,SP,Buxton,22/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/6 Murra Ct,2,u,700000,S,hockingstuart,22/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,4b Fourth Av,3,t,1000000,S,hockingstuart/hockingstuart,22/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,4 Gladstone Av,2,h,,S,Buxton,22/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,4 Alexander Ct,3,h,720000,SP,Ray,22/08/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,1 Reef Ct,4,h,1201000,S,Ray,22/08/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,23 River Dr,3,t,730000,VB,Barry,22/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,25 Kalimna St,5,h,2665000,S,Jellis,22/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/12 Kireep Rd,2,u,,S,Barry,22/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Naroo St,4,h,1801000,S,Noel,22/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6/11 Yarrbat Av,3,t,1100000,VB,Jellis,22/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,211 Belmore Rd,5,h,,S,Jellis,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,13 Bernard St,3,h,1600000,VB,Marshall,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4a Corhampton Rd,3,h,1830000,S,Fletchers,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,6 Hedderwick St,4,h,,SP,Marshall,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,41 Helston St,4,h,1900000,VB,One,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,38 Panoramic Rd,2,h,,S,Jellis,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,65 Sylvander St,4,h,,SS,RT,22/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,5 Oxford Ri,4,h,,SN,Barry,22/08/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,98 Scoresby Rd,3,h,,PI,Ray,22/08/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,442 Balcombe Rd,3,h,1325000,S,Buxton,22/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,159 Charman Rd,3,h,855000,PI,Ray,22/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,81 Fromer St,4,h,1430000,S,hockingstuart,22/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13 Horsley St,2,h,910000,S,Buxton,22/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Wilson St,4,h,2520000,PI,Buxton,22/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,10 Boronia St,4,h,1698888,S,hockingstuart,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15a England St,4,t,1300000,PI,Buxton,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15b England St,4,t,1400000,S,Buxton,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Konrad St,4,h,,SP,hockingstuart,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9b Latham St,4,t,1260000,PI,hockingstuart,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 McGuinness Rd,4,h,1150000,S,Buxton,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/1126 North Rd,2,u,340000,VB,Gary,22/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,6 Florence Av,3,h,,PN,Harcourts,22/08/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,21 Banksia St,3,h,1181000,S,Jellis,22/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,13 Ernest St,5,h,1420000,VB,Jellis,22/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,30 Lake Rd,4,h,,S,Fletchers,22/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,11 Lalwa St,2,h,1241000,S,Jellis,22/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,28 Myrtle Gr,4,h,2250000,S,Jellis,22/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,25 Rosalind Cr,4,h,,SN,Woodards,22/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,2 Abercromby Rd,3,h,,SN,Woodards,22/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/3 Cornwall St,3,u,850800,S,Ray,22/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,54 Lawrence St,3,h,,S,Jellis,22/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,1 Alleyne Av,3,h,635000,S,hockingstuart/hockingstuart,22/08/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Braybrook,6 Dedrick Gr,3,h,510000,SP,Sweeney,22/08/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,33a Durrant St,2,h,1532000,S,Hodges,22/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,135 Head St,3,h,,S,Marshall,22/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,57 Lynch Cr,3,h,,S,hockingstuart,22/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,48 Were St,3,u,1250000,S,Marshall,22/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/18 William St,3,u,835000,PI,Marshall,22/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,23a Elizabeth St,3,t,,S,hockingstuart,22/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,30 Smiley Rd,3,h,395000,S,@Realty,22/08/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,2/10 Breese St,2,u,520000,VB,Nelson,22/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,58 Cassels Rd,3,h,860000,S,Ray,22/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/825 Park St,1,u,440000,S,Nelson,22/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,26 Talbot St,2,h,860000,SP,Jellis,22/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,3/164 Nicholson St,3,h,940000,SP,Nelson,22/08/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,542 Albion St,5,h,1200000,PI,Jellis,22/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6/86 Heller St,2,u,537000,SP,Jellis,22/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7 Morrow St,3,h,910000,S,Brad,22/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/48 Passfield St,1,u,285000,PI,Walshe,22/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9 Peacock St,4,h,921500,S,Ray,22/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,14 Collins St,3,h,990000,PI,Barry,22/08/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,38 Latrobe St,3,h,1150000,S,Barry,22/08/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,18 Vista St,3,h,,S,Fletchers,22/08/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Bendoran Cr,3,h,588000,SP,Barry,22/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Cherrywood Ct,3,h,720000,S,Barry,22/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,34 Hughes Cct,4,h,1155500,S,Barry,22/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,21 Ironbark Dr,3,t,,PI,Ray,22/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,14 Japonica St,3,h,566500,S,Ray,22/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2 Farleigh Av,3,h,1560000,S,Jellis,22/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/35 Haig St,4,t,1500000,VB,Noel,22/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,50 Harrison Av,4,h,1235000,S,Buxton,22/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/383 Warrigal Rd,2,u,585000,S,Marshall,22/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,59 Davis St,4,h,1071000,S,Allens,22/08/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,33 Tainton Rd,3,h,,SN,Woodards,22/08/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,35 Allambee Av,3,h,3000000,S,Kay,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6/68 Brinsley Rd,2,u,558000,S,Buxton,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,64 Cooloongatta Rd,4,h,,S,Noel,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,17 Fairfield Av,6,h,2800000,PI,RT,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/13 Glyndon Rd,2,h,1185000,S,Kay,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/39 Oxford St,3,h,,S,Jellis,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,13 Smith Rd,3,h,2177000,S,Kay,22/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,3 Compton St,4,h,,S,Marshall,22/08/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,99 Neill St,3,h,1550000,VB,Nelson,22/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,167 Richardson St,3,h,1280000,S,Nelson,22/08/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,16a Blackwood St,2,u,983500,S,Thomson,22/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,21 Edgewood St,3,h,1490000,S,Gary,22/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9/81 Koornang Rd,2,u,572000,S,Ray,22/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield South,18b Marara Rd,2,h,1115000,S,Gary,22/08/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Cheltenham,376 Bay Rd,2,h,745000,SA,Buxton,22/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8 Cronin Ct,3,h,870000,S,Greg,22/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,47 Tintern Mw,3,t,640000,SP,Thomson,22/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,58 Kionga St,5,h,,SN,Buxton,22/08/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/64 Prince Charles St,3,t,760000,S,Ray,22/08/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Coburg,51 Hawthorn St,4,h,,S,Jellis,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,59 Moore St,2,h,1130000,S,Brad,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Parklane Mw,3,t,664000,SP,Nelson,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/39 Service St,2,t,598000,S,Nelson,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Walsh St,3,h,1120000,S,Raine,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Webb St,3,h,870000,S,Nelson,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2a Young St,3,t,,S,Nelson,22/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,67 Boundary Rd,2,h,530000,S,Raine,22/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,98 Newlands Rd,3,h,,SN,Brace,22/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,6 Portrait Wy,3,h,682000,S,Nelson,22/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,109b Cambridge St,3,h,,SP,Nelson,22/08/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,10/30 Mater St,2,u,713500,S,Jellis,22/08/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,8/79 Oxford St,3,u,1500000,S,Jellis,22/08/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,5 Cockatiel Cct,4,h,407000,SP,Ray,22/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Gippsland Wy,4,h,547000,S,YPA,22/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,41 Hampton St,3,h,450000,S,YPA,22/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Oakville Pl,3,h,,SN,Barry,22/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Stockton St,3,h,,PI,Barry,22/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Wisteria Av,4,h,,SN,Barry,22/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,1a Caromar St,3,h,660000,S,Carter,22/08/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,15a Gary Ct,4,h,597500,PI,hockingstuart,22/08/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Deer Park,932 Ballarat Rd,4,h,520000,PI,Bells,22/08/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,8 Danthonia St,3,h,,SN,Barry,22/08/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,21 Kurrajong Rd,3,h,,SN,Barry,22/08/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,7 Tennyson Dr,3,h,572000,S,Barry,22/08/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,33 Campbell Gr,4,h,,PI,Buxton,22/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5/169 Centre Dandenong Rd,2,u,538000,S,Ray,22/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Nickson Cl,4,h,850500,PI,Hodges,22/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Tambo Ct,3,h,655000,S,Ray,22/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,9 Ernst St,3,h,1474000,S,Barry,22/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/6 Hepburn Rd,3,u,800000,PI,Barry,22/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Studley St,6,h,,SP,Fletchers,22/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/22 Amdura Rd,4,t,890000,VB,Noel,22/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,55 Franklin Rd,3,h,1745000,SP,Noel,22/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Jefferson Gr,4,h,,SN,Barry,22/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6 Vistaway Ct,4,h,1126000,S,Jellis,22/08/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,80 Woodhouse Rd,4,h,1640000,S,Jellis,22/08/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,190 Power Rd,3,h,300000,VB,hockingstuart,22/08/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,1/187 George St,2,u,700000,PI,Harcourts,22/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,58/1 Wellington Cr,3,u,1155000,SA,Harcourts,22/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,6 Aileen Rd,4,h,,PN,Biggin,22/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3 Clarence St,4,h,1450000,PI,Biggin,22/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,37/2 Gordon St,2,u,500000,S,Gary,22/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,53 Shoobra Rd,4,h,2600000,SP,Biggin,22/08/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Endeavour Hills,1/65 Kennington Park Dr,3,h,515000,S,iSell,22/08/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,50 Carlisle Dr,3,h,498000,S,Harcourts,22/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Coulstock St,2,h,346000,S,Harcourts,22/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Devora Rd,3,h,,SP,Ray,22/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Ferraro Cl,3,h,,S,Harcourts,22/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Finchley Ct,4,h,510000,S,Ray,22/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,81 Grand Pde,5,h,515000,SP,hockingstuart,22/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6 Cooper St,4,h,,S,Nelson,22/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7/18 Raleigh St,2,u,457000,S,Barry,22/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,22 Tweedside St,3,h,1460000,S,Paul,22/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,21 Greville St,4,h,1605000,S,Barry,22/08/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,2/26 Renown St,3,u,712000,S,Nelson,22/08/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,27 Ruby St,3,h,810000,SP,Paul,22/08/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,100 Perry St,2,h,1010000,S,Nelson,22/08/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,20 Disney St,3,h,,SN,Barry,22/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,16b Victory St,3,h,,SP,Ray,22/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,309/416 Gore St,2,u,790000,S,Nelson,22/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,84 Kerr St,2,h,1122000,S,Nelson,22/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Footscray,216a Ballarat Rd,4,t,699000,VB,Raine,22/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,35 Leander St,2,h,835000,SP,Jas,22/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,49 MacPherson St,2,h,661000,S,Sweeney,22/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,69 MacPherson St,2,h,757500,S,Sweeney,22/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,39 Moore St,3,h,,SP,Burnham,22/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,25 Longbrae Av,4,h,910000,S,Ray,22/08/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,31 Hillcrest Rd,5,h,703000,S,hockingstuart,22/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Oxford St,2,h,510000,S,U,22/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,123 Kars St,6,h,,PI,Ray,22/08/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Huntly,27 Augusta St,5,h,2575000,S,Gary,22/08/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/58 Edgar St N,2,t,600000,VB,Gary,22/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,21 Elmwood Cr,3,h,888888,SP,Harcourts,22/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,634 Highbury Rd,3,h,950000,S,Barry,22/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/15 Jordan Gr,2,u,,S,Jellis,22/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14a Lindwall St,4,h,,PI,Ray,22/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,104 Watsons Rd,5,h,,PI,Barry,22/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/7 Harold St,3,t,550000,SP,Stockdale,22/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/27 Morley St,3,u,460000,S,Barry,22/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,55 Paget Av,3,h,582000,S,Nelson,22/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Bluebell Cr,4,h,600000,PI,Nelson,22/08/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,3/69 Alexandra St,2,u,490000,S,Buckingham,22/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Irving Cl,3,h,588500,S,Stockdale,22/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1/51 North St,3,t,,PI,Nelson,22/08/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,194 Princes Hwy,3,h,,PN,Hall,22/08/2016,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,3 Hudson St,3,h,,S,Buxton,22/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,28 Roydon St,3,t,1150000,S,McGrath,22/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,466 Auburn Rd,4,h,1800000,SP,Noel,22/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/28 Belgrave St,3,h,,S,Marshall,22/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/32 Manningtree Rd,2,u,805000,S,Kay,22/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Wattle Gr,3,h,1855000,S,Marshall,22/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,23 William St,3,h,1377000,S,Jellis,22/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,3/23 Auburn Gr,2,u,568000,S,Jellis,22/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/31 Clifton Rd,3,h,,S,Marshall,22/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/43 Clifton Rd,2,u,706000,S,hockingstuart,22/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3 Jaques St,5,h,2500000,VB,RT,22/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,91 Rathmines Rd,4,h,2350000,S,Marshall,22/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,24 Wiseman St,2,h,1385000,S,Marshall,22/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,2/8 Lee Ct,3,t,750000,PI,Ray,22/08/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,3/8 Lee Ct,2,t,653000,SP,Ray,22/08/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1 Westmore Dr,5,h,,PI,Philip,22/08/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,13 Altona St,4,h,856000,S,Miles,22/08/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/17 Burns Ct,3,h,600000,VB,Fletchers,22/08/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Hillside,25 Banchory Av,4,h,612000,S,Ray,22/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,4 Mathisen Tce,3,h,330000,SP,hockingstuart,22/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Domigan Ct,4,h,527000,S,hockingstuart,22/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Geddes Cr,3,h,450000,S,YPA,22/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Hazelwood Ct,3,h,430000,SP,Sweeney,22/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Strathmore Cr,6,h,,PI,YPA,22/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,37 Darling St,3,h,1210000,S,Ray,22/08/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,5/139 Bond St,2,t,785000,S,Jellis,22/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,15 Kwinana Ct,3,h,1223500,S,Nelson,22/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/53 Norman St,2,u,845000,S,Miles,22/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3 Scotts Pde,4,h,1720000,S,Barry,22/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,97 Waterdale Rd,3,h,,S,Jellis,22/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,1/169 Lower Heidelberg Rd,3,t,1050000,VB,Nelson,22/08/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,26 Calverton Rd,4,h,500000,SP,Brad,22/08/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor East,23 Chappell Pl,4,h,830000,S,Moonee,22/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Prospect Dr,3,h,600000,S,Bells,22/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,7/51 Epsom Rd,2,u,526000,S,Nelson,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,148b Kensington Rd,3,t,790000,SP,Edward,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,42 McCracken St,4,h,1365000,S,Edward,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,66 Parsons St,2,t,700000,VB,Nelson,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,8/33 Rankins Rd,1,u,370000,PI,Nelson,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,49 Robertson St,3,h,1230000,S,Nelson,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,106/80 Speakmen St,1,u,312000,SP,Edward,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,33 Stockmans Wy,4,h,1370000,S,Rendina,22/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3 Elphinstone Ct,3,h,,S,Kay,22/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,61 Molesworth St,3,h,3650000,VB,Jellis,22/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14 Stoke Av,3,h,1528000,S,Kay,22/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,97 Walpole St,4,h,,PI,Buxton,22/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,28 Coleman Av,3,h,1580000,S,Jellis,22/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/50 Hartwood St,3,h,1350000,SA,Nelson,22/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,6/27 Windella Av,3,u,900000,PI,Kay,22/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,15 Edgewater Dr,4,h,1303000,S,Buxton,22/08/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,188 Keylana Dr,3,h,620000,S,Ray,22/08/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Keylana Dr,4,h,802500,S,Nexus,22/08/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,6 Box Ct,3,h,381000,S,YPA,22/08/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,89 Kurung Dr,3,h,430000,SP,YPA,22/08/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Knoxfield,47 Watersedge Cl,4,h,,SN,Barry,22/08/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,31 Anderson St,4,h,570000,S,Harcourts,22/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,9 Pinnacle Ct,3,u,487000,S,Harcourts,22/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/48 Richards St,3,h,472000,S,hockingstuart,22/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,57 Rosedale Dr,3,u,437000,S,Harcourts,22/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,322 Main Rd,4,h,710000,SP,Buckingham,22/08/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Maidstone,32c Burns St,2,t,510000,SP,Sweeney,22/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3 Ringtail Cct,3,h,725500,SP,Biggin,22/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,18 Wallace St,3,h,746000,S,Village,22/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,37 Claremont Av,4,h,,S,Marshall,22/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,13 Euston St,1,h,2605000,S,Jellis,22/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7 Hunter St,2,h,1326000,S,J,22/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3 Mary St,4,h,4525000,PI,Marshall,22/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,59 Thanet St,3,h,,SP,Marshall,22/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,8a Anderson St,2,h,1420000,S,Marshall,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/16 Beaver St,3,t,1370000,S,Abercromby's,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2b Brunel St,3,h,1680000,S,hockingstuart,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,18 Grant St,4,h,2960000,S,Marshall,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Hillard St,4,h,2110000,PI,hockingstuart,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14 Nyora St,4,h,,S,Jellis,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,61a Paxton St,3,h,1300000,S,Marshall,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1 Thomas St,3,h,,S,Jellis,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,398 Wattletree Rd,3,h,1750000,S,Marshall,22/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,28 Blair St,2,t,440000,PI,Rendina,22/08/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,10a Wardell Cl,3,t,640000,VB,Biggin,22/08/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2 Alison St,4,h,1540500,S,McGrath,22/08/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,303/166 Flinders St,1,u,440000,S,Harcourts,22/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,2/260 Balcombe Rd,3,h,945000,S,Ray,22/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,104b Collins St,3,t,750000,PI,hockingstuart,22/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/14 Naples Rd,3,t,,S,hockingstuart,22/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,21 Olive Gr,3,h,860000,S,hockingstuart,22/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,6 Maahu Ambl,3,t,355500,S,Harcourts,22/08/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,19 Siena Dr,4,h,451500,S,Brace,22/08/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,45 Hinkler Dr,3,h,531000,S,Ray,22/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2 Ferguson St,4,h,1441000,S,Noel,22/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Irene Cr,3,h,875000,S,Noel,22/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,65 Rooks Rd,3,h,840000,S,hockingstuart,22/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1b Simpson St,3,h,818000,S,Noel,22/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7/86 Victoria Cr,3,t,870000,S,Noel,22/08/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,41 Cressy St,3,h,650000,PI,Barry,22/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/152 Grand Bvd,3,t,945000,S,Buckingham,22/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,30 Kirwana Gr,3,t,880000,PI,Barry,22/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,7 Kirwana Gr,2,h,732000,S,Buckingham,22/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moorabbin,5 Bruthen St,3,h,975000,SP,Buxton,22/08/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,4 Anton Ct,4,h,,SP,hockingstuart,22/08/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Dandenong,16 Oakley St,2,h,,SN,Fletchers,22/08/2016,3767,Eastern Victoria,552,30.1,Yarra Ranges Shire Council +Mount Waverley,1/4 Alexander St,2,u,1000000,S,Harcourts,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Ashbury Ct,4,h,1950000,PI,Barry,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Darbyshire Rd,4,h,,S,Noel,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Dart Ct,3,h,1410000,S,Ray,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Hilsea Ct,3,h,995000,S,Buxton,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Howard Av,6,h,1800000,VB,Jellis,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/7 Kevin St,3,u,600000,PI,hockingstuart,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9/3 Keylana Bvd,3,t,,PI,Buxton,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Nellie Ct,4,h,,PI,Harcourts,22/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,22 Brett St,5,h,1300000,PI,Buxton,22/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/19 Howe St,3,u,835000,SP,Matthew,22/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,60 Speight St,3,h,891500,SP,Sweeney,22/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,75 The Strand,4,h,3420000,PI,RT,22/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,50 Hotham Rd,3,h,1015000,S,Barry,22/08/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,33 Newman St,3,h,875000,SP,Nelson,22/08/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3 Kiandra Cl,3,h,,SN,Barry,22/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,3/369 Abbotsford St,2,u,540000,S,Alexkarbon,22/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,407/5 Stawell St,1,u,420000,VB,Jellis,22/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,24 Aberdeen Gr,2,h,,S,Jellis,22/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Lennox St,4,h,,S,Jellis,22/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Reid St,2,h,1095000,S,Ray,22/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,60 Ross St,3,h,1121000,S,Ray,22/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,90 Luckie St,4,h,990000,S,Noel,22/08/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,22 Susanne Av,4,h,1100000,S,Fletchers,22/08/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,100 Winifred St,3,h,810000,SP,Brad,22/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,26 Highland Av,3,h,1300000,S,Barry,22/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/1425 North Rd,3,u,,PI,Ray,22/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,22 Tular Av,3,h,1141000,S,Ray,22/08/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,14/36 Lillimur Rd,1,u,,PI,Ray,22/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkville,66 Fitzgibbon St,2,h,1851000,S,Marshall,22/08/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,11/2 MacArthur Rd,2,u,734600,SP,Woodards,22/08/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1/10 Callander Rd,2,t,610000,S,Ray,22/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/42 Danin St,2,u,,SN,Barry,22/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,11 Farringdon St,3,h,1000000,SP,Brad,22/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/143 Sussex St,3,u,533000,SP,Brad,22/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,26 Arrunga Ct,4,h,596500,S,Ray,22/08/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Port Melbourne,405/1 Danks St W,1,u,470000,SP,LITTLE,22/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,4/190 Graham St,2,u,600000,VB,RT,22/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1/3 Liardet St,2,u,670000,S,Biggin,22/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,86 Raglan St,3,h,1100000,S,Marshall,22/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,3 Arkle St,3,h,1811000,S,Biggin,22/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,204/8 Bangs St,1,u,427000,S,Williams,22/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,106/152 Peel St,2,u,500000,PI,hockingstuart,22/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,14 Vail St,2,h,,S,Jellis,22/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,56 York St,2,h,,S,Jellis,22/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,187 Gilbert Rd,3,h,850000,S,Barry,22/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,9 Graham Ct,3,h,890000,S,Love,22/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16 Josephine Gr,2,h,1088000,S,Barry,22/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Lahinch St,3,h,675500,S,Brace,22/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Ventnor St,3,h,1123000,S,hockingstuart,22/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,2/1575 Main Rd,3,t,650000,S,Barry,22/08/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Research,125 Thompson Cr,3,h,860000,S,Darren,22/08/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,8/99 Barton St,2,u,300000,VB,Love,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9/99 Barton St,2,u,335000,S,Love,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Boldrewood Pde,3,h,670500,S,Nelson,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,89 Cheddar Rd,5,h,1050000,S,Ray,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/7 Colthur St,3,u,475000,SP,Barry,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/32 Crookston Rd,2,u,440000,SP,Barry,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/47 Crookston Rd,3,t,620000,SP,Nelson,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/30 Goulburn Av,2,h,590000,S,Ray,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Kinsale St,3,h,851500,S,Nelson,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,129 Spring St,2,h,623500,S,Nelson,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/23 Storey Rd,2,u,,VB,Barry,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,52 Wilson Bvd,4,h,830000,PI,Ray,22/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,176 Buckingham St,4,h,1645000,S,Biggin,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,301/633 Church St,3,u,945000,S,Biggin,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/182 Coppin St,1,u,306000,S,Jellis,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,19 Dickens St,3,h,1270000,S,Jellis,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,23a Dickmann St,3,t,975000,PI,Jellis,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Griffiths St,2,h,1105000,S,Biggin,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Neptune St,2,h,965000,S,Biggin,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,606/120 Palmer St,2,u,620000,PI,LITTLE,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4 Parkville St,3,h,1220000,S,Jellis,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/1 Princess St,3,h,1100000,S,hockingstuart,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,211/18 Tanner St,1,u,450000,SP,RT,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5a Waltham Pl,4,h,,S,Marshall,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29 Westbank Tce,3,h,1850000,S,hockingstuart,22/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1 Hammond St,3,h,771000,S,Fletchers,22/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,40 Jeffrey Dr,3,h,,PI,Philip,22/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,33 Kendall St,3,h,956000,S,Carter,22/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,16 Sang Ct,4,h,,SN,Barry,22/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,16 Strathallyn Rd,4,h,790000,S,Fletchers,22/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,4 Heathwood St,4,h,715000,SP,Carter,22/08/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,43 Brassey Av,4,h,870000,PI,Barry,22/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Sandringham,4/184 Beach Rd,2,u,750000,S,Buxton,22/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3 John St,5,h,,PN,Charlton,22/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,11 Minnie St,3,h,1430000,S,hockingstuart,22/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,91 Sandringham Rd,5,h,2250000,S,Buxton,22/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,204/2 Alexander St,2,u,533000,S,Jas,22/08/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,23 Henry St,3,h,1200000,S,Burnham,22/08/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Morang,1/51 Reid St,3,t,460000,S,Ray,22/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,9/26 Davis Av,1,u,403500,S,Williams,22/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,39 Hardy St,2,h,1130000,S,hockingstuart,22/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19/47 Rockley Rd,2,u,500000,VB,Abercromby's,22/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,805/152 Sturt St,1,u,,PN,Inner,22/08/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,47 Phillip Av,3,h,545000,S,Ray,22/08/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,36 Leonard Av,4,h,,SN,Barry,22/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,50 Fawkner St,2,h,1250000,S,Marshall,22/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/155 Fitzroy St,1,u,360000,S,Gary,22/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/170 St Kilda Rd,2,u,450000,VB,hockingstuart,22/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,63 Hillsyde Pde,4,h,,S,Nelson,22/08/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,36 Roland Av,2,h,1100000,S,Considine,22/08/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,14 Elysee Ct,4,h,780000,VB,Brad,22/08/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,41 McEwen Dr,4,h,375000,S,Raine,22/08/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,5 Lorenz St,3,h,625000,S,Douglas,22/08/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,9 Una St,3,h,695000,S,Sweeney,22/08/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,49 Northumberland Rd,3,h,710000,S,GL,22/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,86 Sandford Av,3,h,545000,S,Sweeney,22/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,32 Buckingham Cr,4,h,451500,S,Barry,22/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1 Emslie St,3,h,555000,S,Barry,22/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,122 Glengala Rd,3,h,587000,S,Barry,22/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,7 Salvatore Ct,3,h,600000,PI,Bells,22/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,11 Amiens St,4,h,,S,Jellis,22/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,8 Profita Av,3,h,550000,S,Barry,22/08/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4 Robina Rd,3,h,410000,PI,Barry,22/08/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,5 Rebecca Prm,4,h,570000,SP,Ray,22/08/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,3 George St,4,h,701000,S,Ray,22/08/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,22 Rowell Pl,4,h,717000,S,Barry,22/08/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,375 Church Rd,4,h,,SP,Jellis,22/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/6 Reark Ct,4,t,1250000,PI,Ray,22/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3 Astley St,4,h,920000,PI,Barry,22/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,22 Fairbank Cr,4,h,1100000,PI,hockingstuart,22/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,2/104 Keon St,2,u,450000,PI,Nelson,22/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,279 Mansfield St,2,h,900000,S,Nelson,22/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,51 Martin St,3,h,1620000,S,Nelson,22/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7/67 Pender St,2,u,438000,SP,Love,22/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,138 Raleigh St,2,h,1143000,S,Ray,22/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,16/37 Woolton Av,1,u,360000,PI,Nelson,22/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,1/183 Kooyong Rd,2,u,857000,S,Walsh,22/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/11 Lascelles Av,3,u,,SN,Abercromby's,22/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3 Vista Gr,4,h,,S,Marshall,22/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,14/27 Wallace Av,1,u,525000,PI,Biggin,22/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,2 Allan Ct,4,h,,PI,hockingstuart,22/08/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1 Clyne Ct,4,h,680000,SP,Jason,22/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,647 Canterbury Rd,3,h,,S,Woodards,22/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,6 Nunkeri St,4,h,895000,S,Philip,22/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,82 Casey Cr,6,h,1210000,S,Miles,22/08/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,159 Graham Rd,3,h,870000,SP,Nelson,22/08/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,111 Rutherford Rd,4,h,1085000,S,Barry,22/08/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,25 Templeton St,4,h,882000,S,Benchmark,22/08/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,62 Templeton St,3,h,,SN,Woodards,22/08/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,2/280 Wantirna Rd,3,t,740000,S,Ray,22/08/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,7 Topaz Ct,5,h,,SN,Barry,22/08/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,21 Verdant St,3,h,,SN,Barry,22/08/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wattle Glen,125 Silvan Rd,4,h,,PI,Barry,22/08/2016,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +West Melbourne,34 Eades Pl,3,h,,SP,Nelson,22/08/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,18/107 Kenny St,3,u,372500,S,Jason,22/08/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,5 Jells Rd,4,h,1902000,S,Biggin,22/08/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,145 Lum Rd,4,h,988000,S,Barry,22/08/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Windsor,11/5 The Avenue,2,u,623000,S,Beller,22/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Yallambie,23 Cascades Vw,3,h,670000,VB,Darren,22/08/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yan Yean,20 Cades Rd,3,h,,PI,Harcourts,22/08/2016,3755,Northern Victoria,122,29.3,Nillumbik Shire Council +Yarraville,7/156 Francis St,2,t,,PI,hockingstuart,22/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,198 Francis St,4,h,925000,S,hockingstuart,22/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/5 Jepson St,2,u,676000,SP,hockingstuart,22/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,33 Hunter St,3,h,970000,S,Biggin,22/09/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,45/84 Trenerry Cr,2,t,,PI,Biggin,22/09/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,44 William St,2,h,,S,Jellis,22/09/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,33 Arthur St,3,h,,PI,Barry,22/09/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,134 Victory Rd,3,t,,W,Pagan,22/09/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,19 Mills St,3,h,,VB,Greg,22/09/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,1/9 McLean St,3,t,717000,S,Douglas,22/09/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,2/25 Grange Rd,2,h,610000,PI,Nelson,22/09/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,24 Maidstone St,3,h,675000,S,Barlow,22/09/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,13 Spear Ct,3,h,755000,PI,Jas,22/09/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,9 Abbeygate St,4,h,842000,SP,Greg,22/09/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,2/1 Edward Av,3,h,,PI,Sweeney,22/09/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,16 First Av,3,h,881000,S,Hunter,22/09/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,62 May St,3,t,735000,PI,Biggin,22/09/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ascot Vale,47A Hunt Cr,4,h,1995000,VB,Nelson,22/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,17 Mascoma St,3,h,1113000,S,Nelson,22/09/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,6 Munro Av,4,h,2100000,PI,Fletchers,22/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/5 Normandy St,4,h,1600000,VB,Marshall,22/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,6 Taylor St,2,h,1400000,PI,Noel,22/09/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/7 May Park Av,2,u,,S,Buxton,22/09/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,2/1 Laura St,4,h,1190000,S,hockingstuart,22/09/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,4 Hannagan St,3,h,780000,PI,Area,22/09/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,29 Doyle St,4,h,,S,Moonee,22/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,19 Glencara St,3,h,,PI,Harcourts,22/09/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,2/103 Grosvenor St,2,u,835000,S,McGrath,22/09/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,16 Freeman St,4,h,2394000,S,Buxton,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/15 Kerry Pde,4,t,,PN,Kay,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Parkdale Av,3,h,1800000,PI,Marshall,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/120 Rochester Rd,2,u,776000,S,Jellis,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/40 Talbot Av,2,u,,VB,hockingstuart,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,337 Union Rd,4,h,1950000,VB,Fletchers,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,127/188 Whitehorse Rd,2,u,,PI,SheSELLS,22/09/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,9 Adeney St,4,h,1700000,VB,Fletchers,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,225 Balwyn Rd,5,h,,W,RW,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,458 Balwyn Rd,4,h,,PI,Noel,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/181 Doncaster Rd,2,t,,W,Jellis,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,28 Hedderwick St,3,h,1600000,VB,Marshall,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,13 McShane St,5,h,2800000,SP,Buxton,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,89 Panoramic Rd,4,h,1650000,VB,Jellis,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Stuart Ct,5,h,1350000,VB,Fletchers,22/09/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Sinclair Rd,4,h,1900000,VB,Noel,22/09/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,12 Cherbourg Av,4,h,1500000,PI,Hodges,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4/73 Fourth St,2,u,800000,VB,Hodges,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1A Kerr St,3,t,1351000,S,Buxton,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,20 Margate St,4,h,,S,Hodges,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,8 Sunset Av,4,h,1800000,VB,Marshall,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,32B Towers St,3,h,1875000,S,Marshall,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22 Vardon Av,4,h,1860000,S,hockingstuart,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/3 Wilkins Av,2,u,620000,PI,Hodges,22/09/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,130 Brewer Rd,4,h,1350000,VB,Hodges,22/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14A McKittrick Rd,3,h,1160000,SP,Hodges,22/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,6A North Av,2,t,,S,Buxton,22/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,24 Phillip St,5,h,,SP,Buxton,22/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1 Theresa St,4,h,1430000,S,Woodards,22/09/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,13 Adrian St,4,h,,SN,Obrien,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,91 Bignell Rd,3,h,1020000,PI,Buxton,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,47 Deakin St,4,h,,W,Woodards,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,56B Denver St,3,t,1170000,S,Jellis,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Hinkler Av,3,h,1225000,PI,Buxton,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/7 Kenlon St,4,h,840000,VB,hockingstuart,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Millard St,3,h,1040000,VB,C21,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,36b Molden St,4,t,1790000,SP,Buxton,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,58b Parkmore Rd,4,t,1310000,PI,Buxton,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,45 Tambet St,3,h,1240000,PI,Buxton,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9b Veronica St,4,t,1217500,S,Jellis,22/09/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,5 Atkinson Dr,4,h,745000,PI,Ray,22/09/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,29 Cedarwood Cr,4,h,,PI,RW,22/09/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,11 Clocktower Ct,4,h,,PI,Barry,22/09/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,2/307 Beach Rd,2,u,607000,S,Buxton,22/09/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/9 Athol Ct,2,u,720000,S,OBrien,22/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,9 Ellison St,3,h,720000,VB,Fletchers,22/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2 Fulview Ct,4,h,1180000,VB,Noel,22/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,17 Ohara St,3,h,1455000,S,Fletchers,22/09/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,3 Essex St,2,h,,S,Noel,22/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,95 Katrina St,3,h,950000,VB,Woodards,22/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1 Killeen Av,3,h,800000,PI,RW,22/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,29 Koonung Rd,4,h,1415000,SP,Noel,22/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,7 Sussex St,3,h,1015000,S,Noel,22/09/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,45 Bond Av,3,h,,SP,Jellis,22/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,82 Edinburgh Rd,4,h,926000,PI,Ray,22/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,32 Fulton Rd,2,h,748888,S,Woodards,22/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,27 Hunter Dr,3,h,900000,PI,Ray,22/09/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,3/89 Power Rd,2,u,460000,S,Ray,22/09/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,8 Ramona Ct,3,h,600000,PI,Ray,22/09/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Brighton,6B Cole St,3,h,3600000,PI,RT,22/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4 Horton Cl,5,h,3180000,S,Marshall,22/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40/568 New St,2,u,,SP,Marshall,22/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Newbay Cr,3,h,3600000,VB,Jellis,22/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4 Weatherly Gr,4,h,3160000,S,Nick,22/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/18 William St,3,u,1050000,PI,Nick,22/09/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,75 Baird St,4,h,3000000,VB,hockingstuart,22/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Bruce St,7,h,,W,Gary,22/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,163 Dendy St,3,h,,SP,Marshall,22/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,347 Nepean Hwy,3,h,,S,Marshall,22/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/86 Thomas St,3,u,860000,S,Buxton,22/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/35 Union St,2,u,950000,S,hockingstuart,22/09/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,31 Brickworks Dr,2,t,712000,S,Jellis,22/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Ivy St,3,h,,S,Collins,22/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Laura St,2,h,880000,VB,Nelson,22/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15 Overend St,3,h,1000000,VB,Nelson,22/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Talbot St,2,h,865000,S,Jellis,22/09/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,603/22 Barkly St,2,u,590000,S,Barry,22/09/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,402/200 Lygon St,2,u,550000,SP,Biggin,22/09/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3/5 Allard St,2,u,355000,PI,Walshe,22/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,43 Everett St,4,h,1460000,S,Rendina,22/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/35 Murray St,2,u,553000,S,Nelson,22/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,53 Shamrock St,3,h,,S,Nelson,22/09/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,11 Dale St,4,h,1210000,S,Barry,22/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,86 Helene St,4,t,1130000,VB,Barry,22/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2A Kenneth St,3,h,888000,PI,Woodards,22/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,12 Westwood Dr,3,h,,PI,VICPROP,22/09/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,91 Betula Av,4,h,,PI,Ray,22/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,42 Carbeen Dr,3,h,670000,PI,Ray,22/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,32 Cheadle Cr,4,h,1000000,S,Barry,22/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,237 Greenhills Rd,3,h,720000,SP,Ascend,22/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,49 Josef Av,5,h,,PI,Ray,22/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Merryn Cl,4,h,800000,S,Barry,22/09/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,13 Crimea St,3,h,,W,Thomas,22/09/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside,10 Klim Pl,3,h,,PI,Barry,22/09/2018,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,235 Highbury Rd,3,h,900000,PI,Fletchers,22/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3 Meyer Rd,5,h,1810500,S,Buxton,22/09/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,24/113 Burwood Hwy,2,u,,PI,Stockdale,22/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1/15 Inga St,3,h,,SP,Jellis,22/09/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,12 Coomgarie Tce,4,h,790000,PI,Sweeney,22/09/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,3/2 Bringa Av,2,u,,S,Jellis,22/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,37 Cochran Av,3,h,,S,Buxton,22/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,50 Fairview Av,4,h,,PN,Marshall,22/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Holyrood St,3,h,1850000,S,Noel,22/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Nicholsdale Rd,4,h,,SP,Jellis,22/09/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,848 Burke Rd,3,h,,VB,Jellis,22/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/49 Canterbury Rd,3,u,,VB,Nelson,22/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4 Gwenda Av,5,h,,S,Kay,22/09/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,115 Neill St,3,h,1850000,VB,Nelson,22/09/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,141 Fenwick St,4,h,2715000,S,Nelson,22/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,351 Station St,3,h,1700000,VB,Nelson,22/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,464 Station St,2,h,1035000,S,Nelson,22/09/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,49 Blackwood St,2,h,,W,Woodards,22/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10/177 Koornang Rd,2,u,522000,S,Jellis,22/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/23 Madden Av,3,u,1020500,S,Gary,22/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/70 Moonya Rd,2,u,525000,S,Woodards,22/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,33 Neville St,3,h,,SN,Woodards,22/09/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,21 Church Rd,5,h,941000,S,Buxton,22/09/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,10/19 Robin Dr,2,u,414000,S,Barry,22/09/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,77 Burrindi Rd,4,h,,SP,hockingstuart,22/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,528 Kooyong Rd,4,h,2200000,VB,Gary,22/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,5 Leopold St,3,h,1250000,VB,Gary,22/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,4/178 Sycamore St,2,u,430000,VB,hockingstuart,22/09/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,22 Cole Cr,3,h,,PI,Buxton,22/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,22 Helen Rd,4,h,,VB,Jellis,22/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/8 Stapley Cr,3,t,795000,S,Upside,22/09/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,5/37 Golden Av,3,u,667000,SP,Eview,22/09/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1 Thames Prm,3,h,970000,SP,Eview,22/09/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,2/11 Alden Ct,3,t,803000,S,Hodges,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13 Hilda St,4,h,1280000,S,Barry,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,39 Lincoln Dr,4,h,1010000,S,O'Brien,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14a Lorraine St,4,t,1150000,PI,Buxton,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,44A Tulip Gr,3,t,,W,Barry,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,308 Warrigal Rd,4,h,790000,SA,Barry,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,49 Weymar St,4,h,1075000,S,Buxton,22/09/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,12A Joanne Av,3,h,673000,SP,McGrath,22/09/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clifton Hill,39 Council St,3,h,1225000,VB,Collins,22/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,75 Ogrady St,3,h,1700000,VB,Collins,22/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,131 Roseneath St,3,h,1490000,S,Nelson,22/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,78 Spensley St,4,h,1630000,S,Nelson,22/09/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,9/1 Manna Gum Ct,3,t,,SP,Nelson,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/11 Methven St,2,t,,SN,Holland,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,50 Nicholson St,3,h,840000,VB,Raine,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/276 Reynard St,2,t,615000,S,Barry,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/49 Rose St,2,t,596000,S,McGrath,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6/17 Stock St,2,u,,PI,Philip,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/1 Stockdale Av,1,u,330000,S,Brad,22/09/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,11 Arthur St,3,h,,PI,Barry,22/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,9 Emma Ct,3,h,880000,S,Barry,22/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,39 Galeka St,3,h,900000,SP,Nelson,22/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2/1 Headley St,2,t,620000,VB,Barry,22/09/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,108 Hotham St,2,h,760000,S,Collins,22/09/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,302/6 Mater St,2,u,520000,VB,Nelson,22/09/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,17/109 Oxford St,1,u,700000,VB,Nelson,22/09/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,10 Bowes Pl,3,h,555000,S,YPA,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Brickwood Cct,3,h,535000,PI,Ray,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Brunswick Cr,3,h,,PI,Barry,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,39 Burrora Wy,3,h,535000,S,Ray,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Calibre Av,3,h,621000,S,Ray,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Cavell Dr,3,h,,PI,Barry,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Cowes St,4,h,570000,S,Ray,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Gateshead St,3,h,,PI,Barry,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Holman Av,4,h,,PI,Barry,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,40 Longtown Ct,3,h,531000,S,Ray,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,38 Montvale Dr,4,h,625000,S,Professionals,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Peterlee Ct,4,h,605000,S,Ray,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Pinnacle Dr,3,h,575000,S,Barry,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Scottsdale Ct,4,h,,PI,Barry,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Sedgefield Pl,4,h,570000,S,Professionals,22/09/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,33 Camms Rd,3,h,545000,SP,Aquire,22/09/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne,16 Rosalie Av,4,h,490000,SP,C21,22/09/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,51 Green St,3,h,1363000,S,Biggin,22/09/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,2 Diana St,3,h,720000,PI,Barry,22/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,33 Gladys Gr,3,h,,S,Jellis,22/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,212 Maroondah Hwy,4,h,,PI,Philip,22/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/456 Maroondah Hwy,3,h,660000,SP,Philip,22/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,17 Robert Ct,4,h,730000,S,Harcourts,22/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10A View St,4,h,880000,S,Barry,22/09/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,10 Helston Ct,4,h,,SP,hockingstuart,22/09/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,17 Manifold Ct,3,h,690000,PI,McGrath,22/09/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,19 Apollo Cr,3,h,,PI,Barry,22/09/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,9A Boort St,3,h,440000,PI,YPA,22/09/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,6 Riggall St,3,h,,PI,RW,22/09/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/77 Langhorne St,2,u,380000,PI,McLennan,22/09/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deepdene,4/38 Campbell Rd,2,u,926000,S,Jellis,22/09/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,64a Gordon St,3,h,,PN,Marshall,22/09/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Derrimut,67 Windsor Bvd,3,h,573000,S,hockingstuart,22/09/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,8 Albert Pl,3,h,640000,VB,Buxton,22/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,17 Hillingdon Ct,3,h,750000,S,Buxton,22/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,6 Seaton Dr,3,h,750000,PI,Ray,22/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,3 Tarnook Ct,3,h,800000,SP,O'Brien,22/09/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,707/815 Bourke St,1,u,343000,S,Dixon,22/09/2018,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,17 Arthur St,2,h,1000000,S,Jellis,22/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,35 Burgundy Dr,4,h,1098000,S,Barry,22/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/808 Elgar Rd,2,u,610000,SP,Fletchers,22/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,30 Harvest Ct,3,t,,PI,Ray,22/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,49 Victoria St,3,h,,SP,VICPROP,22/09/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/17 Banool Qd,4,t,1117000,PI,Parkes,22/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,36 Baratta St,4,h,1300000,VB,Barry,22/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14 Elizabeth St,3,h,950000,S,Jellis,22/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Montgomery St,4,h,,SP,Philip,22/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,20 Murphy Rd,3,h,,S,Jellis,22/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/24 Roger St,3,h,915000,SA,Philip,22/09/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,3/10 Cherry Gr,2,u,625000,S,Barry,22/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,3/31 Leslie St,4,h,,W,Jellis,22/09/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,25 Bower Wy,4,h,581000,S,Ray,22/09/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,1 Wallaroo Wy,4,h,572000,S,RW,22/09/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,22 Mossman Dr,4,h,1500000,VB,Jellis,22/09/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,51 Fraser Av,2,h,841000,SP,Buxton,22/09/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,1/61 Clarence St,3,t,,SN,Gary,22/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,52 Prentice St,4,h,1370000,S,Biggin,22/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,7 Stanley St,4,h,2550000,PI,Biggin,22/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,15 Villiers St,4,h,,S,Biggin,22/09/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,5 Ashdale Gr,4,h,960000,PI,Barry,22/09/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,66 Luck St,3,h,815500,S,Morrison,22/09/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,38 Ridgeview St,4,h,1100000,VB,Morrison,22/09/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,34 Heacham Rd,4,h,976000,S,Barry,22/09/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,2/101 Addison St,2,u,1350000,SP,Buxton,22/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/8 Southey St,2,u,666000,S,hockingstuart,22/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,17/9 Southey St,1,u,350000,S,Woodards,22/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,62A Spray St,3,h,1510000,S,hockingstuart,22/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/19 Tiuna Gr,2,u,,VB,Marshall,22/09/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,7 Ambrosia Cl,4,h,630000,S,Ray,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Axebridge Cct,3,h,,PI,HAR,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Greenview Ct,2,u,420000,SP,Love,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,55 Herlitz Dr,3,h,,VB,hockingstuart/Purplebricks,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,81 Lyndarum Dr,3,t,,PI,Ray,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Olvine Pl,3,h,,VB,hockingstuart,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,21 Park St,3,h,555000,SP,Darren,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/45 Rufus St,2,t,406500,S,Barry,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Young St,3,h,780000,S,Barry,22/09/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,5/11 Fitzgerald Rd,1,u,424500,S,Nelson,22/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/21 Grice Cr,1,u,346000,SP,Biggin,22/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5 Hedderwick St,4,h,2300000,VB,Brad,22/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/332 Pascoe Vale Rd,2,h,350000,PI,Considine,22/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,16/32 Richardson St,1,u,,VB,Harcourts,22/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/2 Scott St,3,t,855000,S,Jellis,22/09/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,445 Buckley St,3,h,950000,VB,Barry,22/09/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,91 Gillies St,3,t,,S,Jellis,22/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,89 Rathmines St,4,h,1800000,S,Jellis,22/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,189 Wingrove St,3,h,1174000,S,hockingstuart,22/09/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,36 Anderson Rd,3,h,,SP,Barry,22/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,8 Osullivan Ct,3,h,685000,S,Barry,22/09/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,41 Cheryl Cr,4,h,,PI,Ray,22/09/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferny Creek,4 Hill St,4,h,820000,VB,Ray,22/09/2018,3786,Eastern Victoria,604,29.5,Yarra Ranges Shire Council +Fitzroy,268 Fitzroy St,5,h,1900000,S,Nelson,22/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,32 Gore St,3,h,3740000,S,Nelson,22/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,102/416 Gore St,2,u,770000,S,Nelson,22/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/170 Kerr St,2,u,,S,Jellis,22/09/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,15 Austin Wy,2,t,915000,S,Jellis,22/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,7/10 Ida St,2,u,600000,S,Jellis,22/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,12 May St,3,h,1480000,S,Nelson,22/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,86 Michael St,4,h,1800000,VB,Nelson,22/09/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,2a Everard St,3,t,,PI,McGrath,22/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Rippon St,3,h,,SP,Village,22/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,53 Stirling St,6,h,,W,Trimson,22/09/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,19b Everglade Av,2,h,950000,S,Ray,22/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,3 Hampshire Rd,4,h,1300000,PI,Ray,22/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,32 Mill Av,3,h,,SP,Ray,22/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,18 Morloc St,4,h,1115000,S,Woodards,22/09/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,10 Chamouni Ct,3,h,,VB,Ray,22/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,107 Karingal Dr,3,h,,VB,hockingstuart,22/09/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,3 Bolte Ct,4,h,,PI,Impact,22/09/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,19 The Close,3,h,790000,SP,hockingstuart,22/09/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Huntly,2/9 Garden Av,2,u,618000,S,Thomson,22/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,12 Manchester Gr,3,t,,W,Woodards,22/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,91/115 Neerim Rd,2,u,,VB,Ray,22/09/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,2A Audrey Cr,3,h,1300000,S,Fletchers,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/7 Belmont Av,2,u,920000,PI,Marshall,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6A Bonnyview St,4,h,1638000,S,hockingstuart,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/43 Edgar St,2,u,,S,Jellis,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Ferndale Rd,4,h,,S,Marshall,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,186 Finch St,4,h,2750000,VB,Marshall,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Young St,5,h,2510000,PI,Marshall,22/09/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,14 Alimar Rd,3,h,1590000,PI,Barry,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Belmont Rd,3,h,1110000,SA,Harcourts,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Daryl Av,5,h,1728000,SP,Biggin,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Excalibur Av,4,h,,PI,Ray,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,53 Galahad Cr,3,h,,VB,Fletchers,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Hinkler Rd,3,h,2202000,S,Barry,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19 Kiah St,3,h,,SN,Woodards,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Marcella Ct,4,t,,S,Jellis,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Spear Ct,4,h,,VB,Fletchers,22/09/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/33 Clovelly Av,2,u,,S,Rendina,22/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/8 Howard Ct,4,h,,W,RW,22/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/80 Justin Av,3,t,690000,S,RW,22/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,266 West St,4,h,742300,SP,Eview,22/09/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,5 Paisley Ct,3,h,780500,S,Ray,22/09/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,5/74 Rutherglen Cr,4,h,650000,SP,Stockdale,22/09/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,17 Beatrix St,4,h,1300000,S,Nelson,22/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,16 Warwick Rd,3,h,850000,SP,Nelson,22/09/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,26 Arkose St,4,h,807000,SP,RW,22/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,15 Destination Dr,4,h,485000,PI,Barry,22/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,70 Frontier Av,3,h,545000,S,RW,22/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,103 Horizon Bvd,3,h,,PI,RW,22/09/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,13 North St,3,h,585000,S,Eview,22/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,62 South St,4,h,835000,S,Barry,22/09/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,5 Charles St,4,h,,S,hockingstuart,22/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/95 Highett Rd,2,u,502000,S,Hodges,22/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,26 Littlewood St,4,h,2450000,PI,Buxton,22/09/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,15 Burt Cr,3,h,1115000,S,Buxton,22/09/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,40A Wickham Rd,2,h,800000,VB,Buxton,22/09/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,27/506 Glenferrie Rd,1,u,,PI,Jellis,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11 Grattan St,3,h,2500000,VB,Marshall,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/3 Harrison Cr,2,u,,SP,Marshall,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/7 Hawthorn Gr,3,t,,S,Jellis,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/7 Hawthorn Gr,3,u,800000,PI,hockingstuart,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/2 Henrietta St,2,u,,S,Marshall,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1a Kinkora Rd,3,h,,S,Jellis,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,207/6 Lisson Gr,2,u,,VB,Jellis,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,402/36 Lynch St,2,u,560000,PI,RW,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,33 Mary St,4,h,,S,Marshall,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/165 Power St,2,u,565000,S,hockingstuart,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/121 Riversdale Rd,2,u,730000,VB,hockingstuart,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/33 Riversdale Rd,3,u,2400000,VB,Jellis,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/26 Selbourne St,1,u,,S,Marshall,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Sercombe Gr,3,h,,S,Kay,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11 York St,3,h,,SN,Marshall,22/09/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,56 Leura Gr,5,h,,S,Marshall,22/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,604/36 Lilydale Gr,2,u,,PI,Harcourts,22/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,21/154 Rathmines Rd,2,u,,S,Jellis,22/09/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,15 Martin St,4,h,850000,VB,Fletchers,22/09/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,55 Anderson St,3,h,1000000,VB,Jellis,22/09/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/56 Banksia St,2,t,627500,S,Miles,22/09/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,77 Edwin St,3,h,925000,S,Nelson,22/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/26 Lawson Pde,3,h,660000,VB,Nelson,22/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/6 Mary Av,2,h,605000,VB,Jellis,22/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/22 Porter Rd,2,t,665000,PI,Nelson,22/09/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,1/449 Waterdale Rd,2,t,565000,VB,Fletchers,22/09/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,19 Ashwood Av,4,h,1600000,VB,Hodges,22/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/2 Monamie Av,2,u,835000,S,Buxton,22/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/1086 Nepean Hwy,2,u,650000,VB,Hodges,22/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,26A Rose St,3,t,,PI,Upside,22/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/37 Sandford St,2,u,587000,S,Hodges,22/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,5 Seaton Rd,3,h,1075000,VB,Buxton,22/09/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,32 Banksia Cr,4,h,,W,Barry,22/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Delaware Ct,4,h,,VB,hockingstuart,22/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,221 Hogans Rd,4,h,,W,hockingstuart,22/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Marlborough Cr,3,h,461000,S,Ray,22/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,43 Symons Av,4,h,,SP,Barry,22/09/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/38 Maroo St,2,u,,SN,HAR,22/09/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,13/50 Poath Rd,2,u,531000,S,Woodards,22/09/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,25 Dalveen Rd,3,h,,W,Stockdale,22/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,14 Vivian St,3,h,1402500,S,Fletchers,22/09/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,156 The Boulevard,4,h,1700000,VB,Miles,22/09/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,12 Warncliffe Rd,3,h,1540000,S,Jellis,22/09/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor Downs,9 Gunsynd Ct,3,h,755000,S,Barry,22/09/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,32A Clarks Rd,3,h,931000,S,Nelson,22/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,38 Limestone Av,4,h,1350000,S,Barry,22/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,26 Milleara Rd,3,h,,PI,Barry,22/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,53 Wonganella Dr,4,h,690000,VB,Nelson,22/09/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,1 Albermarle St,3,h,970000,SP,Nelson,22/09/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,67 Market St,4,h,1191000,S,Brad,22/09/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,16/11 Smith St,1,u,,PI,Brad,22/09/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,26 Atkins St,3,h,,PI,Nelson,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,101/307 Barkers Rd,2,u,656000,S,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,31 Carson St,5,h,,S,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15 Churchill St,4,h,,S,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25 Denmark St,3,h,,PN,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Findon Cr,4,h,2000000,VB,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,10 Finhaven Ct,5,h,,PI,RT,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,27 Foley St,2,h,1500000,VB,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/124 Harp Rd,3,t,1360000,S,Marshall,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,27 Molesworth St,4,h,2800000,VB,Jellis,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,66A Molesworth St,4,h,,SP,Nelson,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/47 Studley Park Rd,2,u,810000,S,Fletchers,22/09/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,103 Belford Rd,3,h,,SS,RT,22/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,28 Boorool Rd,3,h,1820000,S,Nelson,22/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,26 Frater St,5,h,3025000,PI,Kay,22/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,30 Frater St,3,h,,S,Jellis,22/09/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,20 Clarendon Dr,4,h,,PI,Biggin,22/09/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,3 Kotiko Rd,4,h,975000,PI,Area,22/09/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,93 Tyers La,3,h,875000,PI,Area,22/09/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,15 The Fairway,3,h,632500,S,Barry,22/09/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kooyong,83 Talbot Cr,3,h,1755000,S,Jellis,22/09/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,1/6 Bruce St,3,u,,PI,Barry,22/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,47 Festival Gr,4,h,621000,S,Love,22/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,12 Gratwick St,2,h,670000,S,HAR,22/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Kokoda Ct,4,h,,PI,Ray,22/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,6 Nebel St,3,h,636000,S,HAR,22/09/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,20 Aberdeen Dr,4,h,,PI,McGrath,22/09/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lynbrook,3 Brady Cl,4,h,,PI,Property,22/09/2018,3975,South-Eastern Metropolitan,2322,33.8,Casey City Council +Macleod,2 Milton St,2,h,886000,SP,Nelson,22/09/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2/18 Baird St,2,u,,PI,hockingstuart,22/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,22/44 Eucalyptus Dr,2,u,,PI,hockingstuart,22/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,31 Havelock St,3,t,735000,S,hockingstuart,22/09/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,7/42 Winter St,1,u,,S,Jellis,22/09/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,112A Bowen St,3,t,1350000,S,Jellis,22/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/26 Ferncroft Av,3,u,,S,Fletchers,22/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,56 Midlothian St,3,h,1280000,S,Marshall,22/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,19 Warida Av,4,h,2200000,S,Marshall,22/09/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,23 Kinglake Dr,4,h,,PI,Ray,22/09/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,1/10 Newstead St,2,u,400000,S,Jellis,22/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,405/7 Ordnance Res,3,u,657000,S,Rendina,22/09/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,11/73 Queens Rd,2,u,600000,S,Biggin,22/09/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton West,11 Morrow St,3,h,,PI,Ryder,22/09/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,10 Daniel Ct,3,h,880000,PI,Hodges,22/09/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,11 Brunton Dr,3,h,490000,S,RW,22/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,11 Plough St,4,h,,PI,Stockdale,22/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,20 Silverwood Dr,3,h,,PI,HAR,22/09/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,10 Primavera Dr,4,h,,PI,Barry,22/09/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mickleham,24 Yarradale Dr,4,h,,PI,YPA,22/09/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,50 McGregor St,3,h,,SN,Cayzer,22/09/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/33 Allwyn Cr,3,t,,PI,Ray,22/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,34 Blackman Av,3,h,,PI,HAR,22/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,58 Buckmaster Dr,4,h,753000,S,Barry,22/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,13 Chisholm Ct,3,h,580000,S,Barry,22/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Heygate Ct,3,h,,PI,HAR,22/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,29 Jacaranda Dr,3,h,630500,S,Barry,22/09/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,14 Alpha Ct,4,h,1100000,VB,Fletchers,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6/10 Brunswick Rd,2,u,414000,S,Noel,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,58 Brunswick Rd,3,h,825000,PI,Ray,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,11 Gibson St,3,h,,VB,Biggin,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,18 Omega Ct,5,h,,SS,Philip,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,27 Orient Av,2,h,,PN,M.J,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,21 Owen St,5,h,1884000,S,hockingstuart,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,18 Purches St,5,h,1150000,VB,Noel,22/09/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,6/76 Airlie Rd,3,t,760000,PI,Jellis,22/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/5 Calrossie Av,4,t,1100000,VB,Jellis,22/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,133 Grand Bvd,4,h,1255000,S,Jellis,22/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,144 Grand Bvd,5,h,1320000,S,Jellis,22/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,7a Hoban Av,3,u,760000,VB,Jellis,22/09/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,14 Dickens St,3,h,1260000,S,Nelson,22/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,147 Holmes Rd,4,h,1385000,S,Frank,22/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5 Trinafour St,2,h,1645000,S,Nelson,22/09/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,36 Hillston Rd,2,h,925000,VB,Buxton,22/09/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,21 Blaxland Ct,4,h,875000,VB,Fletchers,22/09/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,3 Eastwood Cr,3,h,,PI,Fletchers,22/09/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,136B Chute St,3,t,901000,PI,Ray,22/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,16 Treeby Bvd,4,h,,PI,O'Brien,22/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5 Treeby Bvd,3,h,995000,SP,Ray,22/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,48 White St,3,h,687000,S,Buxton,22/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,4 Winterset Cl,4,h,1415000,PI,Purplebricks,22/09/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/26 Albert St,2,u,700000,S,Buxton,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/587 High Street Rd,2,u,750000,S,RT,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Holskamp St,3,h,1620000,S,Barry,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6/4 Lang Rd,2,u,635000,PI,Ray,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/242 Lawrence Rd,4,t,1205000,S,Jellis,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Nagle Ct,3,h,1005000,SP,hockingstuart,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,246 Waverley Rd,4,h,,PI,Ray,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Wilga St,3,h,1255000,PI,Buxton,22/09/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,34 Andleigh Dr,4,h,1191500,S,Win,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Banff Cl,3,h,,PN,Win,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,15 Chelsea Av,3,h,,W,HAR,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Glengariff Dr,3,h,,PI,Barry,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/30 Highfield Av,3,t,760000,S,Ray,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,65 Lebanon Cr,3,h,860000,S,Ray,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Mangana Dr,3,h,837500,S,Ray,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Montana Av,4,h,765500,S,FN,22/09/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2A Reid St,3,t,,SN,Gary,22/09/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,1A Berty St,3,t,,PI,Compton,22/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,46 Charlotte St,3,h,970000,SP,Williams,22/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,315 Douglas Pde,4,h,1350000,PI,Raine,22/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,71 Ford St,4,h,1695000,S,Sweeney,22/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/28 Peel St,2,u,625000,S,Raine,22/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,27 Steele St,3,h,852500,PI,Jas,22/09/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,105 Hotham Rd,3,h,1100000,VB,Brad,22/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,31B Hotham Rd,4,h,1000000,SP,Nelson,22/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,10 Jackson St,4,h,1250000,SP,Nelson,22/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,29 Rutland St,4,h,820000,S,Nelson,22/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,19 Ryder St,3,h,1020000,PI,Hodges,22/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/35 Ryder St,3,u,,PI,Barry,22/09/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,15 Racecourse Rd,3,h,,SN,Area,22/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2/11 Rich St,3,u,620000,SP,Barry,22/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,37 Wallarano Dr,6,h,,W,iSell,22/09/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,44 Andrew St,3,h,1570000,S,Philip,22/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15 Eastment St,2,h,920000,VB,Jellis,22/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2 Elizabeth St,2,h,,S,Nelson,22/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Glanfield St,4,h,,SP,Nelson,22/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21 Ross St,2,h,,S,Jellis,22/09/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,10 Devereaux St,3,h,800000,SP,Jellis,22/09/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,22 Grandison Gr,3,h,805000,S,A,22/09/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,3/46 Abbeygate St,2,u,610000,S,O'Brien,22/09/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,2/84 Ferntree Gully Rd,2,t,,VB,Buxton,22/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,14/19 Nonna St,2,u,566000,S,Ray,22/09/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,21 Montrose St,3,h,770000,VB,Ray,22/09/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1/605 North Rd,2,u,808000,S,Gary,22/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,4/60 Ulupna Rd,2,u,412000,S,Gary,22/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,3/14 Walsh St,1,u,265100,SP,Thomson,22/09/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/13 Bay St,3,h,900000,VB,Ray,22/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4/59 Como Pde E,2,u,550000,VB,hockingstuart,22/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,8 Edmond St,3,h,1100000,SP,Buxton,22/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/17 Imes St,2,t,691000,S,Thomson,22/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,64b Keith St,4,t,1270000,PI,Buxton,22/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/31 Lawborough Av,3,t,765000,SP,Buxton,22/09/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,187 Park Dr,4,h,2810000,PI,Kay,22/09/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/152 Cumberland Rd,2,u,550000,VB,Nelson,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,125 Landells Rd,3,h,1200000,VB,Upside,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/22 Park St,2,u,,SP,Pagan,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/45 Park St,4,t,945000,SP,Brad,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6/16 Pascoe St,2,t,520000,VB,Nelson,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/27 Surrey St,2,t,616000,S,Nelson,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,265 Sussex St,4,h,690000,VB,Brad,22/09/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,3/5 Thompson Rd,3,t,560000,VB,Buxton,22/09/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,6 Airfield Gr,4,h,,SN,Ray,22/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,7 Etchell Ct,4,h,662000,S,Biggin,22/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Magnetic Av,4,h,791000,S,MICM,22/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,4 Milne St,3,h,660000,PI,Reliance,22/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,33 Pottery Av,3,h,583000,S,Ray,22/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,97 Sunnybank Dr,4,h,845500,S,MICM,22/09/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,31 Garton St,2,h,1080000,S,hockingstuart,22/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,275 Ross St,4,h,2000000,VB,Marshall,22/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,401/2 Rouse St,2,u,935000,S,Cayzer,22/09/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,29 Bowen St,2,h,,S,Jellis,22/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6A Chomley St,3,h,,PI,hockingstuart,22/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1 Irene Pl,5,h,2250000,VB,Kay,22/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,15/15 Kelvin Gr,2,u,590000,S,hockingstuart,22/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,73/8 Perth St,2,u,664000,SP,Jellis,22/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/38 Williams Rd,2,u,657500,S,hockingstuart,22/09/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,11/7 Cooma St,2,u,425000,S,Nelson,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,44 Hotham St,2,h,840000,S,Stockdale,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/5 Oak St,3,u,650000,PI,Ray,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,74 Regent St,4,h,,VB,Jellis,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,104 Rene St,3,h,840000,PI,McGrath,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,20 Ruby St,2,h,,PI,McGrath,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,38 Wilcox St,4,h,1200000,S,Nelson,22/09/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,32 Carrington Rd,4,h,920000,VB,Nelson,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,95 Crookston Rd,3,h,750000,S,Love,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,91 Delaware St,3,h,,PI,HAR,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Don St,4,h,1120000,PI,Stockdale,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/65 Edwardes St,2,u,500000,VB,Barry,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/13 Erskine Av,2,t,600000,PI,Ray,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/12 Evans Cr,2,t,,SP,Nelson,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Kinsale St,3,h,850000,VB,Nelson,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 McPherson St,3,t,820000,S,Nelson,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/75 North Rd,2,u,580000,S,Ray,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/15 Orrong Av,2,u,600000,S,Barry,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10/176 Rathcown Rd,1,u,365500,S,Stockdale,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Seston St,6,h,,W,RW,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/55 Southernhay St,3,t,740000,PI,Brad,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/7 St Vigeons Rd,3,h,,S,Nelson,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/50 Thackeray Rd,3,h,802000,SP,Nelson,22/09/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,3/26 Abinger St,3,h,,PI,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/2 Barnet Wy,2,u,620000,PI,hockingstuart,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,19 Bunting St,3,h,1400000,SP,Jellis,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,611/132 Burnley St,3,u,700000,PI,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,210/339 Burnley St,2,u,,PI,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,23 Carroll St,2,t,,PN,Jellis,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,204/366 Church St,2,u,,PI,Kay,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,78 Coppin St,2,h,940000,VB,hockingstuart,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,48 Edinburgh St,2,h,1250000,SP,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Garfield St,2,h,,PI,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2a Hodgson Tce,2,h,,S,Jellis,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Koorang La,2,h,1005000,S,Jellis,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,58/69 Palmer St,2,u,1149000,PI,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,41 Parkville St,3,h,,PI,Biggin,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,68 Richmond Tce,3,h,2153000,S,hockingstuart,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17 Spencer Pl,3,h,1650000,VB,Jellis,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Type St,4,h,1650000,S,Jellis,22/09/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,14 Berala Ct,4,h,,PI,Jellis,22/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/361 Maroondah Hwy,3,u,613000,SP,Jellis,22/09/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2 Coolooli Ct,4,h,,PI,Philip,22/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,23E Holland Rd,4,h,645000,S,Barry,22/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/9 Patterson St,2,u,655000,SP,Jellis,22/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,138 Railway Av,3,h,,PI,Purplebricks,22/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,5 Valda Av,3,h,580000,VB,Fletchers,22/09/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,1/3 Glen Eira Rd,2,u,,SN,Chisholm,22/09/2018,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,2 Coorie Cr,2,h,1040000,S,Miles,22/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,137 Grandview Gr,3,t,,PI,Miles,22/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6 Greville Rd,4,h,,SN,Miles,22/09/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,47 Liviana Dr,6,h,,PI,Win,22/09/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,43 Almands Av,4,h,445000,S,HAR,22/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,80 Arena Av,4,h,900000,SP,YPA,22/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,11 Kirwan Av,3,h,,W,Raine,22/09/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,5 Arthur St,3,h,2070000,S,hockingstuart,22/09/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,16 Codrington St,3,h,,S,Hodges,22/09/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,46b Kenneth St,3,t,,PI,McGrath,22/09/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,21 Robinsons Rd,3,h,725000,S,hockingstuart,22/09/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,25 Bayview Rd,2,h,1100000,PI,Hodges,22/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,29 Bayview Rd,2,h,1075000,S,hockingstuart,22/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,10/21 Bellairs Av,2,u,439000,S,Hodges,22/09/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,22 Greene St,3,h,875000,VB,Biggin,22/09/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,3/44 Saltley St,2,t,715000,SP,Williams,22/09/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,1/352 Albert Rd,2,u,850000,PI,Cayzer,22/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,150 Cecil St,3,h,,VB,Marshall,22/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,262 Dorcas St,3,h,,PI,Greg,22/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,303 Moray St,2,h,1400000,VB,Marshall,22/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,58 Raglan St,2,h,1200000,PI,Cayzer,22/09/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,1 Cartier Wy,3,h,560000,S,HAR,22/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,51 Donnelly Cct,3,h,538000,S,RW,22/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Tuross Cr,3,h,610000,S,Barry,22/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Yellowbox Av,4,h,,PI,Millership,22/09/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,60 Caroline St,4,h,5500000,VB,Marshall,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9 Cassell St,3,h,1700000,PI,Williams,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/2 Coolullah Av,1,u,770000,VB,Kay,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/55 Darling St,2,u,675000,S,hockingstuart,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,23 Fawkner St,3,h,,S,Kay,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,41 Hardy St,2,h,,VB,Marshall,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,78 Nicholson St,2,h,,S,Kay,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,108 Park St,3,h,2800000,PI,Williams,22/09/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,631 Melbourne Rd,3,h,930000,SP,Jas,22/09/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,8 Robb St,3,h,,PI,RW,22/09/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,14 Bailey Ct,3,h,735000,S,iSell,22/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,15 Davidson St,4,h,790000,VB,Ray,22/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,44 Moncur Av,3,h,1030000,S,iSell,22/09/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,36 Hosken St,3,h,,PI,Area,22/09/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,19 Pottenger Wy,3,h,630000,PI,Westside,22/09/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,70 Vincent Av,4,h,585000,VB,Nelson,22/09/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,34 Charles St,2,h,900000,PI,Buxton,22/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/34 Princes St,1,u,690000,PI,hockingstuart,22/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/298 St Kilda Rd,2,u,,PN,McGrath,22/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/16 Tennyson St,2,u,,S,hockingstuart,22/09/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,17 Holyrood Av,4,h,1750000,PI,McDonald,22/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2b Kilburn St,4,t,965000,PI,Nelson,22/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,12 Wood St,4,h,1565000,S,Nelson,22/09/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,11 Davies Ct,4,h,,W,YPA,22/09/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,1/78 Gap Rd,3,h,460000,S,Raine,22/09/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,15 Omalley Ct,4,h,650000,S,Raine,22/09/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Powlett St,4,h,602000,SP,Raine,22/09/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Thornton Av,4,h,640000,S,Brad,22/09/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,4 Mellor St,3,h,830000,S,Douglas,22/09/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,211 Duke St,4,h,1530000,S,Douglas,22/09/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,34 Sandford Av,3,h,661000,S,Barry,22/09/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/1 Suffolk Rd,2,u,500000,S,Douglas,22/09/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,157 Glengala Rd,3,h,850000,S,Douglas,22/09/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,20 Kingston Rd,3,h,,SN,Noel,22/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,36 Newton St,3,h,1646000,S,Marshall,22/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,65 Russell St,4,h,1600000,VB,Noel,22/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6 Sherwood Rd,3,h,,VB,hockingstuart,22/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/51 Wandsworth Rd,3,u,,VB,Fletchers,22/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/583 Whitehorse Rd,2,u,,PN,Jellis,22/09/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,1/2 Buckingham St,2,u,430000,SP,Prof.,22/09/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2/44 Dundee Wy,2,u,420000,PI,Prof.,22/09/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,41 Heritage Gdns,4,h,580000,PI,Barry,22/09/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,32 Bandicoot Lp,4,h,,PI,Skad,22/09/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,228 Bethany Rd,4,h,,PI,Ray,22/09/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,13 Chlorinda Rd,4,h,,W,Barry,22/09/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,7 Apollo Rd,3,h,670000,PI,Barry,22/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,18 Galloway Ct,3,h,685000,PI,Barry,22/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,1 Lindsay Ct,4,h,680000,S,Barry,22/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,47 Parmelia Dr,3,h,,SP,Brad,22/09/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,1/85 Atkinson St,3,t,875000,PI,Noel,22/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Oliver Rd,4,h,1450000,PI,Jellis,22/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,22 Porter St,3,h,1150000,PI,Jellis,22/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,115 Serpells Rd,6,h,2586000,S,Jellis,22/09/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,2 Eric Av,4,h,,SP,Fletchers,22/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2a Fairbank Cr,4,h,1210000,S,Barry,22/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,29 Gidgee Av,4,h,1320000,SP,Barry,22/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,24 Glenair St,3,h,,SN,Ray,22/09/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,25 Chapman Av,3,h,540000,S,Love,22/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,21 Darebin Dr,4,h,,PI,Barry,22/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 McLeod St,3,h,795000,S,HAR,22/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/168 Station St,2,u,309000,S,Love,22/09/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,111/636 High St,3,u,850000,S,Biggin,22/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,106/85 Hutton St,2,u,,PI,Nelson,22/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,126 Raleigh St,2,h,880000,VB,Nelson,22/09/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,5/49 Bruce St,2,u,700000,VB,Jellis,22/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6 Evelina Rd,2,h,2200000,S,Marshall,22/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/567 Toorak Rd,2,u,670000,S,hockingstuart,22/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7C Woorigoleen Rd,3,h,,S,Marshall,22/09/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,156 Cashmere St,3,h,1375000,SP,Nelson,22/09/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,9 Broadmeadows Rd,2,h,725000,S,Jason,22/09/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,4/149 Melrose Dr,1,h,270000,SP,RW,22/09/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,29 Barbara St,5,h,,PI,Noel,22/09/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,11 Paranda Ct,4,h,,PI,M.J,22/09/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,453 Burwood Hwy,5,h,,PI,Ray,22/09/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,3 Warwick Ct,4,h,1220000,S,Biggin,22/09/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna South,137 Artesian Av,4,h,1150000,PI,Barry,22/09/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,297 Greenwood Dr,3,h,720000,VB,Darren,22/09/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,21 Jabiru Ct,3,h,,VB,hockingstuart,22/09/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,45 Devonshire St,3,h,810000,PI,Jas,22/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,53 Fontein St,2,h,860000,SP,Village,22/09/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,1 Natya Ct,3,h,505000,S,YPA,22/09/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,6 Cantala Ct,4,h,1303000,SP,Biggin,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,34 Darlington Av,4,h,1010000,S,Barry,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7/137 Jells Rd,4,t,1111000,S,hockingstuart,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,17 Jells Rd,4,h,1208000,SP,Biggin,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Leatherwood Cr,3,h,875000,PI,Harcourts,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,10 Woodview Ct,4,h,,W,McGrath,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,29 Xavier Dr,3,h,900000,PI,Barry,22/09/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,17 Courtis St,3,h,2550000,S,RT,22/09/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,31 Albert St,2,h,950000,S,Coad,22/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1A Gladstone St,2,h,,VB,Nelson,22/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,7/14 Wrexham Rd,2,u,,S,hockingstuart,22/09/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,8 Elmslie St,5,h,,PI,United,22/09/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,28 Ribblesdale Av,3,h,460000,VB,Barry,22/09/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,10 Castlemaine St,2,h,,SP,Williams,22/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,16 Corris St,2,h,1365000,S,Jas,22/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,173 Francis St,6,h,,PI,RW,22/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2 Montague St,2,h,1010000,PI,Jas,22/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/113 Somerville Rd,2,t,,S,Biggin,22/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,43 Wilson St,4,h,1340000,S,hockingstuart,22/09/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,49/84 Trenerry Cr,2,h,700000,S,Biggin,23/04/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,19 Park Cr,3,h,,S,Brad,23/04/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,117 Marshall Rd,3,h,662000,S,Brad,23/04/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,13 Leckie Dr,5,h,,PI,YPA,23/04/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,55 Merton St,3,h,2100000,SP,Marshall,23/04/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,3/20 Mulga St,3,u,577000,S,Williams,23/04/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,24 Philip St,3,h,,SP,hockingstuart,23/04/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,37 Powlett St,3,h,485000,S,Sweeney,23/04/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,1/21 Freemans Rd,3,h,590000,SP,RT,23/04/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,122 McIntosh Rd,3,h,590000,S,Village,23/04/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,101 Suspension St,3,h,480000,SP,Biggin,23/04/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,12 Baldwin St,3,h,,SP,Marshall,23/04/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,48 Barkly Av,3,h,1992000,S,Jellis,23/04/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,45 Bloomfield Rd,3,h,1291000,S,Brad,23/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,72 Kent St,3,h,,S,Brad,23/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,21 Middle St,3,h,1130000,S,Nelson,23/04/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,3/4 Annetta Av,3,h,1430000,S,Jellis,23/04/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,31a Shaw St,3,t,880000,PI,Fletchers,23/04/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,27 Yertchuk Av,4,h,,S,Jellis,23/04/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,1/9 Lawrence Av,3,h,,S,hockingstuart,23/04/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,17 Lacy St,3,h,790000,S,HAR,23/04/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,8 Moffat St,3,h,695000,S,HAR,23/04/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,1 Templewood Cr,4,h,855000,PI,Nelson,23/04/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,60a Talbot Av,4,t,,SP,hockingstuart,23/04/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,25 Bernard St,5,h,,S,Jellis,23/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Citron Av,5,h,1650000,VB,Owen,23/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Highview Rd,5,h,1500000,VB,hockingstuart,23/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,24 Maud St,4,h,,S,Jellis,23/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/52 Maud St,2,u,735000,S,Christopher,23/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Renown St,4,h,,SP,hockingstuart,23/04/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,19 Orange Gr,3,h,588000,SP,Appleby,23/04/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2/6 Dunlop Av,2,u,400000,S,Fletchers,23/04/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,1 Olinda Av,4,h,,SP,Hodges,23/04/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Blackburn,39 Larch St,3,h,1170000,S,hockingstuart,23/04/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,3 Shafer Rd,3,h,998800,SP,Fletchers,23/04/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,7 Paulette Ct,3,h,950000,S,Noel,23/04/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,30 Owen St,3,h,511000,S,iTRAK,23/04/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,3/5 Kent Rd,2,u,400000,VB,Ray,23/04/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,5 Patricia St,3,h,1170000,S,Ray,23/04/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Brighton,5/9 Collington Av,2,u,650000,VB,Hodges,23/04/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,107 Marriage Rd,4,h,,SP,Nick,23/04/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,20 Gosford Cr,5,h,400000,PI,YPA,23/04/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,24 Amelia St,3,t,795000,S,RT,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,92 Brunswick Rd,3,h,,SP,Nelson,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Luscombe St,2,t,815000,S,Nelson,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 McPherson St,3,h,835000,PI,Jellis,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,35 Percy St,2,h,705000,S,Chambers,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30 Thistle St,3,h,1050000,PI,Collins,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,94 Wilson St,2,h,800000,S,Biggin,23/04/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,14 Hutchinson St,3,h,998000,S,Nelson,23/04/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1/10 Linden St,3,t,1010000,S,Nelson,23/04/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1 Culloden St,3,h,995000,S,Brad,23/04/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,117 Pearson St,3,h,901000,S,Rendina,23/04/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,24 Alison Av,3,h,1060000,S,Ray,23/04/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4 Graeme Ct,4,h,1244000,PI,Fletchers,23/04/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,27 Botanica Bvd,4,h,870000,S,Ray,23/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,104/11 Copernicus Cr,1,u,290000,VB,Ray,23/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,18 Manchester Cr,3,t,,PI,Ray,23/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Neilsen Cr,3,h,476000,S,Stockdale,23/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4/31 Sanctuary Dr,3,h,,PI,Barry,23/04/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,12 Inga St,3,h,,S,Fletchers,23/04/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,18 Playhouse Av,3,h,,VB,FN,23/04/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,2/32 Bringa Av,2,h,840000,S,Jellis,23/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8/995 Burke Rd,2,u,,S,Jellis,23/04/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5/25 Chatham Rd,3,h,,SP,Jellis,23/04/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/20 Margaret St,2,u,690500,SP,Fletchers,23/04/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,32 Dorrit St,4,h,2033000,S,Nelson,23/04/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,19/100 Queensberry St,2,u,,SN,hockingstuart,23/04/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,33b Emily St,3,h,990000,S,Ray,23/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/52 Neville St,4,t,1100000,S,hockingstuart,23/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Oakleigh Rd,3,h,1125000,PI,Ray,23/04/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,6 Strathvea La,2,h,340000,S,YPA,23/04/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,1/50 Kalimna St,3,t,560000,PI,hockingstuart,23/04/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,531 Station St,2,h,440500,SP,Hodges,23/04/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Chadstone,1/19 Binalong Av,2,u,627000,S,Buxton,23/04/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,40 Mawarra Cr,5,h,1206000,S,McGrath,23/04/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,70 Devon St,5,h,1285000,S,Greg,23/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24 Lincoln Dr,3,h,720000,S,Ray,23/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/8 Norma Av,2,u,430000,VB,Hodges,23/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3c Wedd St,2,t,685000,S,Hodges,23/04/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton South,24 Wordsworth Av,3,h,1075000,S,Nexus,23/04/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Coburg,27 Bruce St,3,h,680000,PI,Raine,23/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,27a Bruce St,3,h,670000,PI,Raine,23/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,185 Moreland Rd,1,h,482500,S,Raine,23/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,155 Nicholson St,3,h,825000,S,Ray,23/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Station St,3,h,725000,S,Brad,23/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,144 The Avenue,4,h,1250000,VB,Nelson,23/04/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,203b Elizabeth St,2,t,570000,S,Ray,23/04/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,38 Cimberwood Dr,3,h,347000,SA,Real,23/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,59 Creekwood Dr,4,h,516000,S,YPA,23/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Gillingham Cr,3,h,333100,S,YPA,23/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Montpellier Cr,4,h,450000,SP,Ray,23/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Pinehurst Ri,4,h,440000,S,LJ,23/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,35 Thorngrove Av,3,h,,SN,Barry,23/04/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,34 Binbrook Dr,3,h,716000,S,Century,23/04/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1a Gallipoli Pde,3,h,699000,S,Stockdale,23/04/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,48a Hull Rd,3,t,550000,VB,Nelson,23/04/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Kitchener Rd,3,h,590000,SP,Barry,23/04/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,80 Princes Hwy,4,h,,PI,Barry,23/04/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,220 Gladstone Rd,3,h,576000,S,Ray,23/04/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,15 McLean Cr,3,h,,PI,iSell,23/04/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,13 Wood St,3,h,,SN,Barry,23/04/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,15 Lacebark Rd,3,h,399500,S,Barry,23/04/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,4 Young Ct,4,h,650000,S,Barry,23/04/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,14 Egan St,3,h,523000,S,Mason,23/04/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,35 Jolimont Pl,5,h,900000,S,Ray,23/04/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,741 Elgar Rd,3,h,1391000,S,Ray,23/04/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4/20 Wetherby Rd,2,u,452000,S,Parkes,23/04/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,9 Dowling Gr,4,h,,SN,Parkes,23/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,62 George St,4,h,990000,S,Barry,23/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Homebush Ct,3,h,,S,Ray,23/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/76 Russell Cr,3,u,715000,SP,hockingstuart,23/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Wimbledon Ct,5,h,1100000,PI,Barry,23/04/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,1/124 Mitcham Rd,2,u,546000,S,Barry,23/04/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,2/12 Ashby Gr,2,u,600000,SP,Miles,23/04/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Elsternwick,22 Ross St,2,h,895000,S,Owen,23/04/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,5/17 Batman Rd,2,u,440000,S,Buckingham,23/04/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,118 Bridge St,4,h,850000,S,Barry,23/04/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,39 Nerreman Gwy,4,h,1000000,PI,Buckingham,23/04/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Epping,12 Dunolly St,4,h,525000,S,Harcourts,23/04/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,21 Supply Dr,3,h,527500,S,Barry,23/04/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/15 Gilbertson St,2,u,736000,S,Nelson,23/04/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,2/25 Emerald St,2,t,638500,S,Frank,23/04/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,36 Ruby St,3,h,,W,Barry,23/04/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,231 Station St,3,h,1065000,S,Nelson,23/04/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/19 Dowling St,3,h,,SN,Barry,23/04/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,10 Patricia Dr,3,h,617000,SP,hockingstuart,23/04/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,405/160 Argyle St,2,u,,PI,Nelson,23/04/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,306/96 charles St,2,u,660000,SP,hockingstuart,23/04/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,179 Barkly St,3,h,2300000,S,Nelson,23/04/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,181 Rae St,2,h,937500,S,Jellis,23/04/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,20 Glance St,3,h,991000,S,Rendina,23/04/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,208 Gordon St,3,h,,SN,Barry,23/04/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,5 Hylton Cr,3,h,853000,SP,hockingstuart,23/04/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,79 Vicki St,4,h,820000,VB,Noel,23/04/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Dalkeith Ct,4,h,587000,S,Ray,23/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Fernery La,4,h,,S,RT,23/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/90 High St,2,u,285000,PI,U,23/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Tralea Pl,3,h,425000,S,U,23/04/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,16 Barmah Ct,7,h,834750,SP,U,23/04/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,88 Howey St,5,h,575000,S,RT,23/04/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,30 Parkview St,4,h,,SP,RT,23/04/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,21 Hall Rd,4,h,490000,S,Brad,23/04/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,53 Celia St,4,h,,S,Jellis,23/04/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,1 Arianne Rd,4,t,1160000,S,Ray,23/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,59 Remington Dr,4,h,1128000,SP,Jellis,23/04/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,3/83 Maude Av,2,u,,PI,Brad,23/04/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,46 Moonee Bvd,4,h,600000,SP,Stockdale,23/04/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/42 Pecham St,3,u,400000,VB,Nelson,23/04/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,24 Balerno Cir,3,h,390000,PI,Nelson,23/04/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,7 Auriol Ct,4,h,580000,PI,Nelson,23/04/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,115 Elder St,3,h,615000,S,Coventry,23/04/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,24 Firenze Rd,4,h,,S,Barry,23/04/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,25 MacMillan Av,4,h,,SP,Barry,23/04/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 McGuire Ct,4,h,607000,S,Nelson,23/04/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,13 Gish Ct,5,h,800000,VB,YPA,23/04/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,50 Holyrood St,4,h,2200000,PI,Hodges,23/04/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,1203/377 Burwood Rd,1,u,,W,Ross,23/04/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/4 Hill St,2,u,665000,S,Jellis,23/04/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,80/8 Wallen Rd,3,u,,S,Jellis,23/04/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5/107 Victoria Rd,2,u,655250,SP,Marshall,23/04/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,7/106 Brown St,2,t,600000,S,Miles,23/04/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2/172 Cape St,3,h,655000,PI,hockingstuart,23/04/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,1/97 Bamfield Rd,2,u,450000,SP,Miles,23/04/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4/28 Myrtle St,3,t,620000,PI,Barry,23/04/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,16 Achilles St,3,h,1375000,PI,Ray,23/04/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1/11 Matthieson St,3,t,775000,VB,Buxton,23/04/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,20 Sydenham St,2,h,1100000,S,Hodges,23/04/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Ivanhoe,1/90 Oriel Rd,2,u,,SN,Nelson,23/04/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,103 Waterdale Rd,3,h,1225000,SP,Miles,23/04/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor East,20 Keith Gr,3,h,825000,S,Nelson,23/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,89 Sterling Dr,4,h,680000,S,Barry,23/04/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,208/465 MacAulay Rd,2,u,460000,SP,Rendina,23/04/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1/16 Mawbey St,2,u,395000,PI,Nelson,23/04/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,5/13 Hope Ct,2,u,551000,S,Jellis,23/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/13 Kent St,2,u,,SP,hockingstuart,23/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,91 Princess St,4,h,2800000,VB,Kay,23/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15 Rimington Av,3,h,2215000,S,Christopher,23/04/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,16 Narellan Dr,3,h,695000,S,iSell,23/04/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,8 Hansen Rd,4,h,,VB,Stockdale,23/04/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Maidstone,191 Ballarat Rd,3,h,750000,VB,C21,23/04/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/12 Clarendon St,3,h,,PI,Biggin,23/04/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,4/6 Crefden St,2,u,360000,PI,Pagan,23/04/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,6 Chanak St,3,h,,S,Marshall,23/04/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/907 Dandenong Rd,1,u,300000,PI,Anderson,23/04/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,16 Amarco Cr,4,h,880000,SP,Biggin,23/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2 Murnong St,4,h,1048700,SP,Brad,23/04/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,1/7 Eldorado Cr,3,u,221000,S,Raine,23/04/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,43/1 Exhibition St,1,u,436000,S,RT,23/04/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,101/55 Queens Rd,2,u,595000,S,Biggin,23/04/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,12/73 Queens Rd,2,u,620000,S,Kay,23/04/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,5/57 Collins St,2,u,440000,VB,Hodges,23/04/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/3 Stawell St,2,t,721000,S,Buxton,23/04/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,15 Fraser St,2,h,1025000,S,Marshall,23/04/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,193 Richardson St,3,h,,SN,Cayzer,23/04/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,28 Dunlop Cr,3,h,400000,PI,Love,23/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Hinkler Dr,4,h,605000,S,Ray,23/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8/4 Rivergum Dr,3,h,,SN,Barry,23/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,29 Romano Av,3,h,420000,SP,Barry,23/04/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/32 Brunswick Rd,3,t,650000,PI,Ray,23/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,56 Churinga Av,3,h,786000,S,Philip,23/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Dampier Gr,3,h,728000,S,Ray,23/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2 Rothwell Ct,5,h,1034000,S,Ray,23/04/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Moonee Ponds,1a Ardmillan Rd,3,h,1250000,S,Raine,23/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/102 Bent St,3,t,870000,S,Nelson,23/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,9 Newton Pde,2,h,801000,S,Brad,23/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,77a Scott St,3,h,1390000,S,Brad,23/04/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,7 Carawa St,3,h,420000,S,iTRAK,23/04/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,8 David St,3,h,,SN,hockingstuart,23/04/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3/397 Nepean Hwy,1,u,300000,VB,Hodges,23/04/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,7a Steedman St,3,t,842500,S,Charlton,23/04/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,21 Avondale Gr,5,h,,SN,Ray,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Cratloe Rd,4,h,,PI,Biggin,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/3 Grenfell Rd,3,t,,PN,Barry,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/40 Kemp Av,2,u,988000,SP,Jellis,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,147 Lawrence Rd,4,h,,VB,Jellis,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Melissa St,4,h,993000,S,Ray,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,22 Park Rd,5,h,,SN,Buxton,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Russell Cr,3,h,985000,S,Buxton,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Russell Cr,4,h,,PI,Buxton,23/04/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,1/178 Murrumbeena Rd,2,t,720000,S,hockingstuart,23/04/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,313 Poath Rd,3,h,,SN,Ray,23/04/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,1/31 Elizabeth St,2,u,560000,SP,Williams,23/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,63 Mason St,3,h,805000,S,RT,23/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,5/67 Oxford St,2,h,680000,SP,RT,23/04/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,1/7 Mitchell Ct,2,u,,PI,Barry,23/04/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,27 Rich St,3,h,640000,S,RW,23/04/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,1/54 Emmaline St,1,u,370000,PI,hockingstuart,23/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Stott St,3,h,1225000,SP,Barry,23/04/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,1/6 Chandor Ct,2,u,605000,S,hockingstuart,23/04/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Oakleigh East,1787 Dandenong Rd,3,h,,PI,Buxton,23/04/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,11 Elysium Cr,3,h,859000,S,Buxton,23/04/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,2/26 Wicklow St,3,u,940000,PI,Buxton,23/04/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,5 Grey St,4,h,,SN,RW,23/04/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,4/34 Cornwall Rd,2,u,,SP,Brad,23/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dorset Rd,2,h,630000,S,YPA,23/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Karadoc Av,3,h,805000,S,hockingstuart,23/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/191 Sussex St,2,t,410000,VB,Brad,23/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5 Virginia St,3,h,600000,PI,Re,23/04/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,216 Esplanade Pl,2,h,1532000,S,Cayzer,23/04/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,35 Chomley St,2,h,1180000,S,Jellis,23/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,210/10 Hillingdon Pl,2,u,510000,PI,hockingstuart,23/04/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,209 High St,4,h,600000,VB,Nelson,23/04/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,14 Beenak St,3,h,572000,S,Ray,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,173 Broadhurst Av,3,h,581000,S,Ray,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/15 Delaware St,3,h,600000,S,Ray,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/15 Delaware St,3,h,450000,VB,Ray,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/6 Eisenhower St,2,t,360000,VB,Nelson,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/2 Elsey Rd,2,u,525000,S,Harcourts,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22b Glasgow Av,3,t,585000,S,Nelson,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,46 Oakhill Av,3,h,1115000,S,Barry,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Ramleh Rd,3,h,692500,S,Love,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,163 Spring St,4,h,790000,S,Ray,23/04/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,711/2 McGoun St,1,u,,PI,Biggin,23/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,57 Neptune St,3,h,1650000,S,hockingstuart,23/04/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,11 Thomas St,4,h,,SN,Barry,23/04/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/51 Warrandyte Rd,2,u,,SN,Barry,23/04/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,21a Carcoola Rd,3,h,640000,VB,Noel,23/04/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,11 Scenic Av,4,h,,SN,Barry,23/04/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,55 Aurum Cr,3,h,960000,S,RT,23/04/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Roxburgh Park,21 Cashmore Pl,3,h,385000,S,Ray,23/04/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,96 Hayfield Rd,3,h,340000,S,Raine,23/04/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Seaford,20 Duncan Av,3,h,550000,SP,hockingstuart,23/04/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,5 Parkside Cr,3,h,1050000,S,hockingstuart,23/04/2016,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,40 Hotham St,3,h,,S,Jas,23/04/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,32 Walter St,4,h,970000,VB,Jas,23/04/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,5/182 Albert Rd,1,u,480000,S,hockingstuart,23/04/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,10 Coote St,3,t,1185000,S,Parkinson,23/04/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,31 Buttress Cr,4,h,470000,S,Ray,23/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Featherpark Tce,4,h,552250,S,Harcourts,23/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,9 Lamour Av,4,h,480000,SP,Barry,23/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,23 Lazar Gr,5,h,660000,S,Ray,23/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,120 Meridian Dr,4,h,,PI,Barry,23/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,9 Tiffany Gr,4,h,,PN,Harcourts,23/04/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1 Davis Av,4,h,2300000,VB,Kay,23/04/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/949 Punt Rd,1,u,310000,SP,hockingstuart,23/04/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2005/39 Coventry St,2,u,690000,S,Greg,23/04/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,7/100 Wells St,3,u,,VB,hockingstuart,23/04/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale South,19 Amersham Av,3,h,650000,S,iSell,23/04/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,3 Parker St,3,h,681000,S,RW,23/04/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,79 Moonstone Cct,3,h,498000,SP,Ray,23/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,24 Protea Cr,4,h,,SN,Barry,23/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,108 Theodore St,4,h,,S,Brad,23/04/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,5/42 Grey St,2,u,535000,S,Greg,23/04/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,59 Glenview Rd,3,h,1205000,SP,Nelson,23/04/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,11/2 Mascoma St,2,h,535000,S,Considine,23/04/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine North,5 Lodden St,4,h,,SN,Barry,23/04/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Surrey Hills,29 Boisdale St,5,h,1518000,S,Fletchers,23/04/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,26 Cardinia Cr,4,h,570000,S,Barry,23/04/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,22 Treasury Pl,4,h,750000,S,Barry,23/04/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,8 Solent Cr,3,h,482000,PI,Brad,23/04/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,44 Tuckers Rd,4,h,1050000,VB,Jellis,23/04/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,313 Thompsons Rd,4,h,,SN,Philip,23/04/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,30 Waratah Dr,3,h,940000,S,Jellis,23/04/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,80 Cedar St,2,h,605000,S,Harcourts,23/04/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,20 Waratah St,3,h,532000,S,Barry,23/04/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Toorak,6 Leighton Ct,3,h,4200000,S,Melbourne,23/04/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont,23 Holyrood Dr,4,h,890000,S,Barry,23/04/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,21 Warrington Av,6,h,,SN,Ray,23/04/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,52 Brentwood Dr,4,h,780000,PI,Fletchers,23/04/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,16 Matlock Rd,3,h,,SP,Barry,23/04/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,11 Pamela Ct,5,h,,SP,Jellis,23/04/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warranwood,4 Warrangum Pl,3,h,780000,SP,Jellis,23/04/2016,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Warranwood,5/45 Warranwood Rd,3,u,570000,PI,Philip,23/04/2016,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Waterways,1 Paragon Wy,4,h,785000,SP,RW,23/04/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,3/8 Herbert St,2,t,485000,S,Stockdale,23/04/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Wheelers Hill,7 Bronwyn Ct,5,h,1385000,S,Barry,23/04/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,18 Netherby Av,4,h,,SN,Biggin,23/04/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Yallambie,27 Longacres Rd,4,h,,SN,Barry,23/04/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,18 Frederick St,3,h,745000,S,hockingstuart,23/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2 Hood St,4,h,1158000,S,Jas,23/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,51 Sussex St,3,h,867000,S,RT,23/04/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,32a Cameron St,3,u,,SN,Barry,23/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,1 Concord Cct,3,h,465000,S,YPA,23/06/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,13 Kerferd Pl,4,h,3320000,S,The,23/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,28 Smith St,4,h,,PI,Jellis,23/06/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona North,43 Second Av,3,h,915000,S,Biggin,23/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,29 Northcote Rd,4,h,,S,Marshall,23/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,43 Dalgety Dr,4,h,1380000,SP,Alexkarbon,23/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/27 Harold St,2,u,492000,S,Barry,23/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,44 Baker Pde,3,h,,VB,Buxton,23/06/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,5 Oliver St,4,h,1710000,S,hockingstuart,23/06/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,20A Cleveland Rd,4,t,,PI,Harcourts,23/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,6 George St,5,h,1755000,S,Buxton,23/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3/111 Huntingdale Rd,2,u,602500,S,Buxton,23/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/23 May Park Av,3,t,,PI,Marshall,23/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,7 Birdwood St,3,h,1335000,S,hockingstuart,23/06/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,5/3 McIntosh Ct,2,u,573500,S,Buxton,23/06/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,206 Wells Rd,3,h,800000,S,Area,23/06/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,82 Kenny St,4,h,715000,S,YPA,23/06/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,15 Charmaine Av,4,h,1000000,PI,Barry,23/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,88 Clarendon St,3,h,740000,S,Nelson,23/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,5 Edmonds Ct,3,h,814000,S,Nelson,23/06/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,20 McFarland St,3,h,450000,S,Arbee,23/06/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,6/39 Gourlay St,2,u,525000,SP,Buxton,23/06/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,3/22 Sycamore Gr,2,u,540000,SP,Woodards,23/06/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,24 Kenilworth St,3,h,,S,Fletchers,23/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6 Metung St,3,h,,PN,Fletchers,23/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,12 Relowe Cr,6,h,2980000,PI,Marshall,23/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8/29 Weir St,2,u,,PI,HAR,23/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/31 Weir St,2,u,630000,PI,Noel,23/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/55 Yarrbat Av,3,u,,PI,Biggin,23/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1 Buchanan Av,4,h,1600000,VB,Marshall,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,35 Fintonia St,4,h,,S,Fletchers,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,4 Gould St,3,h,1530000,S,Jellis,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,39 Kawarren St,4,h,1450000,PI,Jellis,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Lloyd St,6,h,,PI,Mandy,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Seattle St,4,h,1600000,VB,Kay,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Tovey St,5,h,,S,RW,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,28 Tuxen St,3,h,,S,Jellis,23/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,16 View Rd,3,h,1570000,PI,FN,23/06/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2 Westham Cr,3,h,,PN,Biggin,23/06/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,1/378 Balcombe Rd,3,t,900000,VB,Hodges,23/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,84 Wells Rd,4,h,1550000,S,Buxton,23/06/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,3/9 Davidson St,2,t,738000,S,Miles,23/06/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,23a Atkinson St,4,t,1500000,S,Jellis,23/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,53 Bent St,3,h,,SP,Jellis,23/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,30 Dickens St,3,h,1391000,S,Buxton,23/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/8 Fairbank Rd,2,u,800000,S,Jellis,23/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/77 Mortimore St,4,t,1200000,VB,Jellis,23/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/4 Werona St,2,u,772000,S,Buxton,23/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/17 Barrington St,3,t,1000000,S,Buxton,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/16 Celia St,3,t,950000,PI,Gary,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9B Charles St,4,t,1335000,S,Jellis,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14a Claronga St,4,t,1220000,VB,Buxton,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Denver St,5,h,1200000,VB,hockingstuart,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,26a May St,3,t,1500000,S,Jellis,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2a Millis Av,3,t,,VB,Jellis,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Purtell St,3,h,1245000,PI,Buxton,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11B Surrey St,3,t,1200000,S,Gary,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/48 Tudor St,3,t,875000,S,Jellis,23/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,42 Ebden Av,4,t,2150000,VB,Realty,23/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1 Kerrylyn Ct,3,h,1200000,SP,Ray,23/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10A Wellington Av,3,h,1275000,PI,Barry,23/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,49 Kurrajong Wy,3,h,1050000,PI,Aussie,23/06/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,74 Shafer Rd,3,h,,PN,Fletchers,23/06/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,95 Shafer Rd,4,h,1057500,S,Jellis,23/06/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,5 Abercromby Rd,4,h,1305000,S,Woodards,23/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,13 Mahala Ct,3,h,1025000,PI,Stockdale,23/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,44a Cannes Av,4,t,1020000,PI,O'Brien,23/06/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,9B Crown Rd,3,t,1140000,S,Buxton,23/06/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,12 Derby Pde,3,h,,PI,Patterson,23/06/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,13 Howard St,3,h,,S,Buxton,23/06/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,7 Sweetland Rd,4,h,,SP,Noel,23/06/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,62 Duke St,4,h,751000,S,Douglas,23/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,81 Hargreaves Cr,2,h,715000,S,S&L,23/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,9 Hinkler St,3,h,782000,S,Douglas,23/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,13 Winjeel Ct,5,h,935000,S,Jellis,23/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,50 Fernside Av,4,h,900000,S,Morrison,23/06/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,6 Cowper St,3,h,,SP,Marshall,23/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,22 Hammond St,4,h,,S,Marshall,23/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8 Maysbury Av,3,h,2350000,VB,Buxton,23/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Osborne Cl,3,h,1900000,VB,C21,23/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,38 Rooding St,3,h,1850000,VB,Marshall,23/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/21 Yuille St,3,t,,SP,Nick,23/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,15 Alford St,3,h,1750000,PI,Buxton,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Allfrey St,4,h,1550000,VB,Gary,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Aralee Pl,3,h,1270000,PI,Hodges,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/745 Hawthorn Rd,3,u,750000,VB,Buxton,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,17 Heathfield Rd,4,h,2250000,VB,Follett,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Lansdown St,4,h,2125000,S,Kay,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,29 Shasta Av,5,h,,S,Buxton,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/119 Thomas St,4,h,1100000,VB,Hodges,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1A Tuxen Ct,3,t,,S,Buxton,23/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2/34 Kitchener St,3,t,440000,S,YPA,23/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,4 Oxley Ct,3,h,648500,S,Eview,23/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,19/230 Albert St,3,t,1000000,VB,Jellis,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,281 Albion St,4,h,1100000,VB,Nelson,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,102/9 Florence St,1,u,567000,SP,Jellis,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,27 Grant St,2,h,870000,S,Nelson,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,140 Hope St,3,h,,SP,Nelson,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Mitchell St,4,h,1789000,S,Nelson,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,131 Victoria St,4,h,,S,hockingstuart,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,219 Victoria St,3,h,,SN,Walshe,23/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,230/22 Barkly St,2,u,615000,S,LITTLE,23/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2 Bladen Av,3,h,1140000,S,Nicholson,23/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,249 Glenlyon Rd,3,h,,SP,Jellis,23/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,7/1 Balfe Cr,2,t,600000,VB,McGrath,23/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/10 Cook St,2,h,542000,S,Nelson,23/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,14 Coronation St,4,h,,SP,Nelson,23/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,12 Botanic Ct,3,h,690000,S,Stockdale,23/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,13 Darren Av,2,u,530000,S,Darren,23/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,15 Glenara Ct,4,h,780000,PI,Ray,23/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,27 Janet Cr,4,h,731000,S,@Realty,23/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Madison Ct,3,h,575000,S,Stockdale,23/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,38 Loyola Gr,3,h,1500000,S,Nelson,23/06/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside,12 Kelly Av,4,h,,PI,YPA,23/06/2018,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside Heights,3 Lee Pl,4,h,625000,PI,Nguyen,23/06/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burnside Heights,15 Scales La,3,h,615000,SP,Raine,23/06/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,12 Clanbrae Av,4,h,1420000,PI,Jellis,23/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,4 Sparks Av,4,h,1252000,S,RW,23/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Uganda St,3,u,842000,S,Noel,23/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,12 Balmoral Ct,4,h,,PN,Jellis,23/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,19 Hilltop Cr,3,h,1175000,VB,Fletchers,23/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,4/2 Middleborough Rd,1,u,310000,VB,Jellis,23/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,2/34 Alma Rd,3,t,,SP,Jellis,23/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,94 Fordham Av,3,h,,S,Kay,23/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9/5 Holly St,2,u,621000,S,J,23/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,41 Through Rd,4,h,,S,Jellis,23/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,65A Gentles Av,4,t,,PI,YPA,23/06/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Campbellfield,25 Stewart Gr,4,h,695000,S,YPA,23/06/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,3/16 Byron St,3,u,1057500,S,Ray,23/06/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,22 Carlton St,2,h,,S,Jellis,23/06/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,28 Dorrit St,2,h,1155000,S,Nelson,23/06/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,207/264 Drummond St,1,u,520000,VB,hockingstuart,23/06/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,426 Lygon St,4,h,2400000,S,Nelson,23/06/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,933 Drummond St,4,h,2100000,VB,Collins,23/06/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,12/823 Rathdowne St,2,u,795000,S,Nelson,23/06/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,6/20 Emily St,1,u,295000,SP,Gary,23/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,21 Kooringa Rd,2,h,1190000,S,hockingstuart,23/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/3 Maroona Rd,2,u,,PN,Gary,23/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,37 McLaurin Rd,3,h,,SN,Gary,23/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,156 Oakleigh Rd,3,h,1160000,PI,Jellis,23/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,70B Tranmere Av,4,t,,SN,Ray,23/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,38 Oakview Pde,3,h,641500,S,Nelson,23/06/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield,8/1013 Glen Huntly Rd,2,u,487000,S,hockingstuart,23/06/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,2/670 Inkerman Rd,2,u,475000,SP,Gary,23/06/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,50 Scott St,2,h,981000,S,Gary,23/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,20 Black St,2,t,,S,Kay,23/06/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/46 Embankment Gr,2,u,635200,SP,Buxton,23/06/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,37 Swanpool Av,3,h,,S,Buxton,23/06/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,293 Bay Rd,3,h,1050000,VB,Buxton,23/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/16 Crawford St,3,u,950000,PI,Buxton,23/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24 Munro Av,3,h,,SP,Buxton,23/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,12 Donald St,4,h,,SN,C21,23/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/13 Evelyn St,3,u,802000,S,Buxton,23/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/71 Moriah St,3,u,691000,S,C21,23/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1482 Centre Rd,3,h,900000,PI,Barry,23/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,13 Kitson Rd,3,h,760000,PI,Barry,23/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,10/82 Roseneath St,2,t,935000,S,Nelson,23/06/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,24 Berry St,2,h,865000,S,Barry,23/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,50 Harding St,2,h,990000,VB,Biggin,23/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,502/4 Moonering Dr,2,u,460000,PI,Nelson,23/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/276 Reynard St,2,t,,PI,Barry,23/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,65 Saunders St,4,h,,SP,Barry,23/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,10a Marama St,3,h,995000,S,Barry,23/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,11a Smith St,3,t,900000,S,Raine,23/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,50 Snapshot Dr,3,h,852000,S,hockingstuart,23/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coldstream,20 Bronwyn St,6,h,,PN,Stockdale,23/06/2018,3770,Eastern Victoria,810,33,Yarra Ranges Shire Council +Collingwood,33 Alexander St,3,h,900000,PI,Chambers,23/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,144 Rupert St,2,h,840000,PI,Biggin,23/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,402/35 Victoria Pde,3,u,1960000,S,Nelson,23/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,3 Marcus Cr,3,h,362500,S,YPA,23/06/2018,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,5 Ballarat Ct,4,h,,PI,Ray,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Bowman Gln,3,h,490000,S,Ray,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,86 Bridgehaven Dr,4,h,815000,S,Barry,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Burniston Av,3,h,600000,S,Ray,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,78 Evergreen Cr,3,h,,W,Barry,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Plum St,3,h,573000,S,Ray,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2/15 Wattleglen St,2,h,,PI,Barry,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,63 Willmott Dr,3,h,525000,S,Ray,23/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,1 Abraham Dr,3,h,655000,S,Fletchers,23/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,15 French St,5,h,1325000,PI,McGrath,23/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,39 Humber Rd,3,h,,S,McGrath,23/06/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,20 Echuca St,3,h,,PI,Barry,23/06/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,5/17 Norman Ct,2,h,331000,S,Stockdale,23/06/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,66 Boyd St,3,h,590000,PI,Stockdale,23/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,4 Lilac Av,3,h,621000,S,Del,23/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,2 Teal Ct,3,h,585000,S,Raine,23/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,22 Crest Av,4,h,2750000,VB,Marshall,23/06/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,3 Castlebury Pl,5,h,885000,SP,HAR,23/06/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,27 Egan St,3,h,709000,S,Barry,23/06/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Docklands,822/55 Merchant St,1,u,316000,S,Barry,23/06/2018,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,1/60 Ayr St,4,t,1100000,PI,Jellis,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,7 Boyd St,4,h,,PI,HAR,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,16 Church Rd,3,h,1140000,PI,Jellis,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9/415 Doncaster Rd,4,t,,S,Jellis,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,15 Fromhold Dr,4,h,,PI,Fletchers,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Highview Dr,4,h,1470000,PI,Barry,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,78 Stables Cct,3,t,1050000,S,Philip,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,53 Whittens La,3,h,1555000,S,Parkes,23/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,33 Beverley St,3,h,1172500,S,Jellis,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Capella Pl,4,h,1310666,S,RT,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/1082 Doncaster Rd,2,t,723000,SP,Judith,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,105/927 Doncaster Rd,2,u,,PI,Ray,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,201/927 Doncaster Rd,2,u,,PI,Ray,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/33 Elizabeth St,3,u,,SN,Barry,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14a Montreal Dr,4,h,,S,Jellis,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Polaris Dr,3,h,1200000,PI,Philip,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Taunton St,5,h,1500000,S,Parkes,23/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,3 The Saddle,6,h,1310000,S,HAR,23/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,18 Kathryn St,3,h,,PI,Barry,23/06/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,49 Hopetoun Gr,4,h,2150000,VB,Nelson,23/06/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,2/143 Locksley Rd,1,u,432500,S,Nelson,23/06/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,173 Hotham St,2,t,,SN,Gary,23/06/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,47 Hotham St,3,h,680000,PI,Kay,23/06/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,15 Clydebank Rd,3,h,,SP,Biggin,23/06/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,13 Lochiel Av,3,h,1060000,PI,hockingstuart,23/06/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,9/378 Glen Huntly Rd,1,u,466000,S,Gary,23/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,42 Trevelyan St,4,h,,PI,RT,23/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,6/29 Batman Rd,3,u,800000,VB,Morrison,23/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,10 Bird St,3,h,730000,VB,Jellis,23/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/1188 Main Rd,2,u,,SP,Jellis,23/06/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,10 Dale Av,3,h,880000,VB,Jellis,23/06/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,9/141 Glen Huntly Rd,2,u,455000,SP,hockingstuart,23/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12 Meredith St,2,h,950000,PI,Wilson,23/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12A Meredith St,2,h,,S,hockingstuart,23/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,22B Tennyson St,3,h,2025000,PI,Marshall,23/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,90 Gleneagles Dr,4,h,,PI,Biggin,23/06/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Eco Wk,3,h,617000,S,HAR,23/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Guinea Ct,3,h,600500,S,HAR,23/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Moira Wy,3,h,,PI,HAR,23/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6/241 Keilor Rd,3,t,700000,VB,McDonald,23/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/243 Pascoe Vale Rd,2,t,665500,SP,Nelson,23/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,80a Roberts St,5,h,2500000,S,Barry,23/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,36 Thomson St,4,h,2350000,PI,Brad,23/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,2/6 Arthur St,2,u,495000,S,Nelson,23/06/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,14 Hudson St,4,h,740000,PI,Ray,23/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15 June St,3,h,720000,S,Brad,23/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3b Maher St,2,u,,SN,Walshe,23/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2/37 Adele Av,3,h,720000,SP,Ray,23/06/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,55 Charles St,2,h,,PI,Jellis,23/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,1/91 Clauscen St,2,t,,SP,Nelson,23/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,100 Falconer St,2,h,2100000,S,Nelson,23/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,71 Princes St,2,h,900000,VB,Nelson,23/06/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,41 Droop St,6,h,1250000,VB,HAR,23/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,63 Eleanor St,3,h,1150000,SP,Compton,23/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,22 Shepherd St,3,h,1080000,S,Village,23/06/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,18 Boyle St,3,h,925000,VB,Fletchers,23/06/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,34 Husband Rd,3,h,970000,PI,hockingstuart,23/06/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Gisborne,1 Cassandra Cl,3,h,750000,SP,Raine,23/06/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,180 Carrick Dr,3,h,,PN,YPA,23/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Drake Cl,3,h,640000,S,RW,23/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,2 Hall Rd,3,h,560000,PI,Brad,23/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,3/4 Park Av,2,u,711000,S,Woodards,23/06/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,51 Aintree Rd,3,h,1900000,VB,Marshall,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/20 Belmont Av,3,t,2020000,S,hockingstuart,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,32a Denman Av,3,t,1750000,PI,Buxton,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,24 Kardinia Rd,4,h,,S,Marshall,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/5 Maitland St,2,t,710000,S,Jellis,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/1500 Malvern Rd,3,t,1155000,S,Scott,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Mills St,3,h,1525000,S,Jellis,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/46 Summerhill Rd,2,u,731000,S,hockingstuart,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,272 Warrigal Rd,3,t,1650000,VB,Fletchers,23/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,51 Annandale Cr,4,h,,PI,Jellis,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19 Chivers Av,4,h,,SP,Biggin,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Currie Tce,4,h,,PI,Ray,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Dumfries Ct,4,h,1150000,PI,Barry,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Forest Ct,3,h,1300000,S,Buxton,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/26 Fraser St,4,t,,SP,LLC,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/33 Kirstina Rd,3,u,951000,S,Fletchers,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Knights Dr,4,h,,PI,Ray,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,26 Koonalda Av,4,h,1250000,PI,Barry,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11/2 McKelvie Ct,3,t,685800,S,Ray,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Vermont St,5,h,,SP,LLC,23/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,7 Bindi St,4,h,807000,S,hockingstuart,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Electric Av,3,h,640000,S,Nelson,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/55 Hilda St,3,u,582000,S,Stockdale,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/72 Maude Av,3,u,500000,VB,Brad,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,67 Melbourne Av,4,h,600000,PI,RW,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/8 Salisbury St,2,t,655000,S,Eview,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/116 View St,3,h,620000,SP,Eview,23/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,3/46 Diamond Creek Rd,3,t,820000,SP,Darren,23/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,33 Louis St,3,h,810000,S,Barry,23/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Musgrove Ct,3,h,820000,VB,Darren,23/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,8 Kirkham Dr,3,h,,PI,RW,23/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,4 Nature Dr,4,h,601000,S,Barry,23/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Pirianda Ct,5,h,731000,SP,Stockdale,23/06/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,4/36 South St,2,u,392500,S,Nelson,23/06/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,174 Ludstone St,5,h,,SP,Marshall,23/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3/32 New St,3,t,1200000,S,Hodges,23/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,78 Orlando St,3,h,2300000,VB,Buxton,23/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,27 Service St,3,h,1550000,S,Buxton,23/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,16 Katoomba St,2,h,1600000,SP,Hodges,23/06/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,8/332 South Rd,2,u,500000,SP,Buxton,23/06/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,14 Deanswood Rd,3,h,505500,S,C21,23/06/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,13/352 Auburn Rd,2,u,555000,S,Marshall,23/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/23 Glen St,2,u,,S,Biggin,23/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,90 Campbell Rd,3,h,,PN,RT,23/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,44 Invermay Gr,4,h,,S,Marshall,23/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,15 Stanley Av,3,h,,SS,Marshall,23/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9/119 Victoria Rd,2,u,,S,Jellis,23/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,23 Philip St,3,h,784000,S,Philip,23/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,17 Portsmouth St,4,h,895000,PI,Barry,23/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,8 Wollahra Pl,4,h,934000,S,Barry,23/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,10/8 Edgar St,2,u,,W,Miles,23/06/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,5 Scarborough Dr,3,h,1100000,VB,Jellis,23/06/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,12 Churchill St,3,h,1210000,S,Fletchers,23/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,5/28 Dalmont St,2,u,690000,S,Hodges,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,11/29 Graham Rd,2,u,371000,S,Woodards,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,308/75 Graham Rd,3,u,543000,S,Buxton,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/10 Hillcrest Av,2,u,759000,SP,Charlton,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,17 Princess Av,3,h,,PN,Obrien,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/17 View St,2,u,841000,SP,Gary,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,180 Wickham Rd,4,h,,SP,Buxton,23/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,5 Duchess Ct,3,h,980000,PI,Barry,23/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,2/37 Bourke Cr,2,u,408000,S,hockingstuart,23/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,41 Hampstead Dr,3,h,535000,S,Ray,23/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,20 Melaleuca Dr,5,h,636000,S,hockingstuart,23/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,24 Perkins Av,3,h,,PI,Barry,23/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,18 John St,4,h,,SP,Nelson,23/06/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,22 King St,2,h,,SN,Miles,23/06/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,21 Warncliffe Rd,5,h,2900000,VB,Nelson,23/06/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,2/48 Bliburg St,2,t,425000,VB,RW,23/06/2018,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,25 Riverside Av,5,h,910000,PI,Barry,23/06/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,1 Tiffany Ct,4,h,1025000,PI,Brad,23/06/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,6 Chicquita Cl,4,h,678000,S,Prof.,23/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,14 Narong Pl,4,h,700000,S,Barry,23/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,60 Wonganella Dr,3,h,810000,PI,Barry,23/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,24 Hopetoun St,3,h,1555000,S,Nelson,23/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,8 McConnell St,2,h,1050000,S,Nelson,23/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,11/38 Rankins Rd,1,u,282000,SP,Biggin,23/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,118 Brougham St,3,h,1472000,S,Nelson,23/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16 Denmark St,3,h,,S,Jellis,23/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17/60 Harp Rd,2,u,785000,S,hockingstuart,23/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1 Holly Dr,5,h,1860000,PI,RT,23/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/33 Parkhill Rd,3,t,,SP,Jellis,23/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,64 Baker Av,2,h,1610000,PI,Marshall,23/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,21 Carnegie Av,5,h,,VB,Marshall,23/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,6 Lawrence St,3,h,2050000,SP,hockingstuart,23/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,25 Edenhope St,4,h,,VB,McGrath,23/06/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,5 Hamilton Cl,3,h,,S,Barry,23/06/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,14 Aldergate Cr,3,h,,PI,YPA,23/06/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Knoxfield,2/28 Harley St,3,h,700000,PI,LJ,23/06/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,75 Gillwell Rd,4,h,922000,S,Love,23/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Hensley Rd,3,h,,PI,Reliance,23/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,130 Kingsway Dr,4,h,685000,S,HAR,23/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,21 Ruth St,4,h,630000,S,Barry,23/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lysterfield,30 Crusoe Dr,4,h,,PI,Market,23/06/2018,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +Macleod,70 Aberdeen Rd,3,h,1460000,S,Morrison,23/06/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,8 Tyrone Av,3,h,929000,S,Fletchers,23/06/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,3/57 Joynt St,2,h,670000,S,Nelson,23/06/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2 Desmond St,3,h,620000,VB,Barry,23/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/11 Powell Cr,3,t,775000,PI,Burnham,23/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,8 Staniland Av,4,h,3500000,S,Marshall,23/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,250 Wattletree Rd,4,h,,PN,Marshall,23/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,252 Wattletree Rd,4,h,,PN,Marshall,23/06/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,2/1209 Dandenong Rd,3,h,1060000,PI,Marshall,23/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,72 Emo Rd,3,h,,S,hockingstuart,23/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,298 Wattletree Rd,3,h,1295000,PI,Jellis,23/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,10 Westgarth St,4,h,,S,Marshall,23/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,4/9 Grandview Av,2,t,542500,S,Nelson,23/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,29/2 Horizon Dr,2,u,460000,S,Brad,23/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2 Swindon Gr,3,h,,VB,Buxton,23/06/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,7 Buchan St,3,h,,W,YPA,23/06/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1311/410 Elizabeth St,1,u,,PN,RT,23/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1108/265 Exhibition St,2,u,,PI,Harcourts,23/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,188 Coburns Rd,4,h,422000,SP,Ryder,23/06/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,96 Palmerston St,3,h,356000,S,FN,23/06/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,192 Station Rd,3,h,410000,PI,Ryder,23/06/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton West,3 Kallista Pl,4,h,387000,S,Raine,23/06/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,7/8 Latrobe St,2,u,,S,Hodges,23/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,41A Levanto St,3,t,1160000,S,Buxton,23/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,26 Murray St,4,h,1155000,S,Hodges,23/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,14 Cortona Gra,4,h,,PI,Barry,23/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Darvel Dr,4,h,580000,S,HAR,23/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,42 Harriers St,4,h,585000,S,RW,23/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,7 Morwell Wy,4,h,735000,S,RW,23/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,17 Hickory La,5,h,605000,S,Eview,23/06/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,1 Ford Ct,5,h,,PI,HAR,23/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Hogan Pl,4,h,,PI,RW,23/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,29 Churinga Av,4,h,1075000,VB,Noel,23/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/53 Quarry Rd,3,t,806000,PI,Jellis,23/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,672 Whitehorse Rd,2,u,650000,VB,Fletchers,23/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,6 Elmo Rd,5,h,1175000,S,Barry,23/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,12/15 Moore St,2,u,460000,PI,Nelson,23/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,30 Primrose St,4,h,1550000,PI,McDonald,23/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3/58 Taylor St,3,t,885000,S,Nelson,23/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,105 Chapel Rd,4,h,1355000,S,Ray,23/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,31 Franklin St,3,h,1235000,S,Buxton,23/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,42A Matilda Rd,4,t,1250000,S,Buxton,23/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,15 Schofield St,4,h,1350000,S,Woodards,23/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,215 Wickham Rd,3,h,,PI,Ray,23/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,1 Flavia Ct,4,h,,PI,Ray,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,324 Highbury Rd,4,h,,PI,Jellis,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Holskamp St,4,h,1737000,S,Jellis,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,556 Huntingdale Rd,3,t,,W,McGrath,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,620 Huntingdale Rd,3,h,970000,S,McGrath,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Lewis St,3,h,1352008,SP,Jellis,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,85 Marianne Wy,6,h,,SP,Harcourts,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Rosaline Av,4,h,,VB,Jellis,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,33 Solferino Cl,4,t,1230000,S,McGrath,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,86 Stanley Av,3,h,1200000,PI,J,23/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,71 Hansworth St,3,h,931500,S,Ray,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,60 Monash Dr,3,h,940000,S,Ray,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/18 Seaview Cr,3,t,761000,S,Win,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,23 Stadium Cct,4,h,950000,S,Win,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/20 Suemar St,3,u,700000,VB,iSell,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/30 Sunrise Dr,3,u,687000,S,Ray,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3/8 Tennyson Ct,3,t,767500,S,Ray,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,22 Wanda St,4,h,1168000,S,Win,23/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,34a Dunoon St,3,u,,VB,Jellis,23/06/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,20 Melbourne St,3,h,1225000,VB,Chisholm,23/06/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,39 Elizabeth St,3,h,1015000,S,Williams,23/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,60 Elphin St,3,h,1560000,S,Sweeney,23/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,66 Home Rd,3,h,850000,SP,Williams,23/06/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,134 Hotham Rd,4,h,1328000,S,Brad,23/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3/12 Ambrie Cr,2,t,450000,VB,C21,23/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,49 Ellendale Rd,2,h,,S,Barry,23/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2 Norris St,4,h,,PI,Barry,23/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,484 Abbotsford St,3,h,1695000,S,Alexkarbon,23/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,109/25 Byron St,1,u,390000,PI,Alexkarbon,23/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,110/64 Macaulay Rd,2,u,530000,SP,Jellis,23/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,1 Purcell St,3,h,,VB,Jellis,23/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,204/704 Victoria St,1,u,,PI,Edward,23/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,72 Bradleys La,3,h,,SP,Gardiner,23/06/2018,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,3/175 Gladstone Av,1,u,375000,SP,McGrath,23/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/10 Langwells Pde,3,t,1080000,S,McGrath,23/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,26 Tamala Av,3,h,,PI,Biggin,23/06/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,63 Springvale Rd,3,h,902500,S,Jellis,23/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,16 Raymond Ct,4,h,1278000,S,Ray,23/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Ormond,11 Anthony St,4,h,1851000,S,Buxton,23/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1a Fraser St,3,t,1215000,S,Jellis,23/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1 Ruby St,4,h,1598000,S,Buxton,23/06/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2 Dickens St,4,h,1752000,S,hockingstuart,23/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,396A Nepean Hwy,3,t,845000,VB,Hodges,23/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/4 Parkers Rd,2,u,650000,VB,Buxton,23/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/25 White St,2,t,,VB,Buxton,23/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,19 Eddie St,3,t,750000,PI,Nelson,23/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/6 Eddie St,2,t,620000,PI,RW,23/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/321 Gaffney St,2,h,530000,S,Nelson,23/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,70 Kent Rd,4,h,1050000,SP,Nelson,23/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/11 Rhodes Pde,2,t,594000,S,Nelson,23/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/4 Stewart St,3,t,680000,PI,Hodges,23/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,10 Alkira Ct,3,h,780000,S,Ray,23/06/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,99 Beachview Pde,4,h,720000,SP,Reliance,23/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,318 Esplanade Pl,3,h,,SN,Chisholm,23/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,120 Nott St,2,h,,PI,Marshall,23/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,109 Pickles St,4,h,,S,The,23/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,208 Princes St,3,h,,VB,Greg,23/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,341 Princes St,2,h,1185000,S,Frank,23/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,41 Bayview St,2,h,,S,Marshall,23/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,202/28 Mount St,2,u,540000,S,Biggin,23/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,72 Perth St,3,h,1370000,S,hockingstuart,23/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,544 Bell St,4,h,989000,S,Nelson,23/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,22 Hawker Av,3,h,1155000,S,RW,23/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,29 Hotham St,2,h,880000,S,Nelson,23/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,49a Leicester St,4,h,,PI,Barry,23/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/444 Plenty Rd,2,t,602000,S,Wood,23/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,69 William St,4,h,1150000,S,RW,23/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,60 Lang St,3,h,2030000,S,hockingstuart,23/06/2018,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,2F Carrol St,3,t,741000,S,Nelson,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29a Clements Gr,3,h,707000,S,Barry,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Dawson St,4,h,1225000,S,Nelson,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Godley St,3,h,882000,S,Barry,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Keon Pde,4,h,662000,SP,Nelson,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,36 Lane Cr,3,h,750000,VB,RW,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Manoel Av,4,h,,PI,HAR,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/44 Pickett St,3,u,610000,SP,Love,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,176 Purinuan Rd,4,h,800000,PI,Ray,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/26 Thackeray Rd,3,u,720000,S,Barry,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Wagga Rd,3,h,810000,SP,Love,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Wellman St,3,h,653000,S,Ray,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,58 Yarra Av,2,h,790000,S,Ray,23/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,45 Abinger St,3,t,1525000,S,Biggin,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,112/253 Bridge Rd,1,u,441000,SP,Biggin,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/22 Buckingham St,2,t,737000,S,Jellis,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,246 Burnley St,2,h,730000,S,Marshall,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,247 Coppin St,3,h,2420000,S,hockingstuart,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,54 Elizabeth St,1,h,890000,SP,Jellis,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Neptune St,3,h,1800000,VB,Jellis,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,179/73 River St,2,u,,PI,Biggin,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/55 Stanley St,2,u,752000,S,Jellis,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Vesper St,3,h,1348000,S,Biggin,23/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,1/11 Eastfield Rd,2,h,655000,S,Barry,23/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/21 Eastfield Rd,3,h,860000,SP,Jellis,23/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,19 Fernwood Av,7,h,,PI,Barry,23/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,39 Lockhart Rd,4,h,830000,PI,Barry,23/06/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Roxburgh Park,23 Caulfield Cr,4,h,580000,S,HAR,23/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Lincolne Cr,3,h,,PI,YPA,23/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,23 Thames Wy,3,h,535000,S,HAR,23/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Tolson Ct,3,h,508000,S,Raine,23/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Wisla Cct,3,h,,W,Raine,23/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Woodworth Ct,4,h,578000,S,YPA,23/06/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,48 Abbott St,3,h,1900000,VB,hockingstuart,23/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,4 Beaumont St,4,h,1855000,S,Buxton,23/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9 Cowper St,4,h,2200000,VB,Buxton,23/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,27 Kananook Av,4,h,953000,S,Ray,23/06/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,3a Garden Gr,4,t,1840000,S,hockingstuart,23/06/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,8 Bayview Rd,4,h,,SP,Compton,23/06/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,61 Pilgrim St,3,h,1085000,PI,Raine,23/06/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,4 Saltley St,3,h,,S,Greg,23/06/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,2609/50 Albert Rd,2,u,590000,PI,MICM,23/06/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,613/28 Bank St,2,u,665000,S,MICM,23/06/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,36 Princetown Dr,4,h,640000,S,RW,23/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,46 Alexandra St,2,h,1430000,S,Marshall,23/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/943 Punt Rd,1,u,285000,SP,Jellis,23/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/28 Rockley Rd,2,u,,S,Marshall,23/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/205 Williams Rd,2,u,715000,S,Marshall,23/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1709/22 Dorcas St,1,u,370000,SA,Barry,23/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,258/22 Kavanagh St,3,u,686000,S,MICM,23/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,5 Peter St,3,h,745000,S,Le,23/06/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Kilda,8/53 Blessington St,2,u,,S,Marshall,23/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,112/3 Greeves St,1,u,425000,SP,Gary,23/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/124 Inkerman St,2,u,,SP,Jellis,23/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/197 Inkerman St,2,u,740000,S,hockingstuart,23/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,25 Mozart St,3,h,,S,Marshall,23/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,33/69 Wellington St,2,u,550000,S,Purplebricks,23/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,308 Napier St,3,h,1380000,S,Raine,23/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,30 Lister Cr,4,h,520000,VB,Brad,23/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,31 Menzies Dr,3,h,,SP,Brad,23/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,20 Andrew St,3,h,700000,VB,Barry,23/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,42 Dunbar Av,3,h,735000,PI,Douglas,23/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,50 Matthews St,2,h,670000,S,Barry,23/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,72 Wright St,3,h,,SP,Bells,23/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,16 Bangerang Av,3,h,705000,S,Bells,23/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Tennant St,4,h,750000,VB,Bells,23/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,7 Mark St,4,h,705000,PI,Bells,23/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,60 Talintyre Rd,3,h,545000,S,Barry,23/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,19 Essex Rd,6,h,,SP,Buxton,23/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/90 Middlesex Rd,2,u,757000,S,Fletchers,23/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6 South Ct,3,h,1402000,S,Jellis,23/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2 Valonia Av,4,h,,SN,RW,23/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,7 Jordyn St,3,h,590000,SP,YPA,23/06/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,16 Kamo Ct,5,h,790000,SP,Brad,23/06/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,42 Tasman Cr,4,h,1290000,S,Prof.,23/06/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,19 Ferndell Cr,4,h,,VB,Jellis,23/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,12 Hailey Ct,4,h,1430000,PI,Jellis,23/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,13 Alfred St,4,t,970000,VB,RT,23/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,351 High St,3,h,2700000,SP,Jellis,23/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3/8 Chappell St,2,u,477000,S,HAR,23/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,34 Pinewood Dr,3,h,580000,S,Stockdale,23/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,18 Alexandra St,3,h,1310000,PI,Nelson,23/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,43 Clyde St,4,h,915000,S,Woodards,23/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,17 Monash Av,3,h,1425000,SP,McGrath,23/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/124 Normanby Av,2,t,715000,S,McGrath,23/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/383 Station St,2,u,600000,PI,Nelson,23/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,13 Evelina Rd,4,h,3310000,PI,RT,23/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/9 Hopetoun Rd,2,h,1300000,VB,Marshall,23/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/722 Orrong Rd,3,h,1800000,VB,Kay,23/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/746 Orrong Rd,2,u,645000,S,RT,23/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,196 Williams Rd,4,h,,S,Marshall,23/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,15 Doubell Bvd,3,h,,PI,Wyndham,23/06/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,41 Tadstan Dr,3,h,680000,PI,Ray,23/06/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont South,6 Bolyn Ct,3,h,865888,SP,HAR,23/06/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,17 Stanley Rd,3,h,,PI,Biggin,23/06/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna South,13 Armagh Cr,4,h,1315000,S,Harcourts,23/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2/88 Fonteyn Dr,3,u,715000,S,Stockdale,23/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,47 Somes St,4,h,888000,S,Ray,23/06/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,182 Watsonia Rd,3,h,748000,S,Barry,23/06/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,16 Acheron Cr,4,h,620000,S,hockingstuart,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,10 Emu Ct,3,h,416000,S,Benlor,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/12 Falcon St,3,h,410000,S,Ray,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,28 Glen St,3,h,720000,S,Ray,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4/227 Greaves St N,2,h,360000,S,Benlor,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,48 Powlett St,3,h,465000,S,Ray,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,12 Thompson Ct,5,h,646000,S,hockingstuart,23/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,5/19 Beaumont Pde,2,u,490000,PI,Compton,23/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,22 Laurens St,1,u,860000,S,Hodges,23/06/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,16 Hillcrest Dr,3,h,653000,S,YPA,23/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,33 Kenny St,4,h,600000,S,Barry,23/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,4 Maldon Ct,4,h,1050000,S,Harcourts,23/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Wandoo Ct,4,h,,SN,Harcourts,23/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,5 Caldwell Rd,5,h,785000,SP,Greg,23/06/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williams Landing,11 Pembridge Av,4,h,,W,Reliance,23/06/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,85 John St,2,h,980000,S,Sweeney,23/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,23 Mariner St,3,h,1225000,SP,RT,23/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,67 Osborne St,3,h,,PI,Sweeney,23/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,118/33 James St,3,u,,PI,Biggin,23/06/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,8 Alma Rd,4,h,621000,SP,hockingstuart,23/06/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,21 Cascade Dr,4,h,,PI,Barry,23/06/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,114 Francis St,2,h,655000,SP,Sweeney,23/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,94 Severn St,4,h,1875000,S,Village,23/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/114 Somerville Rd,2,u,,SP,Alexkarbon,23/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,248 Williamstown Rd,2,h,850000,S,Compton,23/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,801/1 Acacia Pl,1,u,415000,S,Jellis,23/09/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,604/88 Trenerry Cr,2,u,683000,SP,Woodards,23/09/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,36/659 Victoria St,2,u,,PI,Biggin,23/09/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,64 Yarra St,3,h,1255000,S,Biggin,23/09/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,10 Caroline St,5,h,1830000,S,Rendina,23/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,9/39 St Kinnord St,1,u,315000,SP,Brad,23/09/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,33 Bedford St,3,h,860000,S,Harcourts,23/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,16 Highridge Cr,3,h,850000,S,Brad,23/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Hilbert Rd,3,h,796000,SP,Considine,23/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/75 Victory Rd,2,u,575000,S,Harcourts,23/09/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,5 Hedgerow Ct,3,h,565000,S,Bells,23/09/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,9/84 Beaconsfield Pde,1,u,420000,S,Cayzer,23/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,17 Mills St,3,h,,SN,Greg,23/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,59 Moubray St,3,h,2100000,VB,Cayzer,23/09/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,41 Adelaide St,3,h,760000,S,Bells,23/09/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,1 Delmont St,4,h,810000,SP,hockingstuart,23/09/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,15 Bank St,3,h,1520000,SP,Jellis,23/09/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,31 Broomfield Av,3,h,1620000,S,hockingstuart,23/09/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,308/117 Pier St,2,u,585000,S,Woodards,23/09/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,52 Spicer Bvd,4,h,750000,S,YPA,23/09/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,3 Willis Ct,3,h,,SN,Barry,23/09/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,35 Mahon Av,3,h,980000,S,Barlow,23/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,105 Third Av,4,h,970000,S,Sweeney,23/09/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,19 Helene St,3,h,,SN,Barry,23/09/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/4 Avondale Rd,3,h,1312000,S,hockingstuart,23/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9 Bailey Av,4,h,3000000,VB,Kay,23/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,22 Gladstone Av,3,h,1500000,VB,hockingstuart,23/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,14/49 Kooyong Rd,2,u,,W,McGrath,23/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,42 Llaneast St,4,h,,S,Marshall,23/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2 Meryl St,3,h,,S,Marshall,23/09/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,13 Brisbane St,3,t,1130000,S,Nelson,23/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,183 Maribyrnong Rd,3,h,928000,S,Jellis,23/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5/7 Roxburgh St,2,t,800000,VB,Nelson,23/09/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,3A Crete Av,3,h,1210000,S,Jellis,23/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,20 Eleanor St,3,h,1840000,SP,Buxton,23/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/43 Warner Av,3,h,890500,S,W.B.,23/09/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,11 Gubbah Ct,4,h,1311750,S,Buxton,23/09/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,3/5 Yileen Ct,3,t,917500,S,Buxton,23/09/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,5/4 Groves St,3,t,1140000,S,hockingstuart,23/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,30 Kubis Av,4,h,,S,Buxton,23/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,75 Laura St,3,h,988000,S,Biggin,23/09/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,8 Amott Ct,4,h,,SP,Ray,23/09/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,19 Kearney Dr,5,h,,PI,Buxton,23/09/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,20 Threadneedle St,5,h,830000,S,YPA,23/09/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,7A Downland Sq,4,h,1032000,S,Moonee,23/09/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,31 Grosvenor St,3,h,,SN,McGrath,23/09/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,12 Belmore Rd,5,h,2580000,PI,Marshall,23/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3 Collins Ct,3,h,1420000,VB,Jellis,23/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,22 Gordon St,4,h,2290000,S,Marshall,23/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8a Madang Av,5,h,,SN,Fletchers,23/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Power St,3,h,2325000,S,Noel,23/09/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,85 Clifton St,4,h,1400000,VB,hockingstuart,23/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Greythorn Rd,3,h,,PI,Jellis,23/09/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,29 Armstrong Rd,3,h,882500,S,Fletchers,23/09/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,85 Begonia Av,3,h,755000,S,iTRAK,23/09/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,21 Baker Rd,4,h,748000,S,McGrath,23/09/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,4 David Cl,3,h,800000,S,McGrath,23/09/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,8 Skye Ct,3,h,724000,S,iTRAK,23/09/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield Upper,1 McBride Rd,3,h,764000,S,Peake,23/09/2017,3808,Eastern Victoria,973,39.8,Cardinia Shire Council +Beaumaris,3/85 Charman Rd,1,u,291500,SP,Maitland,23/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9A Comas Rd,3,h,1150000,VB,Marshall,23/09/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,121 Liberty Pde,3,h,900000,S,Miles,23/09/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,3 Bendigo Av,5,h,1915000,PI,Obrien,23/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14 Delhi St,4,h,1410000,PI,Woodards,23/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,132 Jasper Rd,3,h,1335000,S,C21,23/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13 Seaview Av,4,h,,S,Jellis,23/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,55 Blamey St,3,h,1330000,S,hockingstuart,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/12 Caleb St,2,u,815000,S,C21,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,316 Chesterville Rd,2,h,1020000,VB,Buxton,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/14 Clements St,3,t,1312000,S,Buxton,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Hill St,3,h,1232500,SP,C21,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/1036 North Rd,2,u,485000,S,Gary,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1064 North Rd,3,h,930000,S,Buxton,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Vine Ct,4,h,1675000,S,Jellis,23/09/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,9 Cambridge Dr,4,h,1000000,SA,Eview,23/09/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,13 Ridge Rd,3,h,835000,SP,Barry,23/09/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,20 Ebden Av,3,h,2525000,S,Buxton,23/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,3/3 First St,3,u,945000,S,Ray,23/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,4/3 Sylvia Cr,3,t,,PN,Buxton,23/09/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,3/33 Glen Ebor Av,3,h,786000,S,Ray,23/09/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,3 Harcourt St,4,h,1356000,S,McGrath,23/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,16 Hibiscus Rd,3,h,,S,Noel,23/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,3/36 Middlefield Dr,2,u,590000,VB,Noel,23/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,31 Primula St,5,h,1555000,S,Buxton,23/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,20 Rialton Av,3,h,800000,PI,Ray,23/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,101 Shafer Rd,4,h,1475000,PI,Fletchers,23/09/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,36 Indra Rd,3,h,,PI,Woodards,23/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,144 Middleborough Rd,4,h,1229000,S,McGrath,23/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,37 Mernda Av,3,h,965000,SP,hockingstuart,23/09/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,117 Dorset Rd,2,h,,S,Barry,23/09/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,66 Dorking Rd,4,h,,S,hockingstuart,23/09/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1/35 Kent Rd,2,u,466000,S,hockingstuart,23/09/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/8 Simpsons Rd,2,u,653000,S,Philip,23/09/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,18 Kannan Bvd,5,h,818000,S,Sweeney,23/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2 Pritchard Av,2,h,,SN,Barry,23/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/18 Showers St,3,t,,SN,Barry,23/09/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,34 Durrant St,3,h,1900000,PI,Buxton,23/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Emily St,2,h,,S,Marshall,23/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,704 Hampton St,3,h,,SP,Kay,23/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/28 Murphy St,2,u,974250,S,Buxton,23/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/344 New St,2,u,630500,S,Kay,23/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Newbay Cr,4,h,,SP,Kay,23/09/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,75 Comer St,3,h,,S,Hodges,23/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,18 Coronation St,3,h,,SP,Buxton,23/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,268 Dendy St,3,t,,PI,Ray,23/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,86 Glencairn Av,5,h,2750000,S,Buxton,23/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/756 Hawthorn Rd,3,t,1051000,S,Marshall,23/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,20 Roseberry Av,4,h,,SP,Nick,23/09/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1/411 Camp Rd,3,h,430000,SP,hockingstuart,23/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3 Cornell Cl,5,h,850000,PI,YPA,23/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/61 Cuthbert St,2,h,320000,PI,Stockdale,23/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,18 Gibson St,3,h,525000,S,YPA,23/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,75 Girgarre St,3,h,500000,PI,Barry,23/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,12 Merricks St,3,h,575500,S,Barry,23/09/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,33 Stanley Cr,3,h,445000,SP,FN,23/09/2017,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,1 Brack Av,3,h,901000,SP,hockingstuart,23/09/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,281 Albion St,3,h,1150000,S,hockingstuart,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,232 Brunswick Rd,3,h,1280000,SP,Chambers,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/339 Brunswick Rd,2,t,,SP,Jellis,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Collace St,3,h,1247000,S,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/39 Davies St,2,u,495000,SP,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,146 Donald St,3,h,1325000,S,Jellis,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15 Eveline St,4,h,1630000,VB,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,36 Fourth Av,3,h,1360000,S,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14/6 Garnet St,1,u,250000,SP,Brad,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6 Hennessy St,3,h,,S,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Lanark St,3,h,,SN,Barry,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/7 Luscombe St,2,t,,PI,Jellis,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,43 Mitchell St,4,h,1275000,PI,Jellis,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/93 Mitchell St,2,h,605000,SP,Jellis,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/611 Park St,1,u,402000,S,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,22 Stanley St,4,h,1770000,S,Nelson,23/09/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,20 Glenmorgan St,2,h,1065000,S,Nelson,23/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/162 Lygon St,2,u,522000,SP,Jellis,23/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,4/134 Mitchell St,2,u,522000,S,Brad,23/09/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,30 Cornwall St,3,h,1000000,SP,Woodards,23/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/2 Passfield St,2,u,438000,SP,Brad,23/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3 Temple St,3,h,1080000,SP,Nelson,23/09/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,12 Ralph St,4,h,1300000,PI,Luxton,23/09/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,12 Rocklea Rd,3,h,1331000,S,Barry,23/09/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Arthur St,3,h,915000,SP,Ray,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1/8 Barlow Ri,3,h,892000,S,Barry,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,219 Greenwood Dr,3,h,745000,S,Ray,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Magdalen Mw,3,h,1010000,S,Barry,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2/19 Olympic St,3,u,607000,S,Barry,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,15 Panorama Cl,4,h,863000,SP,Ray,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Silverash Dr,3,t,448000,S,Stockdale,23/09/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,16 Stanthorp St,3,h,655000,S,YPA,23/09/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,2 Alder St,4,h,,PI,Buxton,23/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Johnston St,3,h,,SN,Woodards,23/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Pinoak Cl,4,t,,PI,Buxton,23/09/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,6 Cloverdale Cl,4,h,,SN,Ray,23/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,481 Highbury Rd,4,h,1010800,S,McGrath,23/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,3 Sugarloaf Cl,3,h,680000,VB,Noel,23/09/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,1A Cornell St,4,h,,S,Marshall,23/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,128A Fordham Av,3,t,,PI,Jellis,23/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/31 King St,3,u,1840000,S,Jellis,23/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/926 Toorak Rd,3,h,,SN,Fletchers,23/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,15 Tyne St,4,h,2850000,S,Jellis,23/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 Wiringa Av,5,h,2800000,VB,Marshall,23/09/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,56/39 Rathdowne St,3,u,830000,S,Jellis,23/09/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,17/999 Rathdowne St,1,u,,SP,Nelson,23/09/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,248 Koornang Rd,4,h,1600000,SP,Woodards,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,158 Leila Rd,3,h,1250000,VB,Ray,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/3 Merric La,3,t,,PI,Ray,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,10/28 Moonya Rd,2,u,533000,S,Jellis,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/219 Neerim Rd,2,u,541000,SP,Jellis,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/58 Rosstown Rd,2,u,490000,PI,Barry,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/26 Shepparson Av,1,u,392500,S,Obrien,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/42 Tranmere Av,1,u,403000,S,Gary,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,52 Tranmere Av,4,h,1966000,VB,Ray,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,12/40 Woorayl St,1,u,381000,S,Ray,23/09/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,3 Salford La,3,h,646000,S,HAR,23/09/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,11/26 Valetta St,2,u,553500,S,O'Brien,23/09/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,6 Lewin St,3,h,630000,SP,Harcourts,23/09/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,22/3 Wilks St,3,t,1475000,PI,LITTLE,23/09/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,4/3 Edward St,4,t,,S,Buxton,23/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/139 Waverley Rd,2,h,686000,S,Jellis,23/09/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/67 Ella Gr,2,u,685000,S,hockingstuart/hockingstuart,23/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,501 Nepean Hwy,3,h,1210000,S,Buxton,23/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2A Roseberry Av,3,h,,SP,Ray,23/09/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,26 Fielding Dr,4,h,890000,S,hockingstuart/hockingstuart,23/09/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,5 Alice St,3,h,1100000,PI,O'Brien,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6/10 Eagland Rd,2,u,600000,S,Buxton,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/5 Gillman St,3,t,851000,S,Kay,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,139 Park Rd,3,h,1015000,S,Buxton,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,53 Primrose Av,3,t,795000,S,Buxton,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,72 Wilson St,3,h,1160000,S,O'Brien,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,53 Wingrove St,4,h,1160000,S,O'Brien,23/09/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,47 Carbine Av,4,h,878000,SP,Buxton,23/09/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton South,4 Wannan Ct,3,h,800000,S,C21,23/09/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,57 Alexander St,3,h,1385000,S,Harrington,23/09/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,51 Blair St,3,h,1286000,S,Nelson,23/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Shackell St,4,h,1000000,S,Brad,23/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Sutherland St,3,h,960000,S,Nelson,23/09/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,43 Camera Wk,3,h,,SN,Barry,23/09/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,212/3 Hoddle St,2,u,565000,SP,Jellis,23/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,167 Johnston St,2,h,,S,Jellis,23/09/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,5 Blackbird Tce,4,h,735000,S,Ray,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Bowes Pl,3,h,517000,S,Barry,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,111 Hanson Rd,4,h,600000,S,Ray,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Huntingfield St,4,h,475000,SP,YPA,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,39 Thorngrove Av,5,h,640000,S,Jason,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Verwood Ct,3,h,555000,S,YPA,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,328 Waterview Bvd,3,h,552000,S,Barry,23/09/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,11 Aminga Ct,3,h,840500,S,Barry,23/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,31 Bennison St,4,h,1222000,S,McGrath,23/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Kenmare Av,5,h,2400000,PI,McGrath,23/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Webster Av,5,h,1180000,S,Barry,23/09/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,12 Jeremic Ct,3,h,677000,S,Stockdale,23/09/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,25 Andrew Cr,4,h,1235000,S,Fletchers,23/09/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,150 Railway Cr,3,h,525000,S,YPA,23/09/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/67 Herbert St,2,u,431000,S,C21,23/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/4 MacPherson St,2,u,445000,S,McLennan,23/09/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,165 Bakers Rd,3,h,,SN,Barry,23/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,2/13 Second Av,2,u,335000,S,Area,23/09/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,15 Chester Cr,3,h,,PI,HAR,23/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,1 Christie St,3,h,632000,S,HAR,23/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,47 Davitt Dr,3,h,570000,SP,Biggin,23/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,13 Salmond St,3,h,,PI,YPA,23/09/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,4 Adina Pl,3,h,607500,S,One,23/09/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,4 Franklin Pl,3,h,575000,S,Barry,23/09/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,7 Shale Ct,3,h,563000,S,Purplebricks,23/09/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,1 Sinclair Grn,4,h,695000,S,Stockdale,23/09/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,37 Brownlow Dr,4,h,990000,S,Morrison,23/09/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,10 Haley St,3,h,715000,S,Barry,23/09/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,104 Ayr St,4,h,1260000,PI,Barry,23/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,47 Burgundy Dr,3,h,,VB,Fletchers,23/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Idinia Ct,4,h,2123500,S,Fletchers,23/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,23 Roseville Av,4,h,,SP,hockingstuart,23/09/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,5 Buvelot Wyn,3,h,1232500,S,Barry,23/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,21 Gaudion Rd,4,h,1310000,S,Barry,23/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,17 Pine Wy,3,h,,S,Fletchers,23/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Rowallan Ct,5,h,1890000,S,ASL,23/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,128 Mitcham Rd,3,u,775000,S,Noel,23/09/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,11 Rove La,2,h,365500,SP,The,23/09/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,31/201 Wellington Pde S,2,u,,SP,hockingstuart,23/09/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,27 Elsie Gr,3,t,895000,S,Buxton,23/09/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,77 Fraser Av,3,h,837000,S,hockingstuart,23/09/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,107 Kinross Av,3,h,950000,S,Hodges,23/09/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elwood,4/95 Addison St,3,u,770000,SP,Chisholm,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/127 Brighton Rd,2,u,525500,SP,Morleys,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2A Cyril St,4,h,2200000,VB,Gary,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,209/12 Dickens St,2,u,,W,McGrath,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/45 Southey St,1,u,,S,hockingstuart,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/57 Southey St,2,u,645000,S,Jellis,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/99 Tennyson St,2,t,1200000,SP,Buxton,23/09/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,7 Centurion Ct,3,h,646000,S,Love,23/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,376 Dalton Rd,3,h,625000,S,Barry,23/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Dransfield Wy,3,h,552500,S,hockingstuart,23/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,23 Epsom Av,3,h,601000,S,Iconek,23/09/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1/2 Banchory St,2,h,735000,S,Nelson,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,39 Deakin St,5,h,1290000,S,Barry,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/23 Grice Cr,2,h,562000,S,Pagan,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/136 Hoffmans Rd,2,h,580500,S,Considine,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,301/20 Napier St,2,u,520000,VB,Barry,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3 Riverview Rd,5,h,,SP,McDonald,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,66 Roberts St,3,h,1710000,S,Nelson,23/09/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,1/48 Keilor Rd,2,u,370000,PI,Barry,23/09/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,12/262 Heidelberg Rd,2,u,620000,PI,Nelson,23/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,45 White St,3,h,1300000,S,Ray,23/09/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1 Lanigan St,4,h,,SN,Barry,23/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Lorne St,4,h,800000,S,Eview,23/09/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,14 Hancock Dr,3,h,791100,S,Ray,23/09/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,27 Malua Rd,2,h,775000,S,Noel,23/09/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,138 Cecil St,3,h,1210000,PI,Nelson,23/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,32 Cecil St,2,h,1300000,S,Woodards,23/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,68 Nicholson St,4,h,,SN,Craig,23/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,108 Michael St,2,h,,SP,Jellis,23/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,397 Rae St,3,h,1730000,S,Nelson,23/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,42 Reid St,4,h,,S,Nelson,23/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,66 Rowe St,3,h,1460000,S,Nelson,23/09/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,18 Shields St,2,h,1100000,S,Nelson,23/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,2/121 Wellington St,2,u,452500,S,Nelson,23/09/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,206/26 Beaurepaire Pde,1,u,373000,SP,Jas,23/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/53 Eleanor St,3,t,869000,SP,Jas,23/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,14 Box Av,4,h,1350000,VB,Noel,23/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,14 Hampshire Rd,4,h,950000,VB,Noel,23/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,14 Jolimont Rd,3,h,1100000,S,Noel,23/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/147 Mount Pleasant Rd,3,h,799000,S,MJ,23/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,70A Shady Gr,3,h,,PI,Woodards,23/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,18 Frawley St,4,h,605000,S,O'Brien,23/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Plover Cl,3,h,634000,S,O'Brien,23/09/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,70 Derinya Dr,4,h,1350000,S,Eview,23/09/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,17 Payne St,3,h,586000,S,YPA,23/09/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,4/135 Grange Rd,1,u,600000,S,Hodges,23/09/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,8/89 Neerim Rd,2,t,,SN,Ray,23/09/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,12/8 Rosedale Av,1,u,275000,PI,Ray,23/09/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,8/34 Edgar St,2,u,678000,S,hockingstuart,23/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Grandview Av,3,h,1285000,S,Marshall,23/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Keltie St,3,h,,VB,Jellis,23/09/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,58 Cambridge Dr,4,h,1190000,S,Ray,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Edith St,3,h,2450000,S,Stockdale,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Finton Cl,4,h,1214000,S,Barry,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Kauri Gr,5,h,,PI,Fletchers,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,17 Nicholas Av,4,h,,SP,LLC,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,21 Olinda St,4,h,,PI,hockingstuart,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,16 Rhodes Dr,4,h,1631888,S,Barry,23/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,152 Glenroy Rd,3,h,850000,S,Stockdale,23/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9 Hartington St,3,h,1051000,S,Barry,23/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/71 Hubert Av,3,t,563250,S,Eview,23/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,17 Patrick St,2,h,910000,PI,Eview,23/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2 View St,3,h,485000,PI,Eview,23/09/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,3 Orchid Ct,3,h,845000,S,Nelson,23/09/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,1/5 Adeline St,2,u,705000,S,Darren,23/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7/39 Alexandra St,2,u,590000,S,Buckingham,23/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,23 Collendina Cr,4,h,,SP,Ken,23/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Pembroke St,3,h,785000,S,Darren,23/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9 Wombat Ct,4,h,,S,Nelson,23/09/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,33 Beechworth Av,4,h,532000,S,Ray,23/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,34 Beechworth Av,4,h,600000,S,Raine,23/09/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,31 Charles St,3,h,850000,SP,Stockdale,23/09/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,20 Neil St,3,h,760000,PI,Nelson,23/09/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,132 Ludstone St,4,h,1800000,PI,Buxton,23/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,36 May St,4,t,2000000,VB,Buxton,23/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4 The Avenue,4,h,2500000,VB,Marshall,23/09/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,10 Wickham Rd,4,h,1125000,PI,Buxton,23/09/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,25/178 Power St,2,u,609000,S,Marshall,23/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/111 Riversdale Rd,2,u,732500,S,hockingstuart,23/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/167 Riversdale Rd,2,u,445000,S,Nelson,23/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/8 Wallen Rd,3,u,,PI,Biggin,23/09/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,15 Bonfield Av,5,h,,SP,Marshall,23/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1075 Burke Rd,3,h,1315000,S,Marshall,23/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,14 Cambridge St,3,h,,S,Marshall,23/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,29 Fairmount Rd,3,h,3600000,S,Marshall,23/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,402/32 Lilydale Gr,2,u,680000,PI,Woodards,23/09/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,2 Lisgoold St,3,h,,PI,Barry,23/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,8 The Outlook,4,h,952000,S,hockingstuart,23/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,74 Viviani Cr,4,h,,SN,Barry,23/09/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3/153 Cape St,2,u,660000,PI,Miles,23/09/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,6 Clyde Ct,3,h,985000,S,Nelson,23/09/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,12 Weyburn Ct,3,h,1325000,S,Miles,23/09/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,36 Dresden St,3,h,1071000,S,Ray,23/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/157 Porter Rd,3,u,870000,S,Fletchers,23/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,219 Waiora Rd,3,h,915000,S,hockingstuart,23/09/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,35 Timor Pde,2,h,790000,S,Miles,23/09/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,52 Lawson Pde,5,h,1300000,S,Hodges,23/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,17 Nicol St,4,h,1911000,S,Buxton,23/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/15 Turner Rd,2,u,770000,S,McGrath,23/09/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,105 Community Hub,3,h,781500,S,YPA,23/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,13 Glenview Ct,3,h,637000,S,Barry,23/09/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,1 Albion Ct,3,h,650000,S,Purplebricks,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Davie Cr,3,h,550000,SP,Triwest,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,24 Don Av,4,h,537000,S,YPA,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Gildan Ct,4,h,,SP,hockingstuart,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Lantana Av,5,h,540000,S,Sweeney,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Llewellyn Ct,4,h,553500,S,Sweeney,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Moffatt Cr,3,h,568000,S,hockingstuart,23/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,13 Richardson St,3,h,1360000,S,Woodards,23/09/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,33 Beauford St,3,h,1205000,SA,FN,23/09/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,1/32 Beatty St,3,u,960000,SP,Miles,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,148B Ford St,3,h,840000,S,Fletchers,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/26 Green St,2,u,760000,S,Miles,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,66 Hawker St,3,h,1230000,VB,Nelson,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,6/46 Locksley Rd,2,u,572500,S,Miles,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/157 Maltravers Rd,3,u,960000,S,Miles,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2 Nyorie Ct,4,h,2800000,S,Nelson,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1 Osney Av,3,h,,SN,Miles,23/09/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,5/23 Cedric St,2,u,860000,S,Miles,23/09/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,36 Rotherwood Rd,4,h,,SN,Miles,23/09/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,13 York Av,4,h,2040000,VB,Miles,23/09/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,14 Gavin St,3,h,605000,S,YPA,23/09/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,216 Sunshine Av,3,h,572000,S,Barry,23/09/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,10 Wexford Ct,3,h,680000,S,Brad,23/09/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,3 Alwyn Ct,4,h,784000,SP,Barry,23/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,86 Milleara Rd,3,h,790000,SP,Nelson,23/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/20 Neville St,2,u,600000,S,Biggin,23/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,21 Phillip Rd,4,h,630000,SP,Barry,23/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,29 Quinn Gr,3,h,601000,S,Nelson,23/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,41 Roberts St,3,h,900000,SP,Nelson,23/09/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,22 Snow St,3,h,680000,VB,Eric,23/09/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,23 Albermarle St,2,h,1010000,S,Edward,23/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,45 Hardiman St,2,h,1023000,S,Nelson,23/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,19/18 Mawbey St,1,u,411500,S,Edward,23/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,4 New St,3,h,1035000,SP,Sweeney,23/09/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,38 Belmont Av,4,h,2450000,PI,Jellis,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14 Carson St,3,h,2600000,PI,Kelly,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,44 Davis St,4,h,2855000,PI,Jellis,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11/26 Edgevale Rd,2,t,955000,S,Jellis,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/32 Fitzwilliam St,2,u,1130000,S,Jellis,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/7 Gladstone St,4,h,1600000,VB,Nelson,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,54 Kent St,3,h,1350000,VB,Jellis,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2A Madden Gr,4,h,2500000,VB,Kay,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/77 Princess St,4,h,,S,Marshall,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16 Scott St,2,h,1630000,S,hockingstuart,23/09/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,25 Minogue St,6,h,1875000,PI,Marshall,23/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,32 Oswin St,3,h,,SP,Marshall,23/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,9 Ratten Av,3,h,,VB,Kay,23/09/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,7 Allawah Cl,3,h,770000,S,Area,23/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,52 Narellan Dr,3,h,,SN,Barry,23/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10 Timbertop Tce,4,h,,PI,Buxton,23/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,25 Lillypilly Cr,4,h,,PI,Calder,23/09/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,2/20 Bradshaw St,3,u,660000,S,Ray,23/09/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,14 Eagle Av,2,h,,S,Ray,23/09/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kurunjang,10 Gunsynd Mw,3,h,296000,S,PRDNationwide,23/09/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,8 Bataan Ct,4,h,766000,S,Melbourne,23/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,65 Huskisson Av,3,h,652000,S,HAR,23/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,31 Nancye Dr,3,h,630000,S,HAR,23/09/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,41 Alder St,3,h,,SP,Asset,23/09/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,35 Como Rd,4,h,950000,VB,Ray,23/09/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,3 Beckett Ct,3,h,,PI,Barry,23/09/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,7/12 Kett St,3,t,810000,S,Buckingham,23/09/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/32 Edward St,3,u,815000,S,Ray,23/09/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2/15 Rooney St,3,h,818000,SP,Sweeney,23/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,101 Stanhope St,3,h,2500000,VB,Marshall,23/09/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1 Clarence St,3,h,,PI,Hodges,23/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7 Ivanhoe Gr,4,h,,W,Rayner,23/09/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6/11 Chifley Dr,2,u,481000,S,Barry,23/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,37 Cornwall Pl,2,h,999000,S,Biggin,23/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,19 Merlyn St,2,h,752500,S,Purplebricks,23/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9/18 Wests Rd,2,u,,SP,Nicholson,23/09/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2/58 Bent St,2,t,,SP,Buxton,23/09/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,2/4 Glen Orme Av,3,t,1142000,S,Jellis,23/09/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,11 Dakara Cl,4,h,575000,S,Barry,23/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,13 Haddon Ct,8,h,741000,S,Barry,23/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,16 Rokewood Cr,3,h,,S,Barry,23/09/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,11/4 Bank Pl,1,u,390000,PI,HAR,23/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,17/458 St Kilda Rd,2,u,740000,S,Harrington,23/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,43/461 St Kilda Rd,3,u,,S,Kay,23/09/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,118 Barries Rd,3,h,283000,S,FN,23/09/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,11 Emil Ct,3,h,501000,S,hockingstuart,23/09/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,32 Manson Dr,3,h,,PN,Ryder,23/09/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,46 Chelmsford Wy,4,h,415000,S,Raine,23/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,1 Lincoln Wy,4,h,430000,SP,hockingstuart,23/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,24 Marlo Dr,3,h,439000,S,hockingstuart,23/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,9 Stacey Ct,3,h,410000,SP,FN,23/09/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,6 Blackwood Av,3,h,815000,S,Hodges,23/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/18 Collins St,1,u,300000,SP,O'Brien,23/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,104/135 Lower Dandenong Rd,1,u,397500,S,Obrien,23/09/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,17 Annandale Dr,3,h,470000,S,RW,23/09/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,55 Turion Dr,4,h,450000,PI,Jason,23/09/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,104 Nimmo St,3,h,2800000,SP,Parkinson,23/09/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,7 Bachli Cl,3,h,531000,S,Ray,23/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Buvelot Pl,3,h,665000,S,Morrison,23/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Cuthbert Dr,3,h,685000,S,Barry,23/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Dorrington Ct,4,h,,PI,HAR,23/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5/3 Mill Park Dr,3,u,,PI,HAR,23/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Vain Cl,3,h,665000,S,Ray,23/09/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,5 Deakin St,3,h,,SN,Ray,23/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Dunlavin Rd,4,h,890000,S,Buxton,23/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2 Hardwood Ct,5,h,1150000,S,Fletchers,23/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5/14 Highland Av,4,h,1306000,S,Fletchers,23/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/491 Mitcham Rd,3,h,902000,PI,Ray,23/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7/6 Leopold Cr,2,u,647000,SP,hockingstuart,23/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,4 Lightfoot St,3,h,2470000,SP,Marshall,23/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,1/315 Mont Albert Rd,2,u,880000,S,Jellis,23/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,58 View St,4,h,,S,hockingstuart,23/09/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/15 Mayona Rd,2,h,753000,S,Buckingham,23/09/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,18 Elizabeth St,2,h,950000,SP,Alexkarbon,23/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,104 Holmes Rd,4,h,1350000,VB,Brad,23/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/74 Holmes Rd,2,u,561000,S,Nelson,23/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8 Pattison St,3,h,1162000,S,Jellis,23/09/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,4 Bulga St,3,h,835000,S,hockingstuart,23/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,14 Ricky Ct,4,h,840500,S,Fletchers,23/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,2D Zina Gr,3,t,595000,PI,McGrath,23/09/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,40 Cedric St,5,h,,S,Buxton,23/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3/44 Cedric St,2,u,401000,S,Barry,23/09/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,9 Albert St,3,h,1425000,PI,Harcourts,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Ormiston St,4,h,1400000,S,Ray,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/17 Pamela St,6,u,,PI,Stockdale,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,34 Park La,3,h,1586000,S,Stockdale,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Robin Gr,3,h,1560000,S,Jellis,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/214 Stephensons Rd,3,u,853000,S,Schroeder,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/45 Sunhill Rd,2,u,873000,S,Barry,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8 Susan Ct,4,h,1408000,S,Jellis,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,35 Waimarie Dr,4,h,1800000,SP,Barry,23/09/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,12 Brookland Ct,4,h,1080000,S,Ray,23/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,9 Caledonia Cr,3,h,1105000,S,Ray,23/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3/4 Dendy Ct,2,u,580000,SP,Hall,23/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Lola St,5,h,880000,PI,SN,23/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,25 Rupert Dr,3,h,840000,S,Ray,23/09/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,107/121 Murrumbeena Rd,2,u,,SP,Marshall,23/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,21 Reid St,3,h,1321188,SP,Woodards,23/09/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,31 Emily Dr,4,h,,SN,C21,23/09/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +New Gisborne,71 Hamilton Rd,5,h,1355000,S,Raine,23/09/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +New Gisborne,161 Station Rd,4,h,,SP,Raine,23/09/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +New Gisborne,190 Station Rd,3,h,565000,S,Raine,23/09/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,32 Agg St,2,h,1130000,S,Williams,23/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,3/23 Carmen St,3,t,810000,SP,Greg,23/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/65 Mason St,2,u,475000,PI,Sweeney,23/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,65 Speight St,3,h,950000,SP,Sweeney,23/09/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,1 Cuthbert St,2,h,800000,S,Frank,23/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,11 George St,4,h,1340000,S,Nelson,23/09/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,3B Agnes St,3,t,,SN,Barry,23/09/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/1203 Heatherton Rd,2,u,400000,SP,O'Brien,23/09/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,13 Holmes St,3,h,,PI,Barry,23/09/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,9 Wall St,3,h,,PI,Barry,23/09/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,4/5 Cobden St,3,u,1287500,S,Alexkarbon,23/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,5 Hardwicke St,2,h,516000,SP,Jellis,23/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,8/20 Mark St,3,t,,S,Jellis,23/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,17 Shands La,2,t,,PI,Alexkarbon,23/09/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,11 Boothby St,3,h,1280000,S,Collins,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,19 Charles St,3,h,1360000,SP,McGrath,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11 Farnan St,3,h,,S,Nelson,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,271 Heidelberg Rd,2,h,1300000,VB,Nelson,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16 Helen St,4,h,2000000,VB,Nelson,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,61 Henry St,4,h,1550000,VB,Jellis,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/286 High St,3,t,807500,S,Jellis,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2 Ilma Gr,5,h,2800000,VB,Nelson,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,10/2 Johnson St,1,u,330000,S,Collins,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,76 Mitchell St,3,h,1250000,PI,Nelson,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Park St,2,h,1015000,S,Jellis,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/12 Robbs Pde,2,h,,PI,Barry,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,139 Separation St,3,h,1155000,SA,McGrath,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4/14 Vauxhall Rd,1,u,385000,S,Nelson,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,39 Winifred St,4,h,1350000,S,Ray,23/09/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,25 Bingley Av,3,h,1075000,S,Woodards,23/09/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,39 Candlebark La,4,h,,PI,Harcourts,23/09/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1/3 Joyce St,3,h,945000,S,Jellis,23/09/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/6 White Ct,3,u,870000,SP,Noel,23/09/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2 Grevillia Rd,2,h,1000000,S,Brad,23/09/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,27 Station Rd,3,t,763000,S,Eview,23/09/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,29 Watt Av,4,h,925000,SP,Brad,23/09/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1/126 Atherton Rd,2,u,743000,S,Ray,23/09/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,68 Haughton Rd,3,h,760000,PI,Woodards,23/09/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/16 Franklyn St,2,u,780000,S,Ray,23/09/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,60 Highland Av,3,h,1382000,SP,RT,23/09/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,28 Beryl Av,4,h,1450000,S,Buxton,23/09/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,28 Garfield Av,4,h,1450000,VB,Woodards,23/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,45 Holloway St,3,h,1540000,S,Weston,23/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,8/14 Lillimur Rd,3,t,1060000,PI,Jellis,23/09/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,9a Booth St,3,h,840000,S,Buxton,23/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,11/158 Como Pde W,2,u,500000,PI,Obrien,23/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/26 Olive Gr,2,u,520000,SP,Sweeney,23/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/25 White St,2,t,500000,VB,Buxton,23/09/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,17B Pardy St,3,t,770000,PI,McGrath,23/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/84 Railway Pde,4,t,,SP,Nelson,23/09/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,9 Remy Av,4,h,625500,SP,HAR,23/09/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,26 Moorgate St,4,h,712000,S,hockingstuart,23/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,60 Palmer Av,4,h,769000,S,YPA,23/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,8 Picton La,3,t,,PI,Reliance,23/09/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,7/169 Albert St,2,u,520000,SP,Chisholm,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,213/101 Bay St,2,u,720000,S,Marshall,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,469 Bay St,2,h,900000,VB,Buxton,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,136 Clark St,3,h,1725000,PI,Marshall,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,44 Clark St,2,h,1400000,SP,Greg,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,61 Heath St,3,h,1635000,PI,Marshall,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,31 Ross St,2,h,,S,Marshall,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,36/95 Rouse St,2,u,,SP,Greg,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,179 Stokes St,2,h,,SP,Marshall,23/09/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,86 Chatsworth Rd,3,h,,S,Jellis,23/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,314/220 Commercial Rd,2,u,600000,S,hockingstuart,23/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7 MacKay St,3,t,1463000,S,Jellis,23/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,36 Perth St,3,h,,S,Jellis,23/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8 York St,2,h,,S,hockingstuart,23/09/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1/9 Albert St,2,u,530000,VB,RW,23/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,97 Albert St,3,h,1150000,SP,RW,23/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Donald St,3,h,662000,S,Woodards,23/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Emerald St,3,h,820000,S,McGrath,23/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/23 Laha Cr,3,t,710000,PI,Love,23/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,340 Plenty Rd,4,h,950000,S,McGrath,23/09/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4 Argyle St,3,t,655000,S,Barry,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,93 Arundel Av,3,h,901000,S,Barry,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/34 Ashley St,2,u,565000,S,Nelson,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/50 Chaleyer St,2,t,492500,SP,Raine,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1A Charlton Cr,3,h,600000,PI,Ray,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Duffy St,3,h,680000,VB,Nelson,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/7 Fordham Rd,3,h,,SN,Barry,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Gisborne Cr,3,h,890000,PI,Barry,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,142 Hickford St,3,h,,SN,Barry,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Marchant Av,4,h,1190000,S,Nelson,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Mendip Rd,3,h,855000,PI,hockingstuart,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Moira Av,4,h,785000,S,Nelson,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Myrtle Gr,3,h,865000,S,hockingstuart,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Smith St,5,h,1000000,VB,Ray,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,57 Yarra Av,3,h,800000,S,HAR,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 York St,3,h,1400000,S,Raine,23/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,201/77 Abinger St,1,u,400000,VB,Marshall,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Baker St,2,h,,PI,Biggin,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,106 Buckingham St,3,h,1600000,S,Biggin,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/343 Church St,1,u,490000,S,Biggin,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,53A Fraser St,3,t,1600000,S,Jellis,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Hunter St,3,h,1900000,VB,Jellis,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,110 Richmond Tce,2,h,1520000,S,Woodards,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,33/24 Tanner St,2,t,1200000,S,Jellis,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17/9 Tennyson St,2,u,702000,S,Dingle,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/10 Waltham Pl,3,h,1720000,S,Jellis,23/09/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/8 James St,2,h,,S,hockingstuart,23/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,10 Junction St,4,h,,SN,Philip,23/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,36 William St,4,h,,VB,Fletchers,23/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,98 Wonga Rd,4,h,999999,PI,Carter,23/09/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1/5 Joseph St,3,h,630000,S,Carter,23/09/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,1 Heape Wy,5,h,1100000,SP,Sell,23/09/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,78 Kubis Dr,4,h,,S,Fletchers,23/09/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,20 McAuley Dr,4,h,900000,VB,Jellis,23/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,20 Rhonda St,3,h,1100000,VB,Fletchers,23/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,57 Ruthven St,3,h,850000,S,Philip,23/09/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,22 Airedale Wy,5,h,1037000,S,Win,23/09/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,7 Law Ct,4,h,1050000,S,Harcourts,23/09/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,8 Caulfield Cr,4,h,535000,S,Raine,23/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,11 Grenville Tce,3,h,426000,S,Ray,23/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Reading Cl,3,h,,SN,Barry,23/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,4/388 Bluff Rd,4,t,1050000,VB,hockingstuart,23/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,33 Spring St,3,h,,VB,Hodges,23/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,21A Wentworth Av,3,t,1560000,S,Buxton,23/09/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaholme,18a Millers Rd,2,u,730500,S,Barlow,23/09/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,201 Buckley St,2,h,680000,S,hockingstuart,23/09/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,66 Lily St,3,h,1225000,SP,Village,23/09/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,7/251 Nicholson St,2,u,490000,SP,Village,23/09/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,173 Pilgrim St,2,h,1000000,VB,Village,23/09/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,314 Bank St,2,h,1050000,PI,Cayzer,23/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,95 Bank St,2,h,1151000,S,Marshall,23/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,13 Henderson St,3,t,1800000,VB,Cayzer,23/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,97 Park St,2,t,817000,S,Cayzer,23/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,2/56 Smith St,2,u,500000,S,Greg,23/09/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,15 Jenolan Wy,4,h,658500,S,HAR,23/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,33A Lamour Av,2,u,487000,S,HAR,23/09/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,6/59 Albion St,2,u,666000,S,Jellis,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,23/85 Alexandra Av,3,u,1330000,S,Castran,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,75/85 Alexandra Av,3,u,2175000,S,Williams,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/7 Barnsbury Rd,2,u,617000,SP,Noel,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17/85 Caroline St,1,u,451000,SP,Jellis,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,21 Leopold St,2,h,1800000,S,Castran,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,203/8 Murphy St,3,u,2300000,VB,Kay,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/13 Rockley Rd,3,u,760000,VB,Kay,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/386 Toorak Rd,1,u,495000,S,Hodges,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,21/393 Toorak Rd,1,u,380000,VB,Williams,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,13/176 Walsh St,2,u,648000,S,hockingstuart,23/09/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,256/22 Kavanagh St,2,u,567500,SP,Whiting,23/09/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2303/83 Queens Bridge St,1,u,440000,VB,Whiting,23/09/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,4 Audrey St,3,h,881000,S,iSell,23/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,42 Avondale St,4,u,917000,S,iSell,23/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,6 Langi St,3,h,670000,PI,iSell,23/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,1/22 Turner Cl,2,u,592000,S,McGrath,23/09/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,1 Ashton Av,3,h,,SN,Barry,23/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/40 Harmon Av,3,u,,SN,Barry,23/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,29 Lester Av,3,h,645000,S,Harcourts,23/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,30 Thorndon Dr,3,h,549500,S,YPA,23/09/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,16 Allumba Dr,3,h,897000,S,Buckingham,23/09/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,3/174 Barkly St,2,u,640000,S,Wilson,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/6 Charlotte Pl,2,t,830000,PI,Gary,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20 Fawkner St,4,h,2680000,S,Marshall,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4 Frampton St,2,h,1000000,VB,Marshall,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/9 Herbert St,3,u,962500,SP,McGrath,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18/21 Marine Pde,4,u,3610000,S,Wilson,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/25 Octavia St,1,u,617000,S,The,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4A Odessa St,2,h,1200000,VB,Marshall,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,205/60 Wellington St,1,u,,PI,Woodards,23/09/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,68 Bournian Av,4,h,1625000,S,Nelson,23/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,7 Brisbane St,3,h,810000,S,Considine,23/09/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,73 Brook St,4,h,,S,L,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,16 Deakin St,3,h,505000,S,YPA,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,95 Harker St,3,h,657500,S,One,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,7 Lampton Wy,4,h,610000,SP,One,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,43 Ligar St,3,h,778000,S,Raine,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Paperbark Av,5,h,675000,S,YPA,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Ponsford Pl,4,h,605000,S,YPA,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Richardson Av,4,h,600000,S,YPA,23/09/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,51 Dickson St,3,h,840000,SP,hockingstuart,23/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13 Ernest St,5,h,710500,SP,hockingstuart,23/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,5 Monash St,3,h,770000,S,Bells,23/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,14 Stonemark St,3,h,,SN,Barry,23/09/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,44 Dunkeld Av,3,h,,SP,RW,23/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,19 Meadowbank Dr,3,h,,SN,Barry,23/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,5 Mills St,3,h,736000,S,Douglas,23/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,12 Redgum Dr,4,h,895000,S,Bells,23/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1 Trickey Ct,4,h,,PI,HAR,23/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,31 Westmoreland Rd,3,h,,W,Bells,23/09/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,12 Ainsworth St,2,h,,SN,S&L,23/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Amore Dr,3,h,555000,SP,YPA,23/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,17 Champa Rd,4,t,585000,S,Douglas,23/09/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,12 Arthur St,3,h,1465000,S,Fletchers,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Arthur St,4,h,1910000,S,Marshall,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/6 Blackburn St,2,u,985000,VB,Fletchers,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/29 Croydon Rd,2,u,800000,S,Fletchers,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,28 Guildford Rd,3,h,2350000,S,Harcourts,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/9 Middlesex Rd,2,h,855000,S,Woodards,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,87 Warrigal Rd,3,h,,SP,RW,23/09/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,146 Inverell Pky,3,h,536250,SP,YPA,23/09/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,42 Lilyturf Dr,4,h,,SN,Waterfront,23/09/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,6 Nepean Wy,4,h,710000,S,Barry,23/09/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,2 Honeyeater Cr,3,h,746000,S,Purplebricks,23/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,9 Plenty Cl,4,h,735000,SP,Barry,23/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,21 Salvana Ct,4,h,751000,S,Barry,23/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Yanchep Ct,3,h,600000,S,Brad,23/09/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,16 Darnley Dr,4,h,1385000,S,Jellis,23/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Vivaldi Ct,5,h,,PI,Jellis,23/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,21 Wood St,4,h,910000,PI,Woodards,23/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/67 Wood St,4,t,,SP,Jellis,23/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Woodlands Edg,4,h,1920000,PI,Barry,23/09/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,97 Foote St,4,h,1515000,S,Philip,23/09/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,19 Howitt Dr,4,h,1561000,S,Barry,23/09/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,275 Thompsons Rd,3,h,1250000,VB,Barry,23/09/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,5 Democrat Dr,3,h,700000,S,iTRAK,23/09/2017,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,76 Bickley Av,3,h,582500,S,New,23/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,24 Simpson St,3,h,720000,S,HAR,23/09/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/37 Clapham St,2,u,650000,S,Love,23/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/2 Dundas St,2,u,540000,S,McGrath,23/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,124 Fyffe St,4,h,1600000,S,McGrath,23/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,219b Gooch St,3,t,903000,S,McGrath,23/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,29 Strettle St,2,h,1150000,VB,Nelson,23/09/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,38 Carters Av,3,h,3200000,PI,RT,23/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,8/38 Grange Rd,3,u,,PI,hockingstuart,23/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,24/789 Malvern Rd,1,u,,SP,Fletchers,23/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13/415 Toorak Rd,3,u,,PI,RT,23/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/19 Wallace Av,3,t,3155000,S,Kay,23/09/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/248 Melrose Dr,2,u,475000,S,Jason,23/09/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,8 Howqua Ct,4,h,1260000,S,Harcourts,23/09/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,23 Lusk Dr,3,h,,SP,Jellis,23/09/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,28 Tilson Dr,2,h,597500,S,MJ,23/09/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,204 Hawthorn Rd,4,h,1202000,SP,Ray,23/09/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,2/95 Lyon Rd,4,h,880000,PI,Fletchers,23/09/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,4 Botany Ct,4,h,915000,S,Ray,23/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,9/105 Mountain Hwy,2,u,,SN,Barry,23/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,38 Templeton St,4,h,920000,S,Ray,23/09/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,36 Artesian Av,4,h,1000000,S,Biggin,23/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Cathies La,5,h,1180000,S,Ray,23/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,3 Jonathon Ct,5,h,1400000,S,Barry,23/09/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,15 Yarra St,3,h,880000,S,Barry,23/09/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Werribee,32 Hooker Rd,3,h,515000,S,hockingstuart,23/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,15 Seine Cl,3,h,430000,S,YPA,23/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Sherrin Ct,4,h,,SN,Barry,23/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/30 Silvereye Cr,2,u,325000,SP,Greg,23/09/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,702 Barkly St,3,h,840000,PI,Hodges,23/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,720 Barkly St,3,h,,PN,Barlow,23/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,22 Carmichael St,3,h,,PI,Burnham,23/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,171 Essex St,3,h,879000,SP,Jas,23/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2 Indwe St,3,h,782000,SP,Jas,23/09/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,128/33 Jeffcott St,3,u,742000,S,LITTLE,23/09/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,2/4 Avion Pl,2,u,455000,SA,YPA,23/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,14 Parkhill Ct,2,h,560000,SP,YPA,23/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,25 Erskine Cr,5,h,,PI,Ray,23/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,41 MacKellar Av,3,h,1062000,S,Harcourts,23/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,17 Plato Cr,3,h,1025000,S,Buxton,23/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Rostella Ct,4,h,1280000,S,Ray,23/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Wattleglade Ct,5,h,1660000,S,Ray,23/09/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,146 Ferguson St,3,h,832000,S,Williams,23/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,4/65 Melbourne Rd,2,u,440000,PI,Sweeney,23/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,1/32 Princes St,2,h,900000,SP,Greg,23/09/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,12/28 The Avenue,2,u,620000,SP,The,23/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,56 The Avenue,9,h,,SP,Marshall,23/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,23 Victoria St,3,h,,S,Kay,23/09/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,16 Allendale Av,2,t,401000,S,Ray,23/09/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,13 Cogley St,4,h,525000,S,YPA,23/09/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,78 Kinglake Dr,3,h,540000,S,hockingstuart,23/09/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,20 Smike St,3,h,857000,S,Miles,23/09/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,37 Ballarat St,3,h,1300000,PI,Sweeney,23/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,27 Berry St,3,h,,SP,Village,23/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/160 Francis St,2,t,740000,S,Jas,23/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5 Maryston St,3,h,1360000,PI,Jas,23/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,18 Stewart St,3,h,1455000,S,Village,23/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/367 Williamstown Rd,2,u,515000,S,hockingstuart,23/09/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,1009/1 Acacia Pl,2,u,750000,VB,Jellis,23/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Beaver St,4,h,1630000,PI,Nelson,23/12/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,32 Coniston Av,3,h,970000,S,Barry,23/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23 Matthews Av,4,h,790000,VB,Barry,23/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Miriam Ct,3,h,1025000,S,Nelson,23/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,122 Parer Rd,4,h,,SN,Brad,23/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,23 Boyd St,4,h,,SP,Marshall,23/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,164 Richardson St,3,h,1950000,S,Marshall,23/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/44 Derrimut St,2,u,530000,SP,Sweeney,23/12/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,12C Perry St,3,t,,PI,Jellis,23/12/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,175 Blyth St,4,u,1160000,S,Barlow,23/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,17 Merritt Ct,3,h,925000,SP,hockingstuart,23/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2A Robin St,3,h,850000,S,hockingstuart,23/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Taegtow Wy,3,h,718000,S,Barry,23/12/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,34 Binns St,5,h,800000,SP,RT,23/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,70 Blanche St,3,h,,PI,Barry,23/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 Helene St,2,h,595000,PI,Biggin,23/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,2/38 Holt St,4,t,,PI,Barry,23/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/69 Denbigh Rd,3,h,1681000,S,Marshall,23/12/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,25/37 Ascot Vale Rd,2,t,530000,VB,Jellis,23/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,52 Langs Rd,5,h,1320000,PI,Nelson,23/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/9 Sandown Rd,4,t,805000,SP,Alexkarbon,23/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,54 Cassinia Av,2,h,1200000,VB,Jellis,23/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Condah Ct,3,h,1183000,S,Ray,23/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/135 High Street Rd,3,t,,VB,Buxton,23/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/39 Lavidge Rd,4,t,1350000,PI,Buxton,23/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,34 Albany Cr,3,h,1000000,S,Buxton,23/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,48 Iluka Av,3,h,830000,SP,Barry,23/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,48 Lake St,3,h,815000,PI,Barry,23/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,191 Military Rd,3,h,727500,S,Barry,23/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,57 Gordon St,4,h,,PI,Noel,23/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10 Myambert Av,5,h,4600000,VB,Fletchers,23/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Northcote Av,2,h,1710000,S,Fletchers,23/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Parkdale Av,4,h,1700000,PI,Jellis,23/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Threadneedle St,5,h,2475000,PI,Noel,23/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/363 Belmore Rd,3,t,1270000,VB,hockingstuart,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/82 Doncaster Rd,2,u,555500,S,Fletchers,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/49 Hatfield St,3,u,1451000,PI,hockingstuart,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/2 Heather St,4,h,1420000,SA,Fletchers,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Highview Rd,4,h,,S,Fletchers,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lawson St,4,h,2640000,VB,Marshall,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Libra St,4,h,,S,hockingstuart,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Longview Rd,4,h,,VB,hockingstuart,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Oravel St,5,t,950000,PI,hockingstuart,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Renown St,4,h,1960000,S,Fletchers,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Tudor Ct,2,h,,S,hockingstuart,23/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Fallons Wy,3,h,910000,S,Noel,23/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,45 Jeanette St,3,h,862000,S,Barry,23/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1 Valma St,5,h,822000,PI,iTRAK,23/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2 Yarran Gr,2,u,652000,S,iTRAK,23/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2 Illawara Cr,3,h,,VB,Noel,23/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,10 Mason Ct,3,h,720000,VB,McGrath,23/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bellfield,26 Davidson St,3,h,810000,SA,William,23/12/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,138 Oriel Rd,5,h,,W,Purplebricks,23/12/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,21 Coates St,5,h,1740000,S,Buxton,23/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12A Hutchinson St,3,t,1185000,S,Jellis,23/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9/463 South Rd,2,u,392000,SP,Jellis,23/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,206/24 Becket Av,1,u,,PN,Gary,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,147b Bignell Rd,4,t,1389000,S,Jellis,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,72 Blamey St,3,h,1220000,PI,Buxton,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 East Boundary Rd,2,u,663000,S,Buxton,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Jassa St,4,t,1320500,S,Buxton,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32b Jassa St,4,t,1280000,S,C21,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Malane St,3,h,,PI,Buxton,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Margaretta St,3,h,1100000,PI,Buxton,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,414 McKinnon Rd,3,h,,S,Buxton,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Millis Av,4,h,1420000,S,Jellis,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Noora Av,3,h,1182000,S,Jellis,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Orange St,4,h,1420000,S,Jellis,23/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,34 Euroa Av,3,h,490000,S,hockingstuart,23/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,10 Gardiner St,5,h,960000,SP,Barry,23/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/34 Second St,3,u,,S,Charlton,23/12/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,24 Lake Rd,5,h,1758000,S,Sell,23/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36A Sheehans Rd,5,h,2250000,VB,Ascend,23/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,22 Charlton St,5,h,1570000,S,Noel,23/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,49 Koonung Rd,4,h,1300000,S,Noel,23/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,180 Canterbury Rd,3,h,950000,VB,Noel,23/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Craig St,4,h,,SN,Woodards,23/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,38 Lawrence St,3,h,950000,PI,Noel,23/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Mingeta Av,3,h,1050000,SP,Ray,23/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,22 Blythe Av,3,h,629000,S,Schroeder,23/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,3/3 Narcissus Av,2,u,,PI,McGrath,23/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/6 Simpsons Rd,2,u,,SP,hockingstuart,23/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/25 Wellington Rd,2,u,669000,S,Noel,23/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Myamyn St,3,h,850000,S,Douglas,23/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/31 Vine St,3,t,600000,VB,Barry,23/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,23 Tower Dr,3,h,825000,S,Nelson,23/12/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1 Baroona Ct,3,h,,S,Marshall,23/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Cole St,4,h,5500000,S,Marshall,23/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Lynch Cr,3,h,2350000,VB,Hodges,23/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40 Whyte St,3,h,1900000,PI,Nick,23/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Arnold Rd,4,h,,W,Marshall,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,75 Baird St,4,h,3100000,VB,Marshall,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Carrington Gr,4,h,,VB,Buxton,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Centre Rd,3,h,1415000,S,Hodges,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,32 Clive St,2,h,1262000,S,Hodges,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Curzon St,3,h,1880000,S,Hodges,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Davey Av,4,h,,SP,Marshall,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Parker St,4,h,,S,Marshall,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Raymond Ct,4,h,,PI,Buxton,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,152 Thomas St,2,h,950000,VB,Gary,23/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,17 Wharton Av,5,h,,PI,YPA,23/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/6 Corrigan Av,3,t,750000,S,hockingstuart,23/12/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,10/116 Albert St,2,u,757000,SP,Jellis,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,250 Albion St,4,h,1200000,VB,Jellis,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Bennie St,2,h,1011000,S,Nelson,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Charles St,3,h,1010000,S,Peter,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/94 Donald St,1,u,340000,SP,Nelson,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Errol Av,2,h,,SP,Jellis,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Harvey St,3,h,1150000,VB,Lindellas,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Ivy St,2,h,970000,S,Nelson,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Rope Wk,2,t,978000,S,Brad,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Stewart St,2,h,970000,S,Nelson,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Sturrock St,4,h,1665000,SP,Jellis,23/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,14 Foden St,3,h,1255000,S,Barry,23/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/252 Hope St,3,t,700000,VB,Nelson,23/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Howson St,4,h,,VB,Jellis,23/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/546 Moreland Rd,2,u,340000,VB,Brad,23/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,134 Manningham Rd,3,h,1182000,S,Jellis,23/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/82 Willow Bnd,3,u,,VB,Philip,23/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,77 Cameron Pde,3,h,,PI,Barry,23/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/210 Greenhills Rd,2,u,440000,PI,Barry,23/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Hanover Rd,5,h,1470000,S,Barry,23/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,69 Linacre Dr,4,h,1225000,S,Barry,23/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Milton Pde,4,h,870000,S,Stockdale,23/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Trafalgar Cr,3,h,,PI,Ray,23/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,25 Barnes Av,4,h,1607500,S,Jellis,23/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/16 Wridgway Av,2,u,758000,SP,Buxton,23/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,6 Heron Rd,3,h,679000,S,Barry,23/12/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,9 Moorhead St,3,h,1827000,S,Marshall,23/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Remon Av,3,h,1855000,S,Jellis,23/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/870 Riversdale Rd,2,u,,SN,Garvey,23/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2C Staughton Rd,4,t,,PI,RT,23/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/71 Through Rd,3,h,1950000,S,Marshall,23/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,916 Toorak Rd,5,h,,SP,Marshall,23/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5/26 Faversham Rd,2,u,837000,S,Fletchers,23/12/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,173 Drummond St,4,h,3825000,S,Woodards,23/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,610/123 Pelham St,2,u,567000,S,MICM,23/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,821 Rathdowne St,4,h,1391000,S,Nelson,23/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,679 Station St,3,h,1580000,S,Woodards,23/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/39 Coorigil Rd,2,u,,S,Ray,23/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/52 Coorigil Rd,2,u,711000,S,Jellis,23/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Mimosa Rd,3,h,1222000,S,Gary,23/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/36 Moonya Rd,1,u,331000,SP,Woodards,23/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,84 Oakleigh Rd,2,h,1100000,S,Jellis,23/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2/9 Graham Rd,3,u,743000,S,hockingstuart/hockingstuart,23/12/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield South,28 Goe St,4,h,1300000,VB,Jellis,23/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,34B Marara Rd,4,t,1675000,S,Gary,23/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,21 Binalong Av,3,h,1120000,S,Jellis,23/12/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/111 Waverley Rd,3,u,780000,SP,Barry,23/12/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/19 Scotch Pde,2,u,620000,S,Barry,23/12/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9 Allnutt Ct,3,h,800000,PI,Ray,23/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Clendon Ct,3,h,950000,VB,Greg,23/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Evergreen Cct,3,t,810000,S,Greg,23/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2C Gilford Gr,2,t,955000,S,Buxton,23/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Merton Cl,3,h,888000,S,O'Brien,23/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Wingrove St,3,h,,S,Buxton,23/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,35 Bardaster Bvd,3,t,,PN,LLC,23/12/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Chirnside Park,12B Meadowgate Dr,3,h,645000,S,Ray,23/12/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/24 Arunta Cr,3,u,730000,SP,Buxton,23/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,17 Leonard Cl,3,h,799000,S,C21,23/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Merrigum Cr,3,h,766000,S,C21,23/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/40 View St,3,t,962000,S,Barry,23/12/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,6 Linda St,4,h,,PI,Ray,23/12/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,119 Spensley St,3,h,1300000,VB,Collins,23/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,206 Bell St,4,h,1090000,S,Jellis,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Bruce St,2,h,1010000,S,Raine,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,70 Devon Av,3,h,,SP,Nelson,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,33 High St,2,h,710000,PI,Chambers,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Lascelles St,3,h,946000,SP,YPA,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/3 The Grove,3,t,795000,S,Nelson,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/11 Wolseley St,2,u,587000,S,Nelson,23/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,60 Boyne St,3,h,905000,S,Barry,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,7 Keady St,4,h,965000,S,Barry,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Merlyn St,3,h,1100000,PI,YPA,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13 Norris St,2,h,730000,VB,Brad,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/16 Norris St,3,t,,SP,Biggin,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Outlook Rd,3,h,950000,S,Nelson,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Ronald St,3,h,800000,VB,Nelson,23/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,34 Gold St,2,h,1079500,SP,Harrington,23/12/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,48 Bainbridge Cl,3,h,550000,SP,YPA,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,83 Cimberwood Dr,3,h,,SN,Barry,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Dempster Dr,3,h,,S,Ray,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Folger Rd,3,h,479250,S,Ray,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,348 Grand Bvd,2,t,380000,S,HAR,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,474 Grand Bvd,4,h,630000,S,Barry,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Grange Ri,5,h,688000,S,Barry,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,96 Hanson Rd,3,h,590500,S,Barry,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,92 Hothlyn Dr,7,h,,W,YPA,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Langdon Cr,3,h,567000,S,YPA,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Newbury Bvd,4,h,716000,S,Ray,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Nobility Rd,4,h,640000,S,Barry,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Royal Tce,3,h,480000,S,Barry,23/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,13 Greenbriar Wy,3,h,517250,S,LJ,23/12/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,43 Chestnut St,3,h,1245000,S,hockingstuart,23/12/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,4/8 Bennison St,3,u,720000,SP,Max,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Eden St,3,h,,SN,McGrath,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/6 Haig St,4,t,600000,VB,McGrath,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,167 Maroondah Hwy,4,h,820000,S,Philip,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Melton Gr,3,h,720000,S,Barry,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Moore Av,4,h,,SN,Barry,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 The Pass,5,h,997000,S,Fletchers,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 View St,3,h,655200,S,McGrath,23/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,3 Donald St,3,h,,W,YPA,23/12/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/15 Grace Av,3,t,,PI,O'Brien,23/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,107 Herbert St,3,h,,PI,O'Brien,23/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Yarra Ct,4,h,,S,Fletchers,23/12/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,6 Belmont Av,4,h,3680000,SP,Marshall,23/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,914 Burke Rd,5,h,3080000,S,Harcourts,23/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,24 Bird St,3,h,580000,S,Burnham,23/12/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,15 Anakie Wk,3,h,580000,PI,Bells,23/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,22 Brampton Cct,3,h,,PI,Calder,23/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,14 Doran Wk,3,h,,PI,Calder,23/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,34 Frost Dr,4,h,600000,PI,Nelson,23/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,10 Oakham Gld,4,h,561000,S,Burnham,23/12/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,96 Windsor Bvd,4,h,912000,S,Stockdale,23/12/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,14 Moray St,3,h,588000,S,Barry,23/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2 Wensley St,3,h,700000,S,Morrison,23/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5/169 Centre Dandenong Rd,2,u,680000,S,Buxton,23/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Fairway Dr,4,h,839000,S,Buxton,23/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Rhoda St,3,h,952000,S,Ray,23/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,23 Buckingham Cr,3,h,,SP,Fletchers,23/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/40 Finlayson St,3,h,850000,PI,Barry,23/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,56 Victoria St,3,h,1150000,PI,hockingstuart,23/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Carisbrook Ct,4,h,1198000,S,hockingstuart,23/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/1050 Doncaster Rd,3,u,750000,VB,Fletchers,23/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/37 Greendale Rd,3,u,,VB,Philip,23/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/11 Howell Cl,3,h,868000,S,hockingstuart,23/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Silvana Ct,4,h,,S,hockingstuart,23/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Worthing Av,4,h,1420000,S,Barry,23/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,15 Braford Dr,4,h,740000,S,Barry,23/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,96 Laurimar Bvd,4,h,525000,SP,HAR,23/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,1 Nancarrow Dr,3,h,470000,S,HAR,23/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,17 Patience Av,3,h,558000,S,Barry,23/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,10 Powlett St,6,h,,S,RT,23/12/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,3/35 Shoobra Rd,3,u,930000,VB,Gary,23/12/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Wynton Ct,4,h,,SP,Morrison,23/12/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,13/197 Brighton Rd,1,u,411000,SP,hockingstuart,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,49 Brighton Rd,4,h,,S,hockingstuart,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/1 Glen Huntly Rd,2,u,,VB,Greg,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/145 Glen Huntly Rd,3,u,,SP,Chisholm,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/5 Joyce St,2,u,,PI,hockingstuart,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/199 Ormond Rd,2,u,675000,SP,Buxton,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/34 Pine Av,3,u,1800000,SP,Chisholm,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Robert St,4,h,,PN,Chisholm,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,113 Spray St,3,h,,VB,Hodges,23/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,20 Rhonda Cl,3,h,656000,S,C21,23/12/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Brazil Ct,4,h,735000,S,hockingstuart,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10A Cabot Dr,2,h,432000,S,Ray,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Charteris Gr,4,h,611000,SP,HAR,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/82 Epping Rd,2,u,300000,S,HAR,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/88 Epping Rd,2,u,309000,S,HAR,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Kilby Cl,3,h,610000,S,HAR,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Plowman Ct,3,h,571550,SP,Millership,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Winterton Cl,3,h,658000,S,Iconek,23/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/142 Cooper St,3,t,800000,VB,Barry,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/5 Kalimna St,2,u,768000,S,Barry,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Laluma St,4,h,,S,Nelson,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/62 Nimmo St,2,t,,S,Nelson,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,46 Salmon Av,5,h,2200000,S,Nelson,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/12 Schofield St,2,u,480000,PI,Hodges,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/24 Schofield St,2,u,695000,S,Nelson,23/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,9/15 Royal Av,2,u,365000,SP,Brad,23/12/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,4/25 Rathmines St,2,u,512500,SP,McGrath,23/12/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,75 Rathmines St,4,h,1300000,VB,Thomas,23/12/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,4 Bonwick St,3,h,767500,SP,hockingstuart,23/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/3 Brian St,3,h,616000,SP,Brad,23/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/1 Clara St,2,u,412000,S,Ray,23/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Link Pde,3,h,482000,S,Brad,23/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Selola Ct,3,h,783000,SP,hockingstuart,23/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,32 Lydford Rd,3,h,755000,S,Noel,23/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,215 Argyle St,2,h,1930000,SP,Nelson,23/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,5/3 Hertford St,2,h,950000,S,Nelson,23/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/26 Victoria St,1,u,640000,S,Nelson,23/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,103/500 Brunswick St,2,u,655000,SP,Nelson,23/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,810 Brunswick St,3,h,1325000,S,Woodards,23/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23 Egremont St,2,h,1380000,PI,Nelson,23/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/71 Holden St,2,u,650000,SP,Jellis,23/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2/63 Crown St,2,t,785000,S,Edward,23/12/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,10/20 French St,3,u,517000,SP,Brad,23/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Nicholson St,6,h,1527000,S,Nelson,23/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Steet St,4,h,,VB,Biggin,23/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,48b Wolverhampton St,3,t,760000,S,Sweeney,23/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,16 Mutual Ct,3,h,,SN,Woodards,23/12/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Aquarius Dr,3,h,,PI,O'Brien,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Finisterre Ct,4,h,814250,S,Ray,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Frawley St,5,h,840000,SP,hockingstuart,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/13 Gairloch Dr,3,t,569000,S,Barry,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,150 Heatherhill Rd,3,h,538000,SA,Bowman,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,8 Leighton Ct,3,h,,W,Ray,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,82 Lindrum Rd,4,h,560000,S,O'Brien,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/9 Phillip St,2,u,,S,Aquire,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,105 Raphael Cr,3,h,636000,S,Barry,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,67 Raphael Cr,3,h,672500,S,Ray,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Wave St,2,h,574000,S,O'Brien,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wettenhall Rd,4,h,1036000,S,Ray,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,37 Williams St,3,h,1250000,VB,hockingstuart,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/46 Williams St,3,t,605000,S,hockingstuart,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Woodlands Gr,4,h,1150000,VB,hockingstuart,23/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,32 Fleetwood Cr,3,h,1200000,S,Ray,23/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Tavistock Rd,3,h,760000,S,Barry,23/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,68 Fersfield Rd,3,h,616000,S,Raine,23/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1/5 Robert Ct,3,h,535000,SP,Raine,23/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,12a Sundew Ct,3,h,550000,S,Raine,23/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Cassandra Dr,3,h,620000,S,Barry,23/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Chisholm Cl,6,h,,PN,Barry,23/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,27 Goodwood Cr,3,h,730000,SP,Barry,23/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13/1526 High St,2,u,670000,S,hockingstuart,23/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/40 Osborne Av,2,u,,SN,Biggin,23/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Parkin St,6,h,2245000,S,Marshall,23/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Renwick St,4,h,1735000,S,hockingstuart,23/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,114 Summerhill Rd,3,h,,S,Jellis,23/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Burramine Rd,4,h,,SN,Barry,23/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,57 Hinkler Rd,3,h,,PI,Ray,23/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Short St,6,h,2350000,PI,Harcourts,23/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Summit Cr,4,h,,SN,Biggin,23/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/8 Apsley St,3,t,765000,SP,Stockdale,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,70 Beatty Av,2,t,530000,S,Stockdale,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,43 Bindi St,2,h,637000,S,Brad,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,181 Daley St,2,h,628000,S,RW,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,36 Gladstone Pde,2,h,1245000,S,Jellis,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/122 Loongana Av,3,h,,PI,Stockdale,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 Morley St,3,h,885000,S,Nelson,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/66 Pecham St,3,u,635000,S,Barry,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,73 Tarana Av,4,h,801000,SP,Barry,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/121 Widford St,3,t,554000,S,Stockdale,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 York St,2,h,900000,S,Stockdale,23/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Duranta Dr,3,h,790000,S,Nelson,23/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Marigold Cr,3,t,700000,VB,Nelson,23/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Mirrim Pl,4,h,1260000,PI,Nelson,23/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,14 Anama St,3,h,1002000,S,Morrison,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Booyan Cr,3,h,759000,S,Darren,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,32 Louis St,3,h,835000,S,Buckingham,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9A Scotland Av,3,t,920000,S,Darren,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Simmons Ct,3,h,876000,S,Morrison,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,17 Thoona Gr,4,h,1215000,S,Jellis,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Wanbanna Av,3,h,760000,S,Morrison,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,92 Warralong Av,3,h,838000,S,Buckingham,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/11 William St,3,t,635000,S,Buckingham,23/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Ambleside Rd,4,h,750000,VB,Barry,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Arkley Dr,3,h,671000,S,Barry,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 Elphinstone Bvd,6,h,1515000,S,Jason,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Frontier Av,3,h,660000,S,Barry,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,48 Glencairn Dr,4,h,690000,S,Barry,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Lysterfield Dr,4,h,679000,S,LJ,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Mossgiel Av,4,h,,PN,Barry,23/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5 Richard St,3,h,911000,S,Stockdale,23/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,27 West St,3,h,772500,S,Nelson,23/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,56E Beach Rd,3,t,2440000,SP,Marshall,23/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,304/33 Crisp St,2,u,850000,S,hockingstuart,23/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2 Grout St,3,h,1500000,VB,Hodges,23/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Kingston St,3,h,1006000,S,Hodges,23/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/5 Walker Av,3,t,1100000,S,Hodges,23/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,25 Daff Av,4,h,1330000,SP,Buxton,23/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/229 Auburn Rd,3,t,1400000,PI,Noel,23/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/4 Barkers Rd,2,u,822500,S,Jellis,23/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,128 Church St,4,h,2055000,S,Marshall,23/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/136 Church St,2,u,660000,S,Marshall,23/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/488 Glenferrie Rd,2,u,525000,S,Woodards,23/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/14 Liddiard St,1,u,640000,S,Nelson,23/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/85 Pleasant Rd,2,u,658000,S,Jellis,23/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,401/480 Riversdale Rd,2,u,985000,VB,Jellis,23/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/137 Victoria Rd,2,u,590000,SP,LITTLE,23/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Doulton Av,3,h,1051000,S,Barry,23/12/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,37 Collins St,2,h,782500,SP,William,23/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,9 Heffernan Wk,3,t,760000,SP,Nelson,23/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/74 Porter Rd,4,h,920000,VB,Fletchers/Fletchers,23/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Terry St,2,h,640000,VB,Nelson,23/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,4/9 Exeter Ct,2,u,471000,SP,Miles,23/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,367 Liberty Pde,2,h,687000,S,Buckingham,23/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,25 Haynes St,3,h,1430000,S,Hodges,23/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,229/286 Highett Rd,2,u,590000,VB,Wilson,23/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,30 Beattys Rd,4,h,,PI,Barry,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Cynthia Ct,4,h,666000,S,Barry,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,51 Landscape Dr,6,h,830000,PI,Prof.,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Rivergum Pl,5,h,,S,Barry,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,66 Royal Cr,5,h,700000,S,Prof.,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Stonybrook Bvd,4,h,855000,PI,Barry,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 The Grove,4,h,1405000,S,Barry,23/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bolger Cr,3,h,596000,S,hockingstuart,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Casey Dr,3,h,,VB,Triwest,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Harris Av,3,h,505000,S,LJ,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,61 Johnson Av,3,h,586000,S,hockingstuart,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,46 Provence Gr,3,h,525000,S,Greg,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,32 Toulouse Cr,3,h,580000,SP,Greg,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Tucker Ct,5,h,,PI,S&L,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Yarrabee Dr,4,h,660000,S,Barry,23/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,197 Banksia St,4,h,1095000,SP,RW,23/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/18 Belmont Rd,3,u,1220000,S,Miles,23/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,29 Melcombe Rd,2,h,1395000,S,Miles,23/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,41 Myrtle St,4,h,,PI,Nelson,23/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,10 Stanley St,3,h,1150000,VB,Nelson,23/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,34 Cedric St,2,h,1432000,S,Miles,23/12/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,5 Bessell Ct,2,h,,PN,Barry,23/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,9 Fox Ct,3,h,455000,SP,YPA,23/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,19 Faye Cr,5,h,,SP,Nelson,23/12/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,4 Gidgee Ct,3,h,670000,S,Barry,23/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,52 Morcambe Cr,3,h,635000,S,Prof.,23/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,9 Odessa Av,4,h,685000,S,Calder,23/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Milleara Rd,6,h,1130000,S,Nelson,23/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,84 Parkside Av,2,h,580000,S,Nelson,23/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,178 Rachelle Rd,4,h,975000,S,Moonee,23/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,52 West Gwy,2,h,740000,S,Nelson,23/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorite Pl,3,t,780000,VB,Barry,23/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3 Dana Ct,4,h,,SN,Alexkarbon,23/12/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,55 Spence St,5,h,550000,PI,Nelson,23/12/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,306/72 Altona St,2,u,520000,SP,Jellis,23/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,25 Robertson St,2,h,,S,Brad,23/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,17 Serong St,3,t,,W,Barry,23/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1A Glendene Av,3,h,1760000,VB,Noel,23/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/325 High St,1,u,505000,S,Marshall,23/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Oshaughnessy St,3,h,,S,Marshall,23/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,21 Baker Av,5,h,2300000,VB,Jellis,23/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,47 Bennett Pde,3,h,1702000,SP,Philip,23/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,45 Frater St,3,h,,S,Marshall,23/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/20 Hartwood St,3,h,1150000,S,Jellis,23/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Carribean Dr,3,h,715000,SP,O'Brien,23/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,21 Serpentine Rd,3,h,770000,S,C21,23/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10/72 Stanley Rd,2,t,,SN,Biggin,23/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Woomera Av,3,h,,PI,Barry,23/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,1 Churchill Wy,2,h,830000,S,McGrath,23/12/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,45 Grevillea Rd,4,h,665000,S,Barry,23/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 Shepherds Gr,5,h,675000,S,Barry,23/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,6 Timothy Ct,4,h,,PI,Barry,23/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,1/34 Highland St,3,u,702500,S,Barry,23/12/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,55 Coronation St,3,h,1210000,PI,Jas,23/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,32 Empress Av,3,h,1250000,S,McGrath,23/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,51 Archer Dr,4,h,439000,S,Raine,23/12/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,14 Narebar Ct,3,h,381000,S,PRDNationwide,23/12/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,4 Columbia Rd,3,h,,SP,HAR,23/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Cyprus St,3,h,707000,S,Barry,23/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 McKimmies Rd,3,h,640000,S,Ray,23/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Mosaic Dr,3,h,700000,S,Iconek,23/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Otway Ct,4,h,600000,S,HAR,23/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Partridge St,3,h,665000,S,HAR,23/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,30 Leonard Dr,4,h,570000,S,Barry,23/12/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,20 Raneen Dr,3,h,510000,S,Bowman,23/12/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,20 Thomas St,3,h,,SP,hockingstuart,23/12/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,5/3 Glenauburn Rd,4,t,1160000,S,Jellis,23/12/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4/34 Glenmore St,3,u,471000,S,Miles,23/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/23 MacLeod Pde,2,u,690000,SP,Ray,23/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,21 Wungan St,3,h,695000,S,Ray,23/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,13/12 Crefden St,2,u,,S,Biggin,23/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,36/44 Eucalyptus Dr,2,u,420000,S,Pagan,23/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,43 Fisher St,3,h,895000,S,Sweeney,23/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11D Rooney St,3,t,670000,PI,Biggin,23/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,34 Suffolk St,3,h,825000,S,Jas,23/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/395 Glenferrie Rd,2,u,2100000,VB,Marshall,23/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29 Gordon Gr,4,h,3100000,VB,Marshall,23/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,31 Belson St,3,h,,S,Marshall,23/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/8 Burke Rd,2,u,530000,VB,Marshall,23/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Millewa Av,4,h,2830000,S,Jellis,23/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,114/141 Waverley Rd,1,u,112000,S,C21,23/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,51 MacEdon St,2,h,1250000,PI,Sweeney,23/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Middle Rd,3,h,,SP,Brad,23/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/127 Raleigh Rd,2,t,540000,VB,Nelson,23/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,57 Wests Rd,3,t,625000,PI,Raine,23/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/4 Glen Orme Av,3,t,1350000,VB,Gary,23/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,28 Lewis St,4,h,1820000,S,Hodges,23/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,273 McKinnon Rd,4,h,1730000,S,Buxton,23/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Tamboon Ct,3,h,,SN,Barry,23/12/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2009/568 Collins St,1,u,,W,Pagan,23/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2608/620 Collins St,2,u,750000,SP,MICM,23/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1216/74 Queens Rd,2,u,,PI,Purplebricks,23/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,401/340 Russell St,2,u,1000000,SP,MICM,23/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,54/461 St Kilda Rd,3,u,1825000,SP,Gary,23/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,7 Emil Ct,3,h,,PI,Raine,23/12/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,111 Palmerston St,3,h,400000,VB,Biggin,23/12/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,1/23 Hume Av,2,u,290000,SP,Raine,23/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,14 Thomas Av,3,h,361000,SP,FN,23/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,9 Morrow St,3,h,518000,S,FN,23/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,75 Westmelton Dr,3,h,400000,VB,PRDNationwide,23/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/62 Balcombe Rd,2,h,680000,SP,Purplebricks,23/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4A Delville Av,3,t,920000,S,Barry,23/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,71 Patty St,6,h,1650000,SP,Buxton,23/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,25 Gael Ct,4,h,598000,S,RW,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Grafton St,4,h,518000,S,RW,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Gridley St,4,h,900000,SP,Morrison,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Maahu Ambl,3,t,482500,S,LJ,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 McCulloch St,3,h,572500,S,Ray,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Monarch Av,3,h,580058,SP,Stockdale,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Riberry Cr,4,h,745500,SP,Love,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Stradling Ri,4,h,662000,PI,Barry,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Tarwin Dr,3,h,595000,S,RW,23/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,50 Callaway Dr,5,h,1500000,S,Barry,23/12/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,4 Berry Ct,4,h,,PI,The,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Blamey Av,3,h,700000,S,Love,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Bolina Ct,3,h,637500,S,HAR,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Clement Ct,4,h,751000,S,HAR,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Hawkes Dr,3,h,699000,S,RW,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/1 Mill Park Dr,2,u,485000,SP,Barry,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3/1 Morang Dr,3,u,410000,SP,Love,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Packard Crse,3,h,551500,SP,Barry,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Randell Ct,3,h,,PI,HAR,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Sirius Ct,4,h,700500,S,Ray,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Streeton Cct,3,h,622000,PI,Love,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 Thompson Cct,4,h,740000,S,Millership,23/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1 Fawcett St,3,h,1020000,S,Philip,23/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/6 Grace Ct,2,h,732500,SP,Noel,23/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/54 Percy St,2,u,,PI,Ray,23/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/22 Walker Av,3,u,1075000,S,Parkes,23/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Walter St,3,h,1151000,S,McGrath,23/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2/394 Mont Albert Rd,2,u,541500,S,Fletchers,23/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,734 Whitehorse Rd,2,h,,SP,Jellis,23/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,129 Windsor Cr,4,h,2105000,PI,Bekdon,23/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,56 Astley St,4,h,,SP,Morrison,23/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,52 Kirwana Gr,3,h,880000,SP,Flannagan,23/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,84 Sackville St,3,h,907000,S,Jellis,23/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/21 Learmonth St,2,h,,VB,Hodges,23/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/719 Mt Alexander Rd,2,u,715000,SP,Pagan,23/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,34 Wilson St,3,h,1490000,S,Jellis,23/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,4 Akima Tce,4,h,,PI,Fletchers,23/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,54 Barker Dr,4,h,712000,PI,Ray,23/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,24 Russell Av,4,h,,SP,Fletchers,23/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Wandana St,4,h,825000,SP,McGrath,23/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,13/17 Collocott St,4,t,930000,S,hockingstuart,23/12/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11B Avondale Gr,5,h,1856000,S,Ray,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4c Bales St,4,t,,VB,Jellis,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Darbyshire Rd,3,h,1240000,S,Fletchers,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Dorgan St,2,h,1240000,S,OBrien,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Grenfell Rd,3,h,1215000,S,Ray,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Heleus Ct,3,h,,PI,Ray,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/454 High Street Rd,2,u,,VB,Jellis,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Jack St,3,h,,SN,McGrath,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Josephine Av,5,h,,PI,Barry,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,183 Lawrence Rd,3,u,742500,S,Ray,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 The Highway,5,h,2700000,VB,Jellis,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Toombah St,6,h,,PI,Ray,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/532 Waverley Rd,3,u,850000,PI,hockingstuart,23/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Bentley Ct,3,h,867000,PI,Harcourts,23/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,65 Haverbrack Dr,4,h,,SN,Jellis,23/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Wanda St,3,h,825000,S,Barry,23/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Windermere Cr,5,h,,PI,Ray,23/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/9 Ardyne St,2,u,801000,S,C21,23/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Blythe St,3,h,1437000,S,Ray,23/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5 Packer St,3,h,1590000,S,Jellis,23/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Swan Rd,4,h,,PI,Buxton,23/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Wallace Av,3,h,1550000,VB,Woodards,23/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,14 Carbine Ct,3,h,625000,S,Raine,23/12/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,9a Berty St,4,t,1090000,S,Ray,23/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,91 Gordon St,2,h,660000,S,Jas,23/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16a Johnston St,5,h,1180000,PI,Jas,23/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,30 Grosvenor St,4,h,1050000,VB,Nelson,23/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,150 Buckley St,3,h,1025000,S,Area,23/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/28 David St,2,t,530000,S,O'Brien,23/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,14 Candy St,3,h,1575000,PI,Nelson,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Candy St,3,h,1585000,S,Jellis,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Johnson St,4,h,1650000,VB,FN,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Latham St,4,h,1420000,SP,McGrath,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,66a Mitchell St,4,h,,S,Nelson,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1315000,S,McGrath,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Oldis Av,3,h,1120000,S,Thomas,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/8 Ross St,2,u,675500,S,Nelson,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Simpson St,2,h,1100000,VB,Nelson,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Thames St,5,h,2525000,SP,Jellis,23/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1 Winifred St,3,h,1000000,S,VICPROP,23/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,49 Worrell St,3,h,1102000,S,Jellis,23/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/154 Waterloo Rd,2,t,580000,PI,Brad,23/12/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,11 The Avenue,2,h,,PI,Buxton,23/12/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,15 Lehem Av,4,h,1000000,VB,Buxton,23/12/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/12 Lillimur Rd,2,u,790000,VB,Gary,23/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/9 Wild Cherry Rd,2,u,810000,S,Buxton,23/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/18 Eighth St,2,h,975000,VB,Buxton,23/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,28 Keiller Av,5,h,1160000,VB,Buxton,23/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/5 Sixth St,3,h,1150000,VB,Buxton,23/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/1 White St,2,u,465000,VB,Thomson,23/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/297 Cumberland Rd,2,t,520000,S,Brad,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dale Av,2,h,800000,VB,Nelson,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/3 Grover St,3,t,690000,VB,Barry,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Kitchener Rd,3,t,826000,S,Nelson,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,32 Northumberland Rd,3,h,,S,Nelson,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/28 Raeburn St,2,u,585000,SP,Brad,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2A Waratah St,4,h,1015000,S,Nelson,23/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,10 Gordes St,3,h,464000,S,Daniel,23/12/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,59 Breasley Pky,3,h,670000,S,hockingstuart,23/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Copeland Cr,4,h,650000,S,Point,23/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Gilmore Gr,4,h,,SP,Barry,23/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Horizon Pt,4,h,,PI,hockingstuart,23/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Whitetop Dr,4,h,690000,PI,hockingstuart,23/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,510/1 Danks St W,2,u,797000,S,Castran,23/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Esplanade Pl,3,t,1525000,VB,Buxton,23/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,702/142 Rouse St,3,u,1362000,S,Home,23/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,60/3 Seisman Pl,3,u,,S,Marshall,23/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,61 Chomley St,3,h,,S,hockingstuart,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,80/108 Greville St,3,u,765000,S,Beller,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/37 Greville St,1,u,383000,S,hockingstuart,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/573 High St,2,u,690000,PI,Shape,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/14 Highbury Gr,2,u,680000,SP,Jellis,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/17 Irving Av,2,u,612000,S,Gary,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7 Trinian St,3,h,2400000,VB,Marshall,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,93 York St,2,h,1312000,PI,hockingstuart,23/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,106/448 Bell St,2,u,,PI,Ray,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Carlisle St,3,h,1185000,S,Nelson,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Esther St,2,t,723000,S,hockingstuart,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 Kathleen St,3,h,985000,S,RW,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Kendall St,4,h,,SN,McGrath,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12/39 Mt Pleasant Rd,3,t,760000,S,hockingstuart,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,218 Murray Rd,4,h,930000,VB,Nelson,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,88B Murray Rd,4,h,1950000,PI,Love,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Roseberry Av,4,h,800000,PI,Stockdale,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Shakespeare Av,5,h,1455000,S,Nelson,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,111 Wood St,3,h,,W,Purplebricks,23/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,101 Paterson St,3,h,1575000,S,Nelson,23/12/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,6 Raglan Ct,4,h,900000,S,Morrison,23/12/2017,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,36 Anstey Av,3,h,600000,PI,Ray,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/37 Ashton St,2,t,562000,S,Barry,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Bourke St,3,h,900000,S,Nelson,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/47 Burbank Dr,3,u,,SP,Spencer,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Byfield St,3,h,700500,S,Ray,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/8 Chaleyer St,3,t,560000,S,Barry,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/59 Cheddar Rd,1,t,455000,S,Barry,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Clingin St,4,h,845000,SP,RW,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 East St,3,h,810000,S,hockingstuart,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Hickford St,3,h,920000,S,Barry,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1019 High St,3,h,865000,S,Barry,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/830 High St,3,t,585000,S,Ray,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/63 Kinsale St,3,h,770000,S,Nelson,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Legh St,4,h,,SN,Ray,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Locksley Av,3,h,775000,S,McGrath,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/61 Marchant Av,2,t,600000,S,Nelson,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2B Moore Cr,3,t,669000,S,RW,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Ramleh Rd,4,h,890000,S,Nelson,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/49 Storey Rd,2,t,698000,S,Barry,23/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,62 Appleton St,2,h,1000000,VB,hockingstuart,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/22 Bosisto St,2,u,550000,VB,hockingstuart,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Cutter St,3,h,1490000,S,Nelson,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Davison St,3,h,1182000,S,Jellis,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Durham St,3,h,1700000,SP,Biggin,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Survey St,3,h,1710000,S,Collins,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Wellington St,2,h,1145000,S,Nelson,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 York St,3,h,1000000,S,Biggin,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/45 York St,1,u,530000,S,Marshall,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Yorkshire St,3,t,,PI,Biggin,23/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,148 Main Rd,4,h,765000,PI,Raine,23/12/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,16 Ford St,4,h,1246000,S,Carter,23/12/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,121 Dublin Rd,3,h,805000,S,Carter,23/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7/51 Mt Dandenong Rd,2,u,,PI,McGrath,23/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,23 Erindale Av,2,h,1380000,S,Cayzer,23/12/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/66 Grandview Gr,3,u,,SN,Miles,23/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,26 Laane Av,3,h,,SN,Barry,23/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/30 Mountain View Pde,3,u,,VB,Fletchers,23/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,51 Dandelion Dr,5,h,956000,S,Ray,23/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,247 Karoo Rd,4,h,,PI,Purplebricks,23/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10 Pickersgill Cr,4,h,,SP,RW,23/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Tiffany Cr,4,h,630000,SP,YPA,23/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,57 Bay Rd,4,h,,SP,Nick,23/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,28/170 Beach Rd,3,t,1017500,S,Marshall,23/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9/91 Beach Rd,2,u,720000,S,Buxton,23/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/65 Royal Av,3,h,850000,PI,hockingstuart,23/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,29 Victoria St,4,h,,S,hockingstuart,23/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,7 Saxil Ct,3,h,635000,S,Ray,23/12/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,5 Sussex St,3,h,1410000,S,Barlow,23/12/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2/21 Bellairs Av,2,u,435000,S,Sweeney,23/12/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1111/38 Bank St,3,u,810000,S,Greg,23/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,20 Bluestone Ct,4,h,676000,S,Millership,23/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Chamonix Pde,3,h,500000,VB,RW,23/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14 Elite Wy,4,h,711000,S,RW,23/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Fantail Pl,3,h,616000,S,Millership,23/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jenolan Wy,4,h,697000,S,Millership,23/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19/74 Thomas St,2,h,412500,S,HAR,23/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,804/800 Chapel St,1,u,,S,hockingstuart,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26/12 Copelen St,3,t,1500000,PI,Jellis,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/61 Darling St,2,u,,PI,Purplebricks,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/785 Punt Rd,2,t,981000,S,Hodges,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/386 Toorak Rd,3,u,770000,S,hockingstuart,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/35 Walsh St,2,u,1300000,S,Marshall,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/273 Williams Rd,1,u,347500,S,Jellis,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,802/35 Wilson St,2,u,,SP,Space,23/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1700/63 Whiteman St,1,u,,W,Pagan,23/12/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,4 Stephenson St,4,h,1060000,S,Sweeney,23/12/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,6 Errington Rd,3,t,505000,S,Calder,23/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/22 Fox St,3,u,,PI,Barry,23/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Ironbark St,3,h,650000,SP,Barry,23/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1 Natasha Cl,5,h,,SP,Morrison,23/12/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,10/12 Acland St,2,u,500000,VB,Jellis,23/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/14 Alma Rd,1,u,270000,VB,hockingstuart,23/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46 Chapel St,3,h,1310000,S,McGrath/Langwell,23/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/1 St Kilda Rd,2,u,,SP,McGrath,23/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,36b Dublin Av,2,u,850000,VB,Brad,23/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/40 Glenbervie Rd,3,u,900000,VB,Nelson,23/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,15 Aitken St,3,t,496000,S,Leeburn,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,59 Davenport Dr,3,h,499500,S,Barry,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,12 Davies Ct,3,h,460000,SP,Leeburn,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Ervine Cl,4,h,450000,S,Brad,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Higgs Cct,3,h,516500,S,Barry,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Higgs Cct,4,h,580000,SP,Raine,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2/19 Lalor Cr,2,u,400000,SP,Barry,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Mounsey Ct,4,h,590000,SP,Brad,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,,W,YPA,23/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,7 McKay St,4,h,1155500,S,Jas,23/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2A Charles St,3,h,697000,S,Douglas,23/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Fulton Rt,4,h,690000,S,Biggin,23/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Maldon Ct,3,h,690000,S,Bells,23/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,47 Bardsley St,5,h,990000,PI,Douglas,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Dinnell St,3,h,555000,PI,Barry,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Estelle St,4,h,753000,S,Barry,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,32 Mark St,3,h,680000,VB,Bells,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Saltbush Ct,3,h,550000,VB,Barry,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Wingan Ct,4,h,560000,S,Bells,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,243 Wright St,4,h,685000,S,GL,23/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/11 Sunbury Cr,2,t,950000,VB,Jellis,23/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/11 Sunbury Cr,2,t,950000,VB,Jellis,23/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2/2 Albert Rd,2,u,395000,S,Prof.,23/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4/2 Albert Rd,2,u,400000,S,Prof.,23/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Brogil Wk,6,h,700000,PI,Barry,23/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Hatton Ct,3,h,601000,S,Brad,23/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Hepburn Pl,3,h,495000,SP,Barry,23/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,1/10 Jordyn St,3,u,405000,SP,Benlor,23/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Larson Av,4,h,527500,S,S&L,23/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,116b Wootten Rd,3,u,420000,S,hockingstuart,23/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Kent Pl,4,h,830000,S,Barry,23/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,13 York Cl,4,h,660000,S,YPA,23/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,72 Admirals Cr,4,h,720000,S,Barry,23/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Nerida Ct,4,h,,SP,Barry,23/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Warrego Pl,4,h,770000,PI,YPA,23/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,53 Hodgson St,3,h,900000,VB,Fletchers,23/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,90 MacEdon Rd,5,h,1330000,S,McGrath,23/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Chesney Ct,3,h,,W,LJH,23/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,25 French St,3,h,860000,SP,Ray,23/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4/327 High St,2,u,261500,S,HAR,23/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,76 Lincoln Dr,3,h,625000,S,Barry,23/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Waratah St,3,h,925000,S,Ray,23/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Yilleen Cl,4,h,,SP,Barry,23/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,4/104 Gooch St,2,u,500000,VB,Love,23/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,15 Harry St,4,h,1965000,PI,McGrath,23/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108/630 High St,2,u,,SN,Jellis,23/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,34 Rossmoyne St,3,h,920000,S,Jellis,23/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,352A Victoria Rd,3,t,950500,S,Woodards,23/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,90 Woolton Av,3,h,1455000,S,Woodards,23/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2 Cross St,5,h,4515000,PI,Kay,23/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/12 Lambert Rd,3,t,1310000,S,hockingstuart,23/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/723 Orrong Rd,3,u,1550000,VB,Marshall,23/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/425 Toorak Rd,2,u,,PI,Jellis,23/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/322 Melrose Dr,2,u,470000,SP,Barry,23/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,10 Paramount Ct,3,h,732000,S,Barry,23/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Shawlands Dr,4,h,780000,SP,Barry,23/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1/40 Terrara Rd,4,u,841000,S,Harcourts,23/12/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,235 Hawthorn Rd,4,h,,PI,Ray,23/12/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Dawn Ct,4,h,1140000,VB,Miles,23/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Royston St,4,h,900500,S,Fletchers/Fletchers,23/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,27 Augusta Wy,5,h,600000,S,Ray,23/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,10 Danaher Av,3,h,390000,S,Ray,23/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,76 Roulston Wy,4,h,590000,S,Barry,23/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,39 Clarence Rd,4,h,975000,S,Jellis,23/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Kellaway Ct,4,h,1188888,S,Barry,23/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,52 Jenola Pde,5,h,1500000,S,Noel,23/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Maringa Cl,5,h,1075000,S,Ray,23/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Sally Cl,5,h,,S,Fletchers,23/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,151 Cameron Pde,3,h,,PI,Barry,23/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,3 Michelle Av,4,h,760000,PI,Barry,23/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Norman Av,4,h,,PI,Ray,23/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,22 Trist St,3,h,700000,SP,Barry,23/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Wattle Glen,4 Warrington Cr,4,h,835000,SP,Mason,23/12/2017,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,20 Harvest Wy,4,h,691000,S,hockingstuart,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Harvest Wy,3,h,,SP,Ray,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Mekong Cl,3,h,420000,S,Barry,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Parker St,2,h,566000,S,Greg,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Selbourne Av,4,h,552000,S,Burns,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8/183 Shaws Rd,2,u,341000,S,Ray,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Trent Cl,3,h,501000,S,Barry,23/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/6 Exhibition St,2,h,775000,PI,Jas,23/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,27 Hex St,2,h,790000,SP,Jas,23/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,33 Wattle St,2,h,1300000,VB,Sweeney,23/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,7 Cuthbert Ct,4,h,1700000,VB,Harcourts,23/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Nelse Ct,3,h,1100000,S,Harcourts,23/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,6 Wildebrand Av,4,h,785000,S,hockingstuart,23/12/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,4 Alma Tce,2,h,1115000,S,Williams,23/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12/77 Dover Rd,2,u,570000,S,RT,23/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,192 Melbourne Rd,3,h,870000,VB,Raine,23/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,151 Nelson Pl,3,h,2400000,VB,S&L,23/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,67 Nelson Pl,4,h,,SP,Greg,23/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,68 Hornby St,2,h,1000000,VB,Beller,23/12/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,66 Fulham Wy,3,h,640000,S,HAR,23/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,11 Tindales Rd,4,h,520600,S,Stockdale,23/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,16 Fulford Rd,3,h,,PI,Jellis,23/12/2017,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,5 Chatswood Pl,3,h,410000,S,hockingstuart,23/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,21 Mermaid Cr,3,h,400000,SP,Barry,23/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,20 Olive Wy,5,h,,VB,Greg,23/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,8 Opala Ct,3,h,416000,S,Sweeney,23/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,15 Yaltara Dr,3,h,,S,hockingstuart,23/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,7/6 Borlase St,3,t,745000,S,Buckingham,23/12/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8/6 Borlase St,3,t,655000,S,Buckingham,23/12/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,9 Alice St,2,h,870000,SP,Jas,23/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/119 Gamon St,2,u,495000,SP,Village,23/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Grace St,3,h,1000000,SP,Jas,23/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/13 Stephen St,2,u,410000,SP,Sweeney,23/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/247 Williamstown Rd,3,t,,S,Jas,23/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,212/4 Acacia Pl,3,u,1755000,VB,Jellis,24/02/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,1A Clydesdale Rd,3,h,640000,PI,Barry,24/02/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/123 Parer Rd,2,h,572000,S,Harcourts,24/02/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,111 Opie Rd,3,h,,PI,YPA,24/02/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,12/140 Kerferd Rd,2,u,690000,S,hockingstuart,24/02/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,2 Barclay St,2,h,655000,S,Douglas,24/02/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,8B Brisbane St,3,t,600000,S,Bells,24/02/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,8/3 King Edward Av,2,u,380000,S,Bells,24/02/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,4 Adams St,4,h,2300000,PI,McGrath,24/02/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,41 Lucerne Cr,4,h,,SN,Miles,24/02/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,201/42 Kororoit Creek Rd,1,u,452000,SP,Jas,24/02/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,4 Hoddle Wy,3,h,632500,S,Barry,24/02/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,11a Mahon Av,3,h,860000,S,Greg,24/02/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,8 Glinden Av,3,h,641000,PI,Prof.,24/02/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,38 Sunhill Ct,3,t,,PI,Barry,24/02/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4 Armadale St,4,h,4250000,PI,Marshall,24/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/16 Fulton St,2,u,,S,hockingstuart,24/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,62 Kooyong Rd,5,h,,PN,RT,24/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11/58 Wattletree Rd,3,t,1115000,S,Jellis,24/02/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,2 Bettina Ct,3,h,1320000,S,Brad,24/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2 Cunningham Ct,3,t,953000,S,Brad,24/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,28 Gillespie Av,3,h,1080000,S,Brad,24/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,11 Holdsworth St,4,h,1341000,S,Nelson,24/02/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,4 Poulter St,2,h,,S,Marshall,24/02/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,22 Carlyle St,3,h,1554000,S,hockingstuart,24/02/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,41 Closter Av,4,h,1850000,S,Buxton,24/02/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,13 Maroondah Rd,5,h,1975000,S,Buxton/Marshall,24/02/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,104 Morton Rd,4,h,,VB,Buxton,24/02/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,457 Warrigal Rd,4,h,1185500,S,Buxton,24/02/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,43 Tarongo Dr,4,h,,SP,O'Brien,24/02/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,8 Jackie Ct,4,h,1110500,SP,Barry,24/02/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,20 Tatyoon Cl,3,h,750000,PI,Ray,24/02/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Aspendale Gardens,47 Winners Cir,4,h,,S,Buxton,24/02/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,30 The Crest,4,h,550000,S,Walshe,24/02/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,21 Threadneedle St,4,h,805000,PI,Barry,24/02/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,14 Arbor Tce,3,h,1000000,SP,Moonee,24/02/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,9 Brentwood Dr,3,h,810000,PI,Moonee,24/02/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,7 Coral Ct,4,h,820000,S,Moonee,24/02/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,5B Weyburn Pl,3,t,700000,SP,Moonee,24/02/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,17 Brunning St,3,h,1467500,S,McGrath,24/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,6/51 Gourlay St,2,u,515000,SP,Buxton,24/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,56 Gourlay St,4,h,1550000,S,Whiting,24/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,11/91 Grosvenor St,2,u,584000,S,Buxton,24/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,42 Rosamond St,2,h,1160000,S,McGrath,24/02/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,110 Gordon St,5,h,4350000,VB,Marshall,24/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6/26 Gordon St,2,t,700000,VB,hockingstuart,24/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/16 Westminster St,2,h,1380000,S,Marshall,24/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/6 Westminster St,2,u,896000,S,Jellis,24/02/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,9 Chelmsford St,4,h,2440000,VB,Fletchers,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,13 Corby St,3,h,1800000,VB,Marshall,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,74 Corhampton Rd,4,h,1562000,S,Fletchers,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,28 Ellsa St,4,h,,SP,Fletchers,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,33 Ferdinand Av,3,h,2100000,S,Jellis,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,43 Gardenia Rd,3,h,,S,Jellis,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/1 Highbury St,3,t,,SP,RW,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,36 Kyora Pde,4,h,1950000,VB,Jellis,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Prose St,6,h,,S,Fletchers,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Riverside Av,4,h,2350000,VB,Jellis,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,39 Walbundry Av,4,h,3100000,PI,Fletchers,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Winfield Rd,4,h,,VB,hockingstuart,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Wynyard Cr,5,h,2000000,VB,Marshall,24/02/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,3/5 Beach Rd,3,t,,SP,Kay,24/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,48 Gareth Av,3,h,1600000,SP,Buxton,24/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,12 Grandview Av,3,h,1540000,S,Hodges,24/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,51 Haydens Rd,3,h,1905000,S,Buxton,24/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1 Page St,4,t,,SP,Marshall,24/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,152 Reserve Rd,4,h,1800000,VB,Hodges,24/02/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,138 Liberty Pde,3,h,815000,S,Nelson,24/02/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,3A Durban St,3,t,1300000,VB,Jellis,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/2 Gilmour Rd,3,t,1002500,S,Jellis,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1 Harding St,4,h,1390000,S,Buxton,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 Marriot Rd,3,h,1395000,S,Buxton,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16 McKittrick Rd,3,h,1526000,S,C21,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,27 North Av,4,h,1660000,S,Woodards,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Park Cr,4,h,2050000,S,Jellis,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,34A Tucker Rd,4,h,,SP,Buxton,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,86A Tucker Rd,4,t,1280000,S,Buxton,24/02/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,4 Abbin Av,2,h,1610000,PI,Buxton,24/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Almurta Rd,4,h,1250000,S,Jellis,24/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Lancaster St,3,h,,PI,O'Brien,24/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,54A MacKie Rd,4,t,1150000,VB,Gary,24/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Murrong Av,4,t,,S,Buxton,24/02/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,18 Casey Dr,5,h,2300000,S,Barry,24/02/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,5/315 Beach Rd,3,u,1165000,S,Hodges,24/02/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,28A First St,4,t,,PN,Chisholm,24/02/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1 Percy St,5,h,,PI,Kay,24/02/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,14A Stanley St,4,h,2380000,S,Chisholm,24/02/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,6 Forest Rd,3,h,1125000,VB,Fletchers,24/02/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1/21 Devon Dr,3,u,775000,S,Noel,24/02/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,72 Kett St,4,h,980000,S,Barry,24/02/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,27 Shawlands Av,3,h,1070000,SP,Barry,24/02/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Braybrook,32 Myalla St,3,h,910000,S,Douglas,24/02/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,4/31 Vine St,2,t,615000,SP,Barry,24/02/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,37 Campbell St,2,h,1335000,SP,RT,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,147 Cochrane St,3,h,,SP,Buxton,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,114 Cole St,4,h,2710000,S,Biggin,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Collington Av,5,h,,S,Buxton,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Farleigh Gr,2,h,,S,Marshall,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/7 Laburnum St,3,u,1715000,S,Buxton,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,134A Male St,3,t,1900000,VB,Jellis,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/61 Martin St,3,u,1220000,S,Hodges,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9/36 New St,3,t,,S,Marshall,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/33 North Rd,2,u,900000,SP,Buxton,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,74 Well St,5,h,3800000,PI,Buxton,24/02/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,17a Billson St,4,t,1650000,VB,Marshall,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,54 Canberra Gr,4,h,,SP,Marshall,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,21 Comer St,5,h,,S,hockingstuart,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Edro Av,5,h,,S,hockingstuart,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Heathfield Rd,4,h,,SP,Hodges,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10 Hodder St,4,h,2285000,S,Gary,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,61 Milroy St,4,h,1900000,VB,Marshall,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,729c Nepean Hwy,4,t,1125000,PI,Rodney,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5/29 Pine St,2,u,1000000,PI,Buxton,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,17 Plantation Av,3,h,2420000,S,hockingstuart,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15b Summerhill Rd,4,t,1800000,S,Marshall,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5A Tatong Rd,2,t,940000,S,Buxton,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Trinity Ct,3,h,1705000,S,Gary,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/21 Violet Cr,2,t,880000,S,Jellis,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,12 Welwyn Av,3,h,1905000,S,Marshall,24/02/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,46 Holberry St,3,h,682500,S,Stockdale,24/02/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,2/42 Nolan Av,2,u,,SP,hockingstuart,24/02/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,237 Albion St,2,h,1150000,SP,Jellis,24/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,19 Barry St,2,h,805000,PI,Nelson,24/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1 Hanover St,3,h,1035500,S,McDonald,24/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,80 Stewart St,3,h,984000,PI,Woodards,24/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/81 Stewart St,2,u,682000,S,Nelson,24/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 Sutherland St,3,h,1050000,S,Nelson,24/02/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,63 Albert St,4,h,1500000,S,Jellis,24/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,27 Barkly St,4,h,2300000,S,Woodards,24/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,279 Edward St,3,h,,VB,Jellis,24/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,31 Piera St,2,h,986000,S,Nelson,24/02/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,13 Curtin Av,2,h,720000,PI,Nelson,24/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,17 Shamrock St,4,h,,SP,hockingstuart,24/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,54 Smith St,3,h,1290000,S,Brad,24/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,21 Walker St,3,h,1211000,S,Nelson,24/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,13A Waxman Pde,4,t,950000,PI,Barry,24/02/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,19 Avon St,3,h,950000,PI,Jellis,24/02/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2b Kenneth St,4,t,1150000,PI,Jellis,24/02/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,13 Moresby Av,4,h,1292000,S,Jellis,24/02/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bullengarook,11 Dohoney Rd,4,h,865000,S,Raine,24/02/2018,3437,Northern Victoria,249,45.9,Macedon Ranges Shire Council +Bundoora,33 Boston Rd,3,h,817000,S,Barry,24/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Bowral Ct,3,h,715000,S,Barry,24/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,40 Carbeen Dr,4,h,921000,S,YPA,24/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Greenwich Cr,3,t,628000,S,Ray,24/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,22 Lauder Dr,3,h,666600,S,Langwell,24/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Sundew St,4,h,,PI,HAR,24/02/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,5 Wills Tce,3,h,660000,S,YPA,24/02/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,14 Delany Av,3,h,1725000,S,Ray,24/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 Peacock St,4,h,1661000,S,Buxton,24/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,64 Somers St,3,h,1510000,S,Lindellas,24/02/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,33 Davis St,7,h,,SN,McGrath,24/02/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,37 Lorraine Dr,3,h,,SN,Noel,24/02/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,1 Acacia St,4,h,,S,Kay,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,23a Acheron Av,4,t,2475000,VB,Jellis,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/18 Allambee Av,3,t,,S,Jellis,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/19 Alma Rd,2,u,,SN,RT,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Barkly St,3,h,1670000,S,Jellis,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/6 Davis Av,3,t,1975000,S,Jellis,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,30 Fairview Av,2,h,1550000,VB,Marshall,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Maple Cr,4,h,2200000,VB,Marshall,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,28 Milverton St,4,h,2000000,VB,Marshall,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,44 Moorhouse St,3,h,1550000,VB,Marshall,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Morey St,4,h,2700000,S,The,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,11 Outlook Dr,4,h,1625000,S,Jellis,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,29 Oxford St,3,h,1888000,S,Buxton,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,23 Radnor St,3,h,,SP,Marshall,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,674 Riversdale Rd,3,h,,SP,Buxton,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1088 Toorak Rd,3,h,,VB,Marshall,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Weafgreen Ct,5,h,2650000,VB,hockingstuart,24/02/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5 Boronia St,3,h,2430000,S,Marshall,24/02/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,7 Rochester Rd,5,h,2900000,VB,Jellis,24/02/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,70/121 Rathdowne St,2,u,685000,S,hockingstuart,24/02/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,296 Canning St,3,h,,PN,Nelson,24/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,3/867 Rathdowne St,2,u,695000,S,Nelson,24/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,909 Rathdowne St,3,h,1700000,VB,Nelson,24/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,485 Station St,3,h,,PI,Nelson,24/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,10 Sutton St,2,h,1030000,S,Nelson,24/02/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,4 Edgewood St,3,h,1410000,S,Jellis,24/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/4 Kokaribb Rd,2,u,,S,Jellis,24/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/258 Koornang Rd,3,u,920000,S,Ray,24/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/34 Madden Av,2,u,601000,S,Gary,24/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,58 Rosanna St,5,h,1630000,S,Marshall,24/02/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,18 Streeton Av,4,h,725000,SP,Barry,24/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,5/106 The Esplanade,3,t,570000,PI,Barry,24/02/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2/32 Valetta St,3,h,788000,S,Ray,24/02/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,13 Goshawk Ct,3,h,,SN,Harcourts,24/02/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,35 Redgum Av,4,h,,W,Just,24/02/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,4 Moodie St,3,h,1520000,S,hockingstuart,24/02/2018,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,4/506 Dandenong Rd,3,u,650000,S,Gary,24/02/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,510 Dandenong Rd,3,h,,SN,Gary,24/02/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,48 Sycamore St,4,h,1605000,PI,Gary,24/02/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,69 Teak St,2,h,1101000,S,Gary,24/02/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1 Bosco St,5,h,,VB,Buxton,24/02/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,15 Gateway Cl,3,t,765000,S,Woodards,24/02/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/54 Margot St,4,u,,PI,Ray,24/02/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,113 Power Av,2,h,,PI,Buxton,24/02/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,4/28 Rae St,3,t,860000,S,Ray,24/02/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,12 Bath St,3,h,1870000,S,Biggin,24/02/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,3/2 Bayliss St,2,t,682000,S,O'Brien,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11/250 Charman Rd,2,u,450000,PI,Ray,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/18 Garfield St,2,t,750000,S,Ray,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,40 Hibiscus Av,4,h,1180000,S,hockingstuart,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5/14 Jellicoe St,2,u,653000,S,Buxton,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Joami St,2,t,880000,S,O'Brien,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/95 Park Rd,4,h,1125000,SP,Buxton,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Primrose Av,3,t,790000,S,Buxton,24/02/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,137 Botanica Dr,4,h,830000,SP,C21,24/02/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,4 Allambi Ct,4,h,990000,S,C21,24/02/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,3/22 Stockdale Av,4,t,800000,S,Ray,24/02/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1 Granville Gr,3,h,1100000,S,Buxton,24/02/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,5 George St,2,h,,S,Collins,24/02/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,189 Queens Pde,3,h,1330000,S,Nelson,24/02/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,428 Wellington St,4,h,1369000,S,Ray,24/02/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,6 Wright St,4,h,2000000,S,Nelson,24/02/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,50 Abeckett St,3,h,1100000,VB,Nelson,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,10 Bruce St,4,h,1300000,S,Barry,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Caton Av,3,h,1200000,PI,Raine,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,35 Huntington Gr,4,h,,S,Nelson,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,127 Nicholson St,3,h,865000,S,Barry,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,12 Queen St,2,h,,PN,Peter,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,25 Service St,3,h,1238000,S,Ray,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,36 Stockade Av,4,t,1082000,S,Woodards,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,171 The Avenue,3,h,1035000,S,Nelson,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,7A Younger St,3,h,810000,VB,Brad,24/02/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,7 Albert St,4,h,745000,PI,Brad,24/02/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,43 Newlands Rd,3,h,,SP,Jellis,24/02/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,813 Sydney Rd,4,h,1425000,S,Stockdale,24/02/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,149/158 Smith St,2,u,630000,SP,Alexkarbon,24/02/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,149/185 Smith St,2,u,630000,SP,Alexkarbon,24/02/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,305/28 Stanley St,2,u,,S,Jellis,24/02/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,18 Baronial Wy,4,h,715000,S,Ray,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Bertrand Ct,3,h,535000,PI,Barry,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Braveheart Rd,3,h,455000,S,Barry,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Braveheart Rd,3,h,438000,S,Barry,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Farnham Ct,3,h,542000,S,YPA,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Holman Av,3,h,594000,S,Barry,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Humber St,4,h,520000,VB,Barry,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,53 Loudon Cct,3,h,472000,S,Skad,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Northumberland Cct,3,h,515000,S,Barry,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4/7 Walters St,2,u,,PI,Hodges,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,54 Wattletree St,4,h,710000,S,Ray,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,78 Wisteria Av,4,h,583000,S,Ray,24/02/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,16 Walter St,3,h,686000,S,O'Brien,24/02/2018,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cremorne,125 Cubitt St,3,h,1285000,S,Biggin,24/02/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,3/98 Dover St,3,t,1277000,S,Jellis,24/02/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,6 Field St,3,h,830500,S,Jellis,24/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Wallara Cr,4,h,,W,McGrath,24/02/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,12 Grange Tce,4,h,1010000,S,McGrath,24/02/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon Hills,12 Mari Tce,3,h,960000,S,Hoskins,24/02/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,23 Faraday Rd,2,h,555000,S,Walshe,24/02/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,11A Lucille Av,4,t,915000,S,Noel,24/02/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,50 Mariana Av,4,h,,PI,Fletchers,24/02/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,37 Rubicon St,3,h,440000,SP,Raine,24/02/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/60 James St,5,t,,VB,Hall,24/02/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,32 Kynoch St,4,h,,W,YPA,24/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,9 Loxwood Ct,4,h,,SS,Barry,24/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,8 Soame St,3,h,,W,FN,24/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,53 Welwyn Pde,4,h,740000,SP,Sweeney,24/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,69 Welwyn Pde,3,h,580000,S,Barry,24/02/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,45 Pembroke Cr,4,h,695000,S,Barry,24/02/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,21 Kingsland Cl,3,h,812000,S,Buxton,24/02/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,11 Seaton Dr,4,h,760000,PI,Ray,24/02/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,86 Ayr St,3,h,890000,S,Barry,24/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,48 Dunoon St,3,h,1350000,SP,Jellis,24/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,36 Rathmullen Qd,4,h,1575000,PI,Ray,24/02/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,5 Bernadette Ct,3,h,1140000,VB,Jellis,24/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Duckett St,3,h,1250000,PI,Jellis,24/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,74 Landscape Dr,4,h,1630000,S,Barry,24/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Watling Tce,4,h,1400000,PI,Barry,24/02/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6 Cabena St,3,h,1262000,S,Barry,24/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,10 Ellerton Ct,5,h,1898000,S,Ray,24/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,31 Larne Av,4,h,,PI,Philip,24/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,115 Mitcham Rd,3,h,,SS,Philip,24/02/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,13 Kossatz Tce,4,h,670000,S,Millership,24/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,34 Landing Av,3,h,507000,S,Ray,24/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,9 Peterborough Dr,3,h,500000,SP,Philip,24/02/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,12 Box St,3,h,670000,S,Hall,24/02/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,3 Cercis Ct,3,h,,SP,Hall,24/02/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,47 Agnes St,3,h,,SP,Castran,24/02/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,63 Field Av,4,h,962000,S,Property,24/02/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,12 Murray St,3,h,1490000,VB,Gary,24/02/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,88 Bible St,4,h,1200000,S,Flannagan,24/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/137 Bolton St,3,h,672200,SP,Buckingham,24/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,6 Crofton Ct,4,h,830000,S,Darren,24/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,16 Fay St,3,h,1285000,S,Morrison,24/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/64 Pitt St,4,h,1340000,S,Buckingham,24/02/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,2 Murrindal Cl,3,h,925000,S,Jellis,24/02/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,7/25 Clarke St,1,u,507500,S,McGrath,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/26 Dickens St,2,u,951000,S,Chisholm,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,13/131 Glen Huntly Rd,1,u,468000,S,Biggin,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/14 Milton St,2,u,680000,PI,Buxton,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,68 Milton St,4,h,,SP,Chisholm,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/130 Mitford St,2,u,600000,SP,hockingstuart,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/40 Ormond Rd,1,u,405000,VB,hockingstuart,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/94 Tennyson St,3,u,,VB,Biggin,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/7 Vautier St,2,u,852500,S,Ray,24/02/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,10 Barnsley Dr,6,h,1070000,S,One,24/02/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,2 Freeman Ct,3,h,770000,PI,Harcourts,24/02/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,17 Athena Pl,5,h,,SN,Love,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Baystone Rd,3,h,585000,S,Love,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Buckland Cr,3,h,620000,S,HAR,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Coleraine St,4,h,,PI,HAR,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Dunolly St,4,h,681000,SP,Stockdale,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,75 Grand Pde,4,h,795000,PI,Nelson,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4/26 Houston St,2,u,397500,S,Ray,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 McFarlane Cr,3,h,560000,S,Love,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Savannah Cr,3,h,530000,S,HAR,24/02/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,60 Elder Pde,2,h,950000,VB,Brad,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/28 Gilbertson St,2,u,750000,S,Barry,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,89 Glass St,3,h,2125000,S,McDonald,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,20 McCarron Pde,4,h,2150000,PI,Nelson,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9/332 Pascoe Vale Rd,2,u,399000,S,Brad,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/58 Richardson St,2,u,627000,S,Nelson,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/12 Schofield St,2,u,525000,S,Frank,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/3 Violet St,2,u,502000,S,Brad,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9 Warner St,3,h,1162500,SP,Brad,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/11 Willow St,3,t,745000,S,Frank,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/137 Woodland St,1,u,425000,S,Nelson,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/16 Woodvale Gr,2,h,515000,SP,Nelson,24/02/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,8A Salisbury St,2,h,710000,SP,Nelson,24/02/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,28B Emerald St,4,t,800000,VB,Nelson,24/02/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,33 Emerald St,3,h,,PI,Brad,24/02/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,24 Ruby St,4,h,1365000,S,Nelson,24/02/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,90 Gillies St,4,h,1510000,PI,Jellis,24/02/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,10 Rathmines St,3,h,1275000,SP,Jellis,24/02/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,69 Marlborough St,4,h,879500,PI,Raine,24/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,25 William St,3,h,728000,S,Ray,24/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,33 Wymlet St,3,h,662500,PI,McGrath,24/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Yuroke St,3,h,686000,S,Stockdale,24/02/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,42 Moira Av,3,t,636000,S,Stockdale,24/02/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,71 Bell St,3,h,,PI,Nelson,24/02/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,12/40 St David St,3,u,1227000,S,Jellis,24/02/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,1/210 Miller St,2,u,,S,Nelson,24/02/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,5/180 Queens Pde,2,t,1150000,SP,Chambers,24/02/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,353 Rae St,2,h,1362500,S,Nelson,24/02/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2/25 Brixton St,1,u,272500,S,LITTLE,24/02/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,22 Crown St,2,h,850000,VB,Jellis,24/02/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,105 Eleanor St,3,h,945000,S,Jas,24/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/5 Gordon St,2,u,375500,SP,Woodards,24/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11/49 Hyde St,2,u,450000,S,McGrath,24/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/1 Leander St,2,t,660000,PI,Jas,24/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,21 Stafford St,3,h,931000,SP,Jas,24/02/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,7/265 Canterbury Rd,2,u,675000,SP,Fletchers,24/02/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4/440 Canterbury Rd,3,u,,SP,Noel,24/02/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,3/11 Morloc St,4,t,,PI,Barry,24/02/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,2A Olive Gr,2,h,600000,VB,hockingstuart,24/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,52 Orwil St,3,h,,SP,Ash,24/02/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,31 Hoadley Av,3,h,820000,SA,hockingstuart,24/02/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,28 Magnolia Rd,4,h,883000,S,McGrath,24/02/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,10 Byfield Cl,3,h,660000,SP,Barry,24/02/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,9 Galway Gr,4,h,,PI,Brad,24/02/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,5 Milton Pl,3,h,659000,S,YPA,24/02/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,55 The Circuit,3,h,630000,SP,Barry,24/02/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,9 Aintree Rd,3,h,2300000,VB,hockingstuart,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,25 Barina Rd,4,h,,S,RT,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Brixton Ri,4,h,,S,Marshall,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11A Creswick St,3,h,1480000,S,Marshall,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/5 Creswick St,3,t,1360000,S,Jellis,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10/1555 High St,1,u,325000,S,Jellis,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7/4 Karana Pl,2,h,921000,S,hockingstuart,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/14 Osborne Av,1,u,295000,VB,Tim,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/44 Osborne Av,3,t,1000000,PI,Noel,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/51 Osborne Av,2,u,706000,S,hockingstuart,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/4 Peace St,2,h,730000,S,hockingstuart,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,34 Renwick St,5,h,,SP,Marshall,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Vears Rd,3,h,1633000,S,Jellis,24/02/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,594 Blackburn Rd,3,h,1045000,SP,Jellis,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,58 Delmore Cr,3,h,1330000,S,JRW,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Garwain Pde,4,h,1280000,S,Fletchers,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Herald Ct,4,h,1250000,VB,Jellis,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Jordan Gr,3,h,1350000,S,Barry,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Kristen Cl,4,h,,PI,Harcourts,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Marcia Ct,3,h,1220000,S,Barry,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Marshall Wy,3,h,,S,Jellis,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Owens Av,4,h,,SN,Harcourts,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Tulloch Gr,5,h,1000000,VB,Harcourts,24/02/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,92 Bindi St,3,h,629000,S,Raine,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,14A Daley St,3,t,610000,S,Stockdale,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/25 Gladstone Pde,2,t,567500,S,YPA,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/55 Gowrie St,3,h,620000,S,Stockdale,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,153 Melbourne Av,4,h,,PI,Stockdale,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/900 Pascoe Vale Rd,3,t,380000,S,Love,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,19 Tarana Av,3,h,835000,S,Nelson,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,53 Tarana Av,3,h,,PI,Nelson,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/82 View St,2,t,,SP,Leased,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,124 Widford St,2,h,,S,Barry,24/02/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,14 Delta Rd,3,h,620000,PI,Darren,24/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9 Haliday Ct,4,h,922000,S,Jellis,24/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8/83 Nell St,2,u,558000,S,Darren,24/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2 Warralong Av,3,h,775000,S,Darren,24/02/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,4/10 Brechin Ct,3,u,495000,SP,Barry,24/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,102 Greenvale Dr,4,h,900000,SP,Raine,24/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Piccadilly Ct,3,h,740000,S,Jason,24/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Simmington Cct,3,h,700000,SP,Stockdale,24/02/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,6 Knole St,3,h,750000,SP,D'Aprano,24/02/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,35 Sutherland St,3,h,851000,SP,Barry,24/02/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,2/21 Alicia St,2,u,870000,PI,Charlton,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4 Avondale St,4,h,2990000,S,Marshall,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,20 Bridge St,4,h,,VB,Hodges,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,33A Earlsfield Rd,2,t,926000,S,Buxton,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,72 Earlsfield Rd,2,h,2220000,S,Buxton,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,88 Linacre Rd,3,h,1500000,VB,hockingstuart,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,22 May St,3,h,2440000,S,Marshall,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,31 Mills St,4,h,,S,Marshall,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,54 Mills St,4,h,,S,hockingstuart,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,14/11 Railway Cr,2,u,615000,SP,Buxton,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10 Swyer St,3,t,1400000,VB,Buxton,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/121 Thomas St,2,u,,S,Marshall,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10 Wales St,3,h,1615000,S,Charlton,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,18 Wave St,3,h,,S,Hodges,24/02/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,16 Belgrave St,3,h,1362500,S,Jellis,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/10 Brook St,1,u,504500,S,Biggin,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,20 Brook St,4,h,,S,Marshall,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,29 Grove Rd,5,h,4630000,S,Marshall,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/53 Grove Rd,2,u,630000,S,Marshall,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/3 Harrison Cr,2,u,635000,S,hockingstuart,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2A Hawthorn Gr,5,h,,SP,Marshall,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/2 Henrietta St,2,u,731000,S,Kay,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/31 Kinkora Rd,1,u,550000,PI,Kay,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,53 Mason St,3,h,1660000,PI,Jellis,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/2 Melville St,2,u,870000,S,Jellis,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/41 Riversdale Rd,1,u,420500,SP,Domain,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/63 Wattle Rd,2,u,770000,PI,Kay,24/02/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,7/36 Anderson Rd,3,t,,S,Jellis,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,18 Bluff St,4,h,3950000,S,Marshall,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1 Harts Pde,3,h,2900000,S,Marshall,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,23A Myrniong Gr,5,h,3789000,S,Woodards,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,182 Rathmines Rd,3,h,,S,Jellis,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,34 Roseberry St,3,h,1650000,VB,Fletchers,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/516 Tooronga Rd,3,h,,PI,Jellis,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,15 Westley St,3,h,1450000,VB,Marshall,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9 Westley St,4,h,,S,Marshall,24/02/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,7/3 Yvonne Ct,2,u,522000,S,Purplebricks,24/02/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,3 Lisgoold St,3,h,,PI,Philip,24/02/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,40 Bronte St,3,h,856000,S,Miles,24/02/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,1/110 Brown St,2,u,805000,S,Miles,24/02/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,77 Buckingham Dr,3,h,1270000,S,Miles,24/02/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2/27 Dalvey St,4,u,1320000,VB,Miles,24/02/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,50 Southern Rd,3,h,858000,S,Ray,24/02/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,2/10 Bardia St,3,t,650000,PI,Ray,24/02/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,1/13 Koitaki Ct,2,h,,SP,Nelson,24/02/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,52 Ashwood Av,3,t,870000,S,Buxton,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Cloyne St,3,h,1280000,PI,Buxton,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/9 Frederico St,3,u,954000,S,Chisholm,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,313/75 Graham Rd,2,u,623000,S,Buxton,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Henry St,3,h,1046000,S,Hodges,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,38 Nicol St,4,h,1650000,SP,Buxton,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,30 Rose St,3,h,1482000,S,hockingstuart,24/02/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,15 Ahmet Pl,3,h,605000,S,Barry,24/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,20 Bellevue Bvd,4,h,765000,S,Barry,24/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,74 Brindalee Wy,4,h,634000,SP,YPA,24/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 Castlewellan Bvd,6,h,950000,PI,Barry,24/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,11 The Parks,4,h,840000,S,Barry,24/02/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,9 Arundel Ct,3,h,470000,VB,Raine,24/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Branton Rd,3,h,625000,S,YPA,24/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Conifer Cl,4,h,631000,SP,Greg,24/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Talina Cl,3,h,520000,S,Barry,24/02/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/1378 Dandenong Rd,2,u,700000,S,Jellis,24/02/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,18 Swindon Rd,3,h,,SN,Watermark,24/02/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,1/238 Huntingdale Rd,3,u,,SN,Ray,24/02/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,2/114 Bond St,4,h,,VB,Jellis,24/02/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,122 Bond St,4,h,1836000,SP,Nelson,24/02/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,50 Magnolia Rd,3,h,1417500,S,Miles,24/02/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/96 St Elmo Rd,2,u,,SP,Nelson,24/02/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/24 Stortford Av,2,t,,SP,Miles,24/02/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,58 Emu Pde,3,h,600000,VB,YPA,24/02/2018,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,18 Lichfield Av,4,h,600000,PI,Barry,24/02/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,8 Nebula Ct,4,h,,S,Barry,24/02/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,8/250 Sunshine Av,2,u,320000,S,Prof.,24/02/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,50 Campaspe Cr,4,h,780000,S,Nelson,24/02/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,10 Varna Pl,3,h,660000,S,Brad,24/02/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,92 Brees Rd,3,h,800000,VB,Nelson,24/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Cain Ct,4,h,,SP,Nelson,24/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,8 Janet St,3,h,960000,PI,Nelson,24/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,45 Prospect Dr,3,h,775000,S,Brad,24/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorigoleen Dr,3,h,735000,S,Barry,24/02/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,26 Truro Cr,3,h,653000,SP,YPA,24/02/2018,3038,Western Metropolitan,570,15.5,Brimbank City Council +Kensington,130 Bellair St,3,h,1394000,S,Nelson,24/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,33 Epsom Rd,4,h,,S,Nelson,24/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,21 The Ridgeway,3,h,1640000,S,Biggin,24/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2B Wight St,3,t,976000,S,Nelson,24/02/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/5 Asquith St,2,u,,PN,RT,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/184 Brougham St,2,t,,S,Nelson,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/49 Cecil St,3,t,1515000,S,Jellis,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/324 Cotham Rd,3,u,,SP,Jellis,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,38 Denmark St,3,h,1350000,VB,Jellis,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/20 Duke St,2,u,,SP,Nelson,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,100 Edgevale Rd,3,h,,SP,Marshall,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Fellows St,3,h,4650000,PI,Marshall,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Kent St,3,h,,S,Jellis,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,46 Mary St,3,h,,SN,Nelson,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Mawson St,4,h,,S,Jellis,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,137 Mount St,2,h,,S,Marshall,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/48 Princess St,2,u,563000,S,Marshall,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,81 Princess St,4,h,1660000,PI,Jellis,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/87 Studley Park Rd,2,u,,VB,Fletchers,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,118 Walpole St,6,h,2905000,SP,Marshall,24/02/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,165 Belford Rd,5,h,1850000,VB,Marshall,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,50 Bennett Pde,3,h,1765000,PI,Jellis,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/3 Clyde St,2,u,788000,S,Buxton,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,6 Cole Av,3,h,1580000,VB,Jellis,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,4/57 Hartwood St,2,u,725000,S,RT,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,16 Kitchener St,3,h,,SN,Nelson,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,8 Ramsay Av,4,h,2930000,S,Marshall,24/02/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,105 Clarendon Dr,4,h,,S,Barry,24/02/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,29 The Panorama,5,h,,VB,Buxton,24/02/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,1/30 Keats Av,3,u,643000,S,Barry,24/02/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,55 The Fairway,4,h,830000,PI,Barry,24/02/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,160 Queensville St,3,h,1196000,S,Village,24/02/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,40 Coromandel Cr,3,h,870000,PI,OBrien,24/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,31 Peppermint Gr,3,h,,PI,Barry,24/02/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,2 Sutton St,4,h,2900000,PI,Kay,24/02/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,8 Buller Pde,5,h,,PI,HAR,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Dallas Dr,3,h,590000,S,Ray,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/15 Dickens St,3,t,607000,S,Leased,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3/115 Messmate St,2,u,500000,S,Love,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,98 Messmate St,3,h,700000,S,Love,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Padstum Av,3,h,,SN,Barry,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Rosemary Dr,3,h,660500,S,Love,24/02/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,10 Cheverton Rd,3,h,,S,Nelson,24/02/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,4 Keating Ct,5,h,1170000,S,Morrison,24/02/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,3/8 Longs Rd,3,u,650000,S,Miles,24/02/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,2/320 Main Rd,2,u,618000,S,Jellis,24/02/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lysterfield,11 Laanecoorie Dr,3,h,,SN,McGrath,24/02/2018,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +MacLeod,6/82 Dunvegan Cr,2,u,,PI,Darren,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,33 Erskine Rd,4,h,835000,S,Ray,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/73 Greensborough Rd,3,t,820000,S,Jellis,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,19 Lindsay St,3,h,820000,VB,Jellis,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/62 May St,2,u,,PI,Morrison,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,71 McNamara St,2,u,,VB,Jellis,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,8/25 Pottage Cct,3,t,800000,SP,Buckingham,24/02/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,25 Howard St,2,h,671000,SP,Jas,24/02/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4/52 Cawkwell St,3,t,,PI,Jellis,24/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,7/347 Glenferrie Rd,3,u,2000000,PI,RT,24/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,50 Horace St,4,h,2905000,S,Jellis,24/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1177 Malvern Rd,3,h,2025000,VB,Abercromby's,24/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,40a Parslow St,4,h,2750000,PI,Marshall,24/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,54 Wheatland Rd,5,h,,S,Marshall,24/02/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1 Ferncroft Av,3,h,2200000,VB,Marshall,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Finch St,5,h,3680000,S,Marshall,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,67 Kerferd St,3,h,,S,Jellis,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1948 Malvern Rd,4,h,,S,Marshall,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,76 Manning Rd,4,h,,S,Marshall,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 Nirvana Av,4,h,2200000,VB,Marshall,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 The Avenue,4,h,2425000,PI,Marshall,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,27 Turner St,2,h,1040000,S,Jellis,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14/794 Warrigal Rd,3,u,690000,S,Jellis,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,710 Waverley Rd,3,h,1250000,SP,Noel,24/02/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,13 Middle Rd,3,h,1425000,S,Nelson,24/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,307/20 Pier La,2,u,460000,VB,Brad,24/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,50 Village Wy,3,t,637500,SP,Raine,24/02/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,74 Murray Rd,3,h,1755000,PI,Buxton,24/02/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Canadian Ct,3,h,563000,S,Barry,24/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,3a Coorong Ct,3,u,412000,S,HAR,24/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,103 Shankland Bvd,3,h,415000,S,FN,24/02/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1406/250 Elizabeth St,2,u,,SN,LITTLE,24/02/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,352/299 Spring St,2,u,780000,S,MICM,24/02/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,51 Church St,3,h,491000,S,hockingstuart,24/02/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,11 Inez Ct,4,h,500000,SP,PRDNationwide,24/02/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,55 Exford Rd,1,h,,VB,FN,24/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,41 Monash St,3,h,330000,PI,YPA,24/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,16 Toolern St,3,h,1152000,S,Barry,24/02/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,1 Kashmir Pl,3,h,371000,S,Reliance,24/02/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,63 Albenca St,3,h,770000,PI,Buxton,24/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/210 Balcombe Rd,2,u,667000,S,Hodges,24/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,36 Beach Rd,3,t,2006000,S,Buxton,24/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,13 Logan Ct,4,h,1155000,PI,Buxton,24/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8/57 Milan St,2,u,603000,PI,Hodges,24/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/87 Nepean Hwy,3,t,813000,S,Thomson,24/02/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Menzies Creek,15 Church Rd,4,h,,SS,Kaye,24/02/2018,3159,Eastern Victoria,342,32.6,Cardinia Shire Council +Mernda,12 Friesian St,4,h,535000,S,HAR,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,4 Jane Ct,3,h,585000,SP,RW,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Lupin St,4,h,642500,S,RW,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Sapling Pl,5,h,745000,S,HAR,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Softwood Dr,3,h,570000,S,Buckingham,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,6 Uccello Wy,3,h,600000,S,Millership,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,99 Waterview Dr,3,h,615000,S,Ray,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,105 Wellington St,3,h,551000,S,Barry,24/02/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,33 Canterbury Rd,6,h,5575000,S,Marshall,24/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,45 Erskine St,3,h,1711000,S,hockingstuart,24/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,108 Hambleton St,3,h,3750000,SA,Greg,24/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,123 Hambleton St,3,h,1720000,S,Greg,24/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,22 McGregor St,3,h,3250000,S,Greg,24/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,123 Neville St,3,h,1712000,S,Greg,24/02/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/1 Allwyn Cr,3,h,530000,SP,RW,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,26 Freeman Cr,3,h,612500,S,Stockdale,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Greenway Dr,5,h,815000,S,HAR,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,34 Redleap Av,4,h,722000,S,Ray,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,97 Redleap Av,4,h,,PI,The,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,74 Roycroft Av,3,h,585000,SP,Ray,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,73 Veronica Cr,3,h,728000,S,Barry,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Warburton Ct,4,h,708000,S,Ray,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Westleigh Ct,3,h,750000,S,Barry,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Worgan Cl,3,h,715000,S,HAR,24/02/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,9 Fellows St,3,h,1600000,VB,Noel,24/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4 Highland Av,4,h,945000,PI,Ray,24/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15 Nara Rd,3,h,1070000,VB,Noel,24/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,13 Nymph St,4,h,,VB,Noel,24/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,52 Owen St,4,h,,S,Noel,24/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,12 Rupert St,3,h,,SP,Noel,24/02/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7 Gordon St,3,h,1600000,PI,Woodards,24/02/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,50 Adam Cr,4,h,885000,S,Buckingham,24/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,11 Luisa Ct,5,h,1180000,S,Jellis,24/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/45 Para Rd,2,u,505000,S,Buckingham,24/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,119 Rattray Rd,3,h,931500,S,Jellis,24/02/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,10 Albert St,2,h,750000,VB,Nelson,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,21 Davies St,3,h,1300000,VB,Nelson,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,26 Derby St,3,h,,SN,Barry,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2 Hartnett Ct,4,h,,PI,Brad,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,39 Hinkins St,2,h,795000,S,Nelson,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,108/525 Mt Alexander Rd,1,u,352000,SP,McGrath,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,602/701 Mt Alexander Rd,2,u,745000,S,Frank,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,53 Ormond Rd,2,h,850000,VB,Brad,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,104 Park St,5,h,2760000,S,Nelson,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/48 Scotia St,2,u,495000,S,Nelson,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/243 Union Rd,2,t,895000,SP,Brad,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,38 Vine St,2,h,1440000,S,Nelson,24/02/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,16 Clay St,4,h,1337000,S,Woodards,24/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,20b Grandview Gr,4,t,1250000,VB,Buxton,24/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,11 Margaret St,4,t,,PI,Barry,24/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,38 Marrbridge Rd,4,h,1210000,PI,Buxton,24/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,150 Rowans Rd,3,h,1080000,S,Ray,24/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,5 Stayner Gr,3,h,1250000,SA,Buxton,24/02/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,17 Coolabah St,3,h,630000,S,Barry,24/02/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,3 Fiona Ct,3,h,,SN,McGrath,24/02/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,15 Shakespeare Av,4,h,,PN,Methven,24/02/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,107 Taylor Rd,4,h,922000,S,LJ,24/02/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,15 The Briars,3,h,665000,S,Fletchers,24/02/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,1/16 Chute St,3,h,916000,S,Hodges,24/02/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,4 Banfield Sq,5,h,,PI,Buxton,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,49 Bruce St,5,h,1760000,PI,Jellis,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Esperance Rd,4,h,,PI,Harcourts,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,188 Lawrence Rd,3,h,1300000,S,Buxton,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Lemon Gr,5,h,1430000,S,Jellis,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,34 Park Rd,4,h,,S,Marshall,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,26 Princetown Rd,4,h,1870000,S,Jellis,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Quaintance St,4,h,1450000,S,Barry,24/02/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,38 Brunton Cr,3,h,760000,S,Ray,24/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,34 Florey Cr,4,h,,VB,Buxton,24/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,66 Kambara Dr,3,h,,PI,Fletchers,24/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,19 Ling Ct,4,h,1019500,S,Buxton,24/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,4 Locarno Ct,5,h,1130000,PI,Win,24/02/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,19 Brett St,3,h,1350000,S,Woodards,24/02/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,43b Kinlock Av,3,t,1325000,S,Buxton,24/02/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/44 Omama Rd,3,t,1227500,S,Thomson,24/02/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,12 Wahroongaa Cr,3,h,,SN,Ray,24/02/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,40 Anderson St,4,h,1085000,S,McGrath,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,27 Elizabeth St,3,h,975000,VB,Williams,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,36 Gordon St,4,t,1180000,SP,Sweeney,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,13 Holland Ct,2,h,895000,S,Raine,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,71 Mason St,3,h,860000,S,Purplebricks,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,19 Oxford St,3,t,1000000,PI,Williams,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,15 Steele St,4,h,1150000,S,Williams,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,45 Woods St,3,h,1237500,S,Greg,24/02/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,94 Hotham Rd,3,h,920000,PI,Barry,24/02/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,17 Ryder St,3,h,1135000,S,Nelson,24/02/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/23 Bowmore Rd,3,u,475000,S,C21,24/02/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1281 Heatherton Rd,3,h,742500,S,Le,24/02/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,6/49 Brougham St,1,u,,VB,Jellis,24/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,9 Chapman St,2,h,,PI,Alexkarbon,24/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,59 Stawell St,2,t,,VB,Jellis,24/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,304/394 Victoria St,2,u,1100000,SP,Alexkarbon,24/02/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,101 Beaconsfield Pde,3,h,1300000,PI,McGrath,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,13 Charles St,2,h,1050000,PI,McGrath,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,77 Gladstone Av,2,h,1266000,SP,Jellis,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16 Helen St,4,h,1930000,SP,Jellis,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,38 Howitt St,3,h,,S,Jellis,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Main St,2,h,1380000,S,Nelson,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/2 Northcote St,2,t,715000,SP,Jellis,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Plant St,4,h,1950000,VB,Nelson,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,82 Thomson St,4,h,1822000,S,Nelson,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Vauxhall Rd,4,h,2190000,S,McGrath,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7/162 Westgarth St,2,u,623000,S,Nelson,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,37 Zoe Cct,2,h,,S,Nelson,24/02/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,8/22 Mount Pleasant Rd,1,u,414000,S,Ray,24/02/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,9 Nott St,3,t,900000,SA,Philip,24/02/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,4 Draska Ct,3,h,790000,VB,Brad,24/02/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/37 Rhodes Pde,1,u,363000,S,Nelson,24/02/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,4 Best St,4,h,1580000,S,Buxton,24/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/14 Gadd St,3,t,,VB,Buxton,24/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,3/5 Heath Av,4,t,1025000,PI,Barry,24/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/3 Tamar Gr,3,u,867000,S,Buxton,24/02/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,59 Carmichael Rd,3,h,1180000,S,Buxton,24/02/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,3/13 Claudel St,3,t,800000,SP,First,24/02/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/15 Tullius Av,3,t,,S,Ray,24/02/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,7B Olinda Gr,3,t,,S,Buxton,24/02/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,37 Dalmor Av,3,h,1620000,S,Buxton,24/02/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,4/117 Como Pde E,2,u,501000,S,Whiting,24/02/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/146 Lower Dandenong Rd,3,u,705000,SP,Buxton,24/02/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/34 Austin Cr,2,t,598000,S,Brad,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/20 Bristol Rd,4,t,750000,SP,Ray,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,120 Cumberland Rd,5,h,,PN,Peter,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Heathcote St,3,h,1006000,S,Raine,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,18 Kevin St,4,h,1300000,VB,Brad,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/83 Park St,2,t,560000,S,Barry,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,45 Pleasant St,3,h,1040000,S,Nelson,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,21 Tangyes St,4,h,860000,S,Nelson,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3 Warwick Rd,2,h,,S,Nelson,24/02/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,24 Goulding Dr,3,h,700000,SP,YPA,24/02/2018,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,27 Cooinda Wy,4,h,740000,S,hockingstuart,24/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,54 Fongeo Dr,5,h,717760,S,MICM,24/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,36 Santander Cr,4,h,811000,S,LJ,24/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 The Esplanade,3,h,620000,PI,Sanctuary,24/02/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,142 Beach St,4,h,2300000,PI,Biggin,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,504/155 Beach St,3,u,2100000,VB,Cayzer,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,106/89 Beach St,2,u,,S,Hodges,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,506/89 Beach St,2,u,,PN,Biggin,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1/29 Beaconsfield Pde,3,u,2610000,S,RT,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,58 Clark St,3,h,,S,Marshall,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,606/93 Dow St,2,u,852000,S,Hodges,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,24 Drysdale St,2,h,,S,Marshall,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,243 Graham St,2,h,1150000,VB,Greg,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11 Morley St,3,h,1735000,SP,Biggin,24/02/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,28 Bowen St,2,h,,S,hockingstuart,24/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/50 Chomley St,3,h,,SP,hockingstuart,24/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,309/15 Clifton St,1,u,370000,PI,Nelson,24/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,61 Murray St,3,h,2500000,VB,Marshall,24/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,18 Park Rd,3,h,1460000,PI,Rodney,24/02/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5A Carlisle St,3,t,840000,S,Jellis,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24 Elm St,3,h,,SP,RW,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Evelyn St,5,h,1570000,SP,McGrath,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,260 Gilbert Rd,4,h,1495000,PI,Woodards,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,37 Gordon Gr,3,h,950000,PI,Rendina,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Hawker Av,4,h,1530000,PI,Barry,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5/853 High St,2,t,630000,SP,Holland,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6/4 James St,2,u,515000,S,Barry,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Leicester St,3,h,,SP,RW,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/584 Murray Rd,2,u,500000,PI,Nelson,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,85 Youngman St,3,h,880000,PI,Woodards,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,93 Youngman St,4,h,1300000,PI,hockingstuart,24/02/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,21 Valley Rd,4,h,930000,S,Jellis,24/02/2018,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,401/20 Bedford St,2,u,420000,PI,Harcourts,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,69 Boldrewood Pde,3,h,,VB,Nelson,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Broadhurst Av,4,h,950000,S,Ray,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Chenies St,4,h,785000,PI,Nelson,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/71 Crookston Rd,2,u,455000,S,Nelson,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Darebin Bvd,3,h,935000,S,HAR,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/14 Epstein St,2,u,490000,PI,Love,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Epstein St,4,h,,SN,McGrath,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,37 Gilbank St,3,h,1285000,S,Nelson,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/127 Hickford St,2,u,640000,S,Stockdale,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/1 McCrae St,3,t,655000,SP,Nelson,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/37 Oconnor St,2,u,515000,S,Barry,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Rathcown Rd,5,h,,S,Ray,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/45 St Vigeons Rd,2,t,,SP,RW,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,127 Wilson Bvd,4,h,,S,Nelson,24/02/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,104 Bendigo St,2,h,1185000,S,Biggin,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 Gipps St,3,h,1777500,S,Biggin,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,406/8 Howard St,2,u,,SP,Jellis,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,17 Johnson St,3,h,,SP,Marshall,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,109 Lord St,2,h,925000,PI,hockingstuart,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,67B Lord St,2,u,,S,Marshall,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,108/381 Punt Rd,2,u,770000,VB,Jellis,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,29/24 Tanner St,2,u,969000,S,Jellis,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12 Waltham St,3,h,1930000,SP,Jellis,24/02/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,49B Ford St,3,t,845000,S,Philip,24/02/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,7A Hobart St,3,t,1110000,SP,Jellis,24/02/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,9 Bronhill Rd,3,h,830000,S,Fletchers,24/02/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3/14 Illoura Av,2,u,701000,S,Jellis,24/02/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/29 Kemps St,3,u,,VB,voglwalpole,24/02/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,37 Through Rd,3,h,991888,S,Barry,24/02/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,7/3 Quat Quatta Av,1,u,320000,SP,Gary,24/02/2018,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,31 Kathleen St,4,h,1125000,PI,Nelson,24/02/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/54 St Andrews Av,2,h,750240,SP,Nelson,24/02/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,21 Dalmatia Ct,4,h,981000,SP,OBrien,24/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,19 Ling Dr,4,h,920000,SP,Harcourts,24/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,1378 Stud Rd,5,h,1055000,S,Barry,24/02/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,29 Boyden Sq,3,t,455000,S,RW,24/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Gathray Ct,4,h,660000,S,YPA,24/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,2 Kingdom Ct,5,h,,W,YPA,24/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,88 Lakeside Dr,3,h,620000,S,Raine,24/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,11 Nowell Ct,4,h,576000,S,HAR,24/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,8 Parkinson Wy,3,h,622000,S,Stockdale,24/02/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,3 Carew St,2,h,1790000,S,hockingstuart,24/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,70 Grange Rd,3,t,1450000,S,Buxton,24/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9 Holzer St,4,h,,S,Marshall,24/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/9 Waltham St,2,u,700000,VB,Ray,24/02/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,103 Berrabri Dr,4,h,1358000,S,Barry,24/02/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,3/15 Duncan Av,2,u,420000,SP,Harcourts,24/02/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,66 Waters Dr,3,h,850000,SP,hockingstuart,24/02/2018,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,38 Alfred St,3,h,,S,hockingstuart,24/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,3/1 Florence St,2,h,900000,PI,hockingstuart,24/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,23 Seddon St,3,h,,S,hockingstuart,24/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,5 Seddon St,2,h,1120000,SP,Village,24/02/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1212/38 Bank St,2,u,790000,S,Greg,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,219 Cecil St,3,h,1750000,S,Frank,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,445 Clarendon St,3,h,1720000,S,Marshall,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,2/238 Ferrars St,2,t,1050000,VB,Marshall,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,70 Nelson Rd,4,h,1840000,S,Marshall,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,601/97 Palmerston Cr,1,u,,SP,Greg,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1105/148 Wells St,3,u,846000,S,Greg,24/02/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,8 Fitzgerald Dr,4,h,665000,S,Barry,24/02/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,228 Gordons Rd,5,h,,PI,HAR,24/02/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,4/110 Caroline St,2,u,725000,S,Ray,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/12 Copelen St,2,u,1280000,S,Kay,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10 Cromwell Cr,3,h,,S,Jellis,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/63 Darling St,3,u,1380000,VB,Kay,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1 Moore St,3,h,1720000,PI,Jellis,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,54 Oban St,3,h,2855000,PI,Jellis,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/399 Toorak Rd,2,u,800000,PI,Rodney,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,907/3 Yarra St,2,u,825500,SP,hockingstuart,24/02/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,9/46 Clarendon St,3,u,728500,S,MICM,24/02/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,2010/118 Kavanagh St,2,u,,SP,MICM,24/02/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,611/250 St Kilda Rd,3,u,2685000,S,Abercromby's,24/02/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,7A Ferguson St,4,h,895000,VB,Jas,24/02/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,2/17 Loller St,2,u,,PI,Barry,24/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,31 Phillip Av,3,h,650000,SP,RW,24/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,48 Sullivan St,4,h,,PI,Barry,24/02/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,63 Lovell Dr,4,h,676000,S,Barry,24/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Mark St,3,h,641000,S,YPA,24/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/1 Station Av,3,t,520000,PI,Barry,24/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,139 Taylors Rd,4,h,680000,S,Barry,24/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6A Thorndon Dr,3,h,635000,PI,Burnham,24/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,69 Walmer Av,2,h,,S,Barry,24/02/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,33 Tamboon Dr,4,h,890000,VB,Darren,24/02/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,19 Bath St,2,h,,SP,Marshall,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/80 Blessington St,2,u,595000,S,Whiting,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/160 Chapel St,2,h,722000,S,Marshall,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,60 Chaucer St,3,h,,SN,Wilson,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/39 Eildon Rd,1,u,540000,S,Buxton,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/14 Inkerman St,1,u,387000,S,Gary,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9A Neptune St,2,h,920000,S,Whiting,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18/11 Redan St,2,u,670000,VB,hockingstuart,24/02/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,31a Carnarvon Rd,4,h,1671000,S,Nelson,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/49 Dublin Av,3,u,895000,S,McDonald,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,73 Kernan St,4,h,1540000,VB,Nelson,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,70 Lebanon St,4,h,1480000,PI,Considine,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,10 Magdala Av,4,h,2200000,S,Nelson,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,46 Roland Av,4,h,1000000,PI,Considine,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/11 Roslyn St,3,u,,PN,Marvelli,24/02/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,6 Arran Ct,3,h,512500,S,Raine,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,90 Barkly St,4,h,780000,SP,Raine,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,70a Davenport Dr,3,h,,VB,YPA,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,43 Dobell Av,4,h,505000,S,YPA,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Dyson Dr,3,h,557000,S,One,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,102 Phillip Dr,4,h,500000,VB,hockingstuart,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,47 Rees Rd,3,h,556000,S,YPA,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Tanner Pl,3,h,575000,SP,Raine,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,58 The Avenue,4,h,791000,S,Raine,24/02/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,14 Alfred St,4,h,1237500,S,Jas,24/02/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,8 Leonard St,3,h,950000,PI,Douglas,24/02/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,91 Monash St,5,h,1075000,S,Barry,24/02/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,7 Busch St,3,h,700000,PI,Barry,24/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,10 Furlong Rd,3,h,503000,S,Douglas,24/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,40 Warwick Rd,3,h,890000,S,Ray,24/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,31 Westmoreland Rd,3,h,830000,S,Bells,24/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,11A Wiltshire St,3,h,650000,VB,GL,24/02/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,9 Carter St,2,h,740000,PI,S&L,24/02/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,13 Ingram Av,3,h,580000,PI,Barry,24/02/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1 Warmington Rd,3,h,,PN,FN,24/02/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,56 Croydon Rd,3,h,1750000,VB,Jellis,24/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,22 Empress Rd,4,h,,S,Marshall,24/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/20 Thornton Av,2,u,958000,S,Philip,24/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/4 Wells St,2,u,,SP,Jellis,24/02/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,8 Brogil Wk,6,h,665000,PI,Barry,24/02/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,3 Steamtrain Cl,5,h,683000,S,Barry,24/02/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,1/57 Victoria Rd,3,u,477500,S,Prof.,24/02/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Lakes,7 Brusell Cl,4,h,1226000,S,Ryder,24/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,5 Hanslow Wy,4,h,810000,S,Barry,24/02/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,7 Larnaca Ct,4,h,1700000,S,Jellis,24/02/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,14 Matisse Dr,4,h,1316000,S,Barry,24/02/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,24 Bilby St,4,h,1030000,S,Fletchers,24/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/223 High St,3,u,1145000,S,Barry,24/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,11/231 High St,3,u,,SN,Woodards,24/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4 Roma Ct,5,h,1350000,PI,Ray,24/02/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,127 Barry Rd,4,h,,PI,Barry,24/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Bates Av,3,h,627000,S,Love,24/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,38 French St,4,h,889000,S,HAR,24/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,6 Glebe Pl,3,h,625000,S,Love,24/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Ryland Pl,4,h,637000,S,HAR,24/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Ziema Ct,3,h,,W,Skad,24/02/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,63a Clarendon St,3,t,1400000,PI,McGrath,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,41 Gooch St,2,h,1105000,S,Nelson,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,98 Hutton St,3,h,1200000,VB,Nelson,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,111 Keon St,3,h,1605500,S,Nelson,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,146 Mansfield St,3,h,1000000,S,Haughton,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,83/337 Station St,2,u,,S,Nelson,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,44 Wales St,3,h,,SP,Nelson,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9/37 Woolton Av,2,u,682000,SP,McGrath,24/02/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,10 Balfour St,3,h,,PN,RT,24/02/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,80A Mathoura Rd,2,t,1025000,SA,RT,24/02/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7 Tahara Rd,3,h,,S,Kay,24/02/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,18 Warra St,5,h,,S,Marshall,24/02/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,37 Mooltan St,3,h,,S,Nelson,24/02/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,53 Rockpool Rd,3,h,,PI,Barry,24/02/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,5/210 Melrose Dr,2,u,482500,SP,Barry,24/02/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,19 Caldwell Rd,4,h,900000,VB,Jellis,24/02/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,13 Consort Av,3,h,,PI,Barry,24/02/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,28 Hartland Rd,3,h,1170000,S,Harcourts,24/02/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,235 Hawthorn Rd,4,h,,PI,Ray,24/02/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,28 Tullimbar Cct,3,h,,S,Jellis,24/02/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,43 Eamon Dr,5,h,1050000,S,Miles,24/02/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,78 Graham Rd,3,h,900000,PI,Nelson,24/02/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,5 Salute Ct,4,h,565000,SP,LJ,24/02/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,35 Ainsdale Av,3,h,755000,S,Le,24/02/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,454 Mountain Hwy,3,h,765000,S,Prof.,24/02/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,13 Roxburgh Rd,3,h,,SN,Noel,24/02/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,11/61 Cathies La,4,t,,W,Harcourts,24/02/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,17 Tanbridge Wy,4,h,1050000,SP,McGrath,24/02/2018,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,292 Greenwood Dr,3,h,741000,S,Barry,24/02/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,3/19 High St,2,u,650000,S,Darren,24/02/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,32 Kenmare St,3,h,840000,VB,Stockdale,24/02/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,27 Byrne Cr,4,h,790000,S,Barry,24/02/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,54 Sellars St,3,h,650000,PI,Darren,24/02/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,48 Conquest Dr,4,h,680000,SP,Greg,24/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Parker St,3,h,880000,S,Ray,24/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,160 Shaws Rd,2,h,,PI,YPA,24/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,27 Sinns Av,5,h,640000,S,Ray,24/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,34 Westleigh Dr,5,h,815000,S,Barry,24/02/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee South,105 Robbs Rd,4,h,640000,S,Scott,24/02/2018,3030,Western Metropolitan,821,14.7,Wyndham City Council +West Footscray,510 Barkly St,4,h,832000,S,Jas,24/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,13 Barton St,4,h,1096000,S,Jas,24/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,30 Gwelo St,3,h,900000,PI,Village,24/02/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,9/11 Anderson St,3,u,,S,hockingstuart,24/02/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,122 Railway Pl,3,t,1150000,S,Jellis,24/02/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,35 Arnside Cr,4,h,675000,S,YPA,24/02/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,2/8 Forman St,4,u,689000,S,YPA,24/02/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,45 Chancellor Dr,4,h,936000,S,Barry,24/02/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,112 Jells Rd,4,h,,PN,Harcourts,24/02/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,20 Mill Ct,3,h,,S,Barry,24/02/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,9 Walden Av,5,h,1400000,S,LLC,24/02/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,13 Kingshott Cl,5,h,2020000,S,Greg,24/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,11/81 Melbourne Rd,2,u,450000,SP,Raine,24/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,24/18 Station Rd,2,u,475000,SP,Greg,24/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,3/2 Thompson St,2,u,520000,VB,Raine,24/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,5 Thompson St,2,h,940000,VB,Williams,24/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,34 Twyford St,3,h,1400000,SP,Sweeney,24/02/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,32 Edina St,3,h,830000,S,hockingstuart,24/02/2018,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,4/16 Lewisham Rd,1,u,440000,SP,Biggin,24/02/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,13 Mary St,4,h,,W,Jellis,24/02/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,10 Alma Rd,4,h,630000,SP,hockingstuart,24/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,27 Birchmore Rd,3,h,500000,PI,Ray,24/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,16 Gunther Wy,4,h,621000,S,hockingstuart,24/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,35 Kingscote Wy,3,h,570000,SP,RW,24/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,15 Rockgarden Wy,3,h,,SP,LJ,24/02/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,78 Bayview Rd,3,h,1101000,S,Jas,24/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,13 Burns St,4,h,1480000,PI,Jas,24/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,29A Murray St,2,h,888000,SP,Sweeney,24/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,147A Severn St,2,t,705000,S,Jas,24/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,12/37 Stephen St,3,h,1140000,SP,hockingstuart,24/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3 Tarrengower St,2,h,1020000,PI,RW,24/02/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,136 Charles St,2,h,1220000,S,Jellis,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,181 Gipps St,2,h,950000,S,Biggin,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,5 James St,3,h,1515000,SP,Jellis,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,11/11 Nicholson St,3,t,1225000,S,Nelson,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,106/56 Nicholson St,1,u,454000,S,Biggin,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,29 Raphael St,1,h,740000,PI,Biggin,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,8/8 Trenerry Cr,3,u,1415000,S,Biggin,24/03/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,2c Batman St,4,t,,S,Rendina,24/03/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,1/5 Derry St,3,h,760000,S,Frank,24/03/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,1/78 Clydesdale Rd,3,t,690000,VB,Nelson,24/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,10 Moorna Dr,4,h,950000,S,Nelson,24/03/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,50 Barrett St,2,h,1323000,S,Chisholm,24/03/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,47 Graham St,2,h,1900000,S,Greg,24/03/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,79 Graham St,3,h,,VB,Marshall,24/03/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,13B Rex Av,3,t,900000,VB,Jellis,24/03/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,3/2 Bracken Gr,2,h,695000,SP,Gunn&Co,24/03/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,38 Burt St,3,h,830000,SP,Barlow,24/03/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,51 Balaclava Av,4,h,717000,SP,Williams,24/03/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,39 Scherman Dr,3,h,665000,PI,Barry,24/03/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,12 Teresa Ct,2,h,560000,S,Barry,24/03/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,29 Marigold Av,3,h,,PI,S&L,24/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,41 Misten Av,4,h,1275000,PI,Sweeney,24/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,114a Seventh Av,3,t,750000,VB,hockingstuart,24/03/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,2/22 Chatsworth Av,3,h,497000,S,Prof.,24/03/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,22 McLaughlin St,3,h,650000,SP,Barry,24/03/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,82 Suspension St,5,h,687000,S,Barry,24/03/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,32 Armadale St,4,h,,S,Marshall,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,12 Baldwin St,2,h,1445000,S,Jellis,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2 Cambridge St,3,h,,S,Jellis,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2 Hume St,3,h,,S,Jellis,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,109 Kooyong Rd,5,h,,PI,Jellis,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,51 Llaneast St,2,h,1700000,VB,Marshall,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,17A Moorhouse St,3,h,4500000,PI,RT,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,25 New St,3,h,1740000,S,hockingstuart,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,18 Valentine Gr,4,h,,S,Jellis,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/40 Wattletree Rd,1,u,470000,VB,Jellis,24/03/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,32 Bloomfield Rd,2,h,1100000,S,Rendina,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,57 Bloomfield Rd,3,h,1150000,PI,Brad,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,112/8 Burrowes St,2,u,500000,SA,Brad,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2A East St,3,t,1015000,S,Nelson,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,14 Newsom St,4,h,2000000,SP,Raine,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7A River Av,3,h,1670000,PI,Jellis,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3/91 St Leonards Rd,3,t,752000,S,Nelson,24/03/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,21 Beatty Cr,3,h,,S,Jellis,24/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,19 Catalina Av,4,h,,PI,Fletchers,24/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,15 Eleanor St,4,h,2115000,S,hockingstuart,24/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,12A Marquis St,3,h,1948000,SA,Buxton,24/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,65 Winton Rd,4,h,,S,Marshall,24/03/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2a Cleveland Rd,3,t,,PI,Buxton,24/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/27 Edmonds Av,2,u,766000,S,Noel,24/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/2 Keats Ct,2,u,1210000,S,Buxton,24/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2 Nolan Ct,4,h,,S,Jellis,24/03/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,12 Carinya Av,5,h,1105000,SP,Property,24/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,4 Connewarra Av,5,h,950000,PI,Hodges,24/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,7 Fourth Av,3,h,,PI,Barry,24/03/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,14 Christina Ct,4,h,860000,S,Moonee,24/03/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,8/85 Grosvenor St,2,u,482500,S,McGrath,24/03/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2/10 Brenbeal St,2,u,782000,S,Jellis,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3 Canyon St,4,h,,VB,Jellis,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,32A Nott St,4,t,,PI,Noel,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/99 Strabane Av,3,u,1200000,PI,Jellis,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8/483 Whitehorse Rd,2,u,521000,S,Ray,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/4 Winmalee Rd,3,u,1550000,S,Noel,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Yarrbat Av,4,h,,SP,Marshall,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,18 Yongala St,4,h,2888000,S,Jellis,24/03/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,46 Aylmer St,4,h,3361000,S,Jellis,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/15 Belmore Rd,3,t,1200000,VB,Noel,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Capella St,4,h,1690000,S,Fletchers,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/55 Corhampton Rd,2,h,737000,S,Fletchers,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Ellendale St,3,h,1700000,S,Marshall,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,35 Fintonia St,4,t,1950000,VB,Mega,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Kelvinside St,4,h,1550000,VB,hockingstuart/Jellis,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/15 Osburn Av,3,u,,VB,Jellis,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/54 Severn St,4,h,,S,Marshall,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,45 Sweyn St,3,t,,VB,Fletchers,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 The Boulevard,6,h,3350000,PI,Fletchers,24/03/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,16 Pine Rd,4,h,820000,S,Biggin,24/03/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,93 Charman Rd,4,h,1386000,S,Bayside,24/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,16 Cromer Rd,5,h,1800000,PI,hockingstuart,24/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/132 Oak St,3,t,1290000,S,Buxton,24/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,83 Oak St,5,h,1570000,S,O'Brien,24/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,12 Parkside St,4,h,1530000,S,hockingstuart,24/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,83 Scott St,4,h,,PI,RT,24/03/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,4/150 Liberty Pde,2,u,660000,SP,Nelson,24/03/2018,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,28a Atkinson St,4,t,1350000,VB,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,18 Bolinda St,4,t,1340000,PI,Gary,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/79 Brewer Rd,4,t,1505000,PI,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,21 Clairmont Av,3,h,1251000,S,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/28 Clairmont Av,3,t,820000,S,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,25a Coates St,3,t,,VB,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,20a Durban St,4,t,1220000,PI,Buxton,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/30 Harding St,3,t,1150000,PI,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,77 London St,4,h,,S,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/26 Loranne St,3,t,1186000,S,Buxton,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,22A McArthur St,3,t,1500000,SP,Gary,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,158A Patterson Rd,3,t,1100000,S,Jellis,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16 Sandra Gr,4,h,1210000,S,Buxton,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,2/34 Scotts St,2,u,880000,S,Woodards,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,41b Somers St,3,t,1585000,S,Buxton,24/03/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,37 Begg St,3,h,1100000,VB,Woodards,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/14 Blenheim St,2,u,562000,S,Buxton,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Bradford St,1,h,1150000,PI,Buxton,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/3 Charles St,4,t,,S,Jellis,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,346 Chesterville Rd,3,h,1183000,S,Hodges,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,39B Gladwyn Av,4,t,,W,Buxton,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/58 Hill St,3,t,905000,S,Buxton,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 Latham St,3,h,950000,PI,Harcourts,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/10 Laurel St,2,t,823000,S,Branon,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4/43 MacKie Rd,2,u,782500,S,Woodards,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,103B Parkmore Rd,5,t,1270000,S,Nelson,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,51A Wards Gr,3,u,870500,S,Gary,24/03/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,4 Bayliss Ct,3,h,800000,VB,Munn,24/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,13 Nullica Ct,3,h,,S,Just,24/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,13 Oldis Ct,4,h,810000,VB,O'Brien,24/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,6 Turner St,4,h,1400000,VB,Peake,24/03/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,25 Ardoyne St,4,h,2517500,S,Buxton,24/03/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,43 Potter St,4,h,,S,Buxton,24/03/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,13/16 Florence St,3,u,1380000,S,McGrath,24/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,21 Francis St,3,h,990000,S,Ray,24/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4/100 Main St,2,u,580000,VB,Nelson,24/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2 Rosalind Cr,3,h,1400000,PI,Elite,24/03/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,16 Camellia St,4,h,1410000,S,Noel,24/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,5 Fairlane Ct,3,h,1000000,VB,Jellis,24/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,570 Middleborough Rd,4,h,,PI,Noel,24/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,122 Shafer Rd,3,h,,S,Jellis,24/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,2 Shafer Rd,3,h,930000,VB,Jellis,24/03/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,2/6 Faulkner St,3,u,735000,VB,Lindellas,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,18 Holroyd Ct,4,h,1227500,S,Woodards,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,33 Lawrence St,3,h,1325000,S,Woodards,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,4 Meadow Ct,3,h,1030000,VB,Jellis,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,22 Monash Gr,5,h,1120000,PI,McGrath,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,7 Pamela Ct,4,h,1120000,SP,Jellis,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Samuel Rd,3,h,1150000,S,Fletchers,24/03/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,4 Milan Ct,2,u,746000,S,Property,24/03/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,4/15 York St,2,u,696500,S,Ray,24/03/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,24 Albert Av,3,h,955000,S,OBrien,24/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,5/25 Albert Av,2,u,510000,S,Biggin,24/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,4 Gideon Cl,4,h,1106000,S,Barry,24/03/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,44 Albion Rd,4,h,1428000,PI,hockingstuart,24/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/27 Bedford St,4,t,930000,S,Stockdale,24/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,61 Combarton St,4,h,1730000,PI,Noel,24/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/39 Dorking Rd,3,u,898000,S,Woodards,24/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,28 Graham Pl,4,h,2780000,S,Buxton,24/03/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,31 Fernside Av,4,h,980000,S,Buckingham,24/03/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,36 Fernside Av,3,h,800000,PI,Morrison,24/03/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,6 Avonbury Ct,4,h,3500000,VB,Marshall,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Baker St,3,h,,SP,Nick,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12/103 Bay St,2,u,,S,Marshall,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Bay St,3,h,,SP,Nick,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Carpenter St,4,h,2625000,PI,Marshall,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/900 Hampton St,2,u,790000,SP,Jellis,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,26 Loller St,3,h,,SP,Nick,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4a Railway Av,3,h,1525000,VB,Chisholm,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/2 Sandown St,3,u,3750000,PI,Marshall,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,69 South Rd,4,h,2870000,S,Marshall,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7A Tennyson St,4,h,3500000,VB,Marshall,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4A Warriston St,3,h,2250000,VB,hockingstuart,24/03/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,34 Bourneville Av,3,h,1600000,VB,Marshall,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,20a Camperdown St,4,h,2450000,PI,Buxton,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,38 Charles St,4,h,,S,hockingstuart,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/58 Cluden St,3,t,,S,RT,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Connor St,5,h,2808000,S,Buxton,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,91 Glencairn Av,3,t,1471000,S,Buxton,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Hurlingham St,5,h,,PI,Hodges,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1 Hurlstone St,4,h,2200000,VB,Gary,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Killeen Av,3,h,2060000,PI,Buxton,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Melosa Av,6,h,1850000,PI,Hodges,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Robinson St,3,h,1481000,S,Hodges,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Studley Rd,2,h,1730000,S,Charlton,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,12 Talofa Av,4,h,2285000,S,hockingstuart,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Wairoa Av,3,h,1850000,S,Buxton,24/03/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,31 Blair St,3,h,540000,PI,YPA,24/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,13 Congram St,3,h,585000,S,Stockdale,24/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/124 Cuthbert St,2,t,390000,SP,Barry,24/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/26 Housden St,3,t,440000,PI,YPA,24/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3 Katunga Cr,3,h,350000,VB,Dingle,24/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/134 Kitchener St,3,u,419000,S,YPA,24/03/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,40 Ironbark Wy,5,h,567000,S,Greg,24/03/2018,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,48 Conifer Av,3,h,,S,Greg,24/03/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,1/24 Primula Av,3,t,,SP,hockingstuart,24/03/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,10/12 Beith St,3,t,820000,VB,Nelson,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,143 Brunswick Rd,3,h,,PN,Walshe,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,281 Brunswick Rd,4,h,,SP,Jellis,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Errol Av,3,h,1330000,S,Barry,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 George St,3,h,1426000,S,Nelson,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 Munro St,3,h,1476000,S,Nelson,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32a Thistle St,3,h,1262000,S,Ray,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,24 Thomas St,2,h,900000,VB,Nelson,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,36 Thomas St,3,h,980000,S,Walshe,24/03/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,50 Barkly St,3,h,2750000,SP,Jellis,24/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,223 Blyth St,3,t,1005000,SP,Woodards/Peter,24/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,154 Glenlyon Rd,2,h,,PI,Woodards,24/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2A Hamer St,2,h,820000,VB,Jellis,24/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2 Sumner St,4,h,1460000,PI,Holland,24/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,15 Weigall St,4,h,,S,Nelson,24/03/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,384 Albert St,3,h,,S,Nelson,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/1 Balfe Cr,2,u,540000,S,Moonee,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/7 Balfe Cr,2,h,710000,PI,Nelson,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,21 Cadman St,3,h,,S,Nelson,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Collings St,3,h,1365000,S,Nelson,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,12 Cornwall St,3,h,925000,VB,Nelson,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,11 Wales St,4,h,1125000,S,Nelson,24/03/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2 Albany Pl,3,h,1500000,S,Fletchers,24/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/2 Dumossa Av,3,u,930000,S,Jellis,24/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,33 Pinnacle Cr,4,h,,PI,Barry,24/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,27 Rose Av,3,h,938888,S,Jellis,24/03/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,14/2 Ambrose Treacy Dr,4,t,680000,PI,Ray,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1/127 Arthur St,2,u,450000,SP,Barry,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,39 Carolyn Cr,3,h,755000,PI,Barry,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Judith St,3,h,780000,PI,Ray,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Merrivale Wy,5,h,,PI,Ray,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Milford Pl,3,h,,PI,Barry,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,28 Warrenwood Pl,3,h,732000,S,Barry,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Winterhill Lk,4,h,1145000,S,Ray,24/03/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,53 Parkes Wy,5,h,,W,YPA,24/03/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,17 Brockhoff Dr,3,h,,VB,Buxton,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Chandler Gr,5,h,1315000,PI,Buxton,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,6 Cumming St,3,h,1350000,S,Ray,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,10 Goold St,3,h,,S,Buxton,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,41 Morton Rd,3,h,,S,Buxton,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,6/16 Somers St,2,u,,S,Buxton,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,29 Summit Rd,4,h,,PN,@Realty,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/277 Warrigal Rd,3,t,,PI,RT,24/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,1/1 Robinson Dr,3,t,,SN,Biggin,24/03/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,7/3 Acheron Av,2,u,567500,S,Woodards,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/56 Athelstan Rd,4,h,1800000,VB,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12a Bringa Av,3,u,1490000,S,Noel,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22A Bringa Av,3,h,1700000,S,Ray,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,492 Burke Rd,4,h,2100000,VB,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/488 Camberwell Rd,2,u,979000,S,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,576 Camberwell Rd,3,h,1000000,VB,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,78 Fordham Av,5,h,,VB,RT,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/22 Kalang Rd,3,u,1380000,VB,Jellis,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Lansell Cr,4,h,,VB,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/28 Orange Gr,2,u,930000,S,Jellis,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19 Regent St,4,h,1780000,S,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,707 Riversdale Rd,4,h,2050000,VB,Fletchers,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,25 Wandin Rd,3,h,974000,S,Marshall,24/03/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,25 Balwyn Rd,5,h,,S,Marshall,24/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/56 Faversham Rd,3,t,1580000,S,Jellis,24/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4 Golding St,4,h,1945000,S,Marshall,24/03/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,206/82 Canning St,2,u,580000,VB,Collins,24/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,395 Drummond St,2,h,1320000,PI,hockingstuart,24/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,86 Neill St,3,h,1770000,VB,Nelson,24/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,4/650 Swanston St,2,u,925000,S,Nelson,24/03/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,462 Canning St,3,h,2000000,VB,Nelson,24/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,22 Newry St,3,h,,SP,Nelson,24/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,450 Rathdowne St,3,h,1600000,PI,Nelson,24/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,33 Sutton St,3,h,1750000,PI,Woodards,24/03/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,3/70 Grange Rd,1,u,,SP,hockingstuart,24/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,322 Koornang Rd,3,u,955000,S,Ray,24/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/369 Neerim Rd,2,u,525000,S,Jellis,24/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,17 Walnut St,4,h,1550000,VB,Gary,24/03/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,96 Oakview Pde,3,h,604000,S,Barry,24/03/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,25 Springfield Cl,4,h,580100,S,YPA,24/03/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,21 Stradbroke Gdns,3,h,658000,S,O'Brien,24/03/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,10 Poulson St,2,h,790000,S,Property,24/03/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield East,11 Lord St,2,h,998000,S,Woodards,24/03/2018,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield East,2/3 Lord St,2,h,782000,S,Gary,24/03/2018,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,1/440 Dandenong Rd,3,u,950000,PI,Marshall,24/03/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,1/492 Dandenong Rd,3,u,835000,S,Gary,24/03/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,3/9 Wilks St,2,u,530000,S,Gary,24/03/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,2/147 Sycamore St,2,u,575000,PI,Gary,24/03/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1 Thurloo St,4,t,915000,PI,Buxton,24/03/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2 Newington Pde,3,h,1431000,S,Buxton,24/03/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,1/18 Third Av,3,h,605000,S,Ray,24/03/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,112 Bernard St,4,h,1128000,S,McGrath,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Coape St,4,h,1960000,S,McGrath,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Cobham St,3,h,895000,S,Ray,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,64b Devon St,4,t,1000000,VB,Greg,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,48 Farm Rd,3,h,1240000,S,O'Brien,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/34 Gillman St,2,u,436000,S,Ray,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6/11 Hannah St,2,u,615000,S,Ray,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/41 Harpley St,2,t,,S,Marshall,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,23 Hibiscus Av,4,h,1025000,S,Thomson,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,37 Oak Av,3,h,850000,S,hockingstuart,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24a Paul St,3,t,,PI,Chisholm,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Shirlian St,3,h,890000,VB,Whiting,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9/35 Tulip Gr,2,u,380000,S,Greg,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,179 Warrigal Rd,3,h,855000,S,Ray,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,32/310 Warrigal Rd,2,u,490000,VB,Thomson,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,115 Wilson St,3,t,725000,S,Charlton,24/03/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,7 Borela Ct,3,h,850000,S,C21,24/03/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,1/1172 Centre Rd,3,u,710000,S,Buxton,24/03/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Rosella Av,5,h,840000,PI,buyMyplace,24/03/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1/2 Alice St,3,t,800000,S,Ray,24/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/29 Glenbrook Av,4,u,,SN,RW,24/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,4/1 Greenfield Dr,2,u,,PI,HAR,24/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,36 View St,3,h,890000,PI,Ray,24/03/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,10 Loddon Ct,4,h,901000,SP,Ray,24/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,12 Main Rd,3,t,800000,PI,Buxton,24/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,39 Rosebank Av,3,h,1411000,S,FN,24/03/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,10 Dally St,2,h,,S,Nelson,24/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,5/29 Dwyer St,1,u,371750,S,Woodards,24/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,9 Fenwick St,3,h,1755000,S,Nelson,24/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,3/17 John St,3,t,1000000,VB,Jellis,24/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,175 Ramsden St,4,t,1457000,S,Jellis,24/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,11/14 The Esplanade,2,u,641000,S,Nelson,24/03/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,76 Clarendon St,2,h,1025000,S,Jellis,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,99 Connolly Av,2,h,900000,SA,Purplebricks,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Deakin St,2,h,800000,VB,Nelson,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,23 Linsey St,3,h,1090000,S,Barry,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,163 Ohea St,3,h,920000,S,Nelson,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2b Queen St,3,t,800000,VB,Ray,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Salisbury St,4,h,,SP,Nelson,24/03/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,91 Boundary Rd,3,h,705000,S,Nelson,24/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,11 Clarke St,3,h,813000,S,Barry,24/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,3/24 Orvieto St,2,u,685000,S,Barry,24/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,11 Rodney Av,3,h,1020000,SP,Nelson,24/03/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Cockatoo,2 Bell St,3,h,,PN,Stockdale,24/03/2018,3781,Eastern Victoria,1636,42.1,Cardinia Shire Council +Collingwood,135 Campbell St,4,h,,PI,Nelson,24/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,325/3 Hoddle St,1,u,395000,SP,Biggin,24/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,146 Keele St,2,h,1120000,SP,Nelson,24/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,5/76 Oxford St,2,t,,S,Jellis,24/03/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,16 Alexander Cct,4,t,440000,S,Barry,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,121 Bridgewater Rd,4,h,565000,PI,YPA,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,61 Creekwood Dr,4,h,665000,S,Ray,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,76 Evergreen Cr,4,h,575000,SP,Barry,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Grandview Bvd,4,h,816100,S,Barry,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,92 Mareeba Wy,3,h,601000,S,Barry,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Spurr St,3,h,570000,S,Raine,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,32 The Garlands,3,h,540000,S,Ray,24/03/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne South,165 Browns Rd,3,h,1320000,S,O'Brien,24/03/2018,3977,South-Eastern Metropolitan,615,34.7,Casey City Council +Croydon,2/34 Bayswater Rd,3,t,700000,SP,McGrath,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5/118 Dorset Rd,3,u,670000,VB,Harrington,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,145 Dorset Rd,4,h,1050000,PI,McGrath,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10 Edith Av,3,h,776000,S,Noel,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,18 Haig St,5,h,1161000,S,Philip,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,29 Jarvis Av,3,h,821000,PI,Max,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,27 Lindisfarne Av,3,h,760000,PI,Ray,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Lyndhurst Cl,4,h,901000,PI,Ray,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,26 Sevenoaks Av,4,h,,S,hockingstuart,24/03/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,12 Latrobe Ct,3,h,730000,S,LLC,24/03/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,76 Andrew Cr,3,h,918000,S,Barry,24/03/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,39 Kaniva St,3,h,,W,RW,24/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,20 Mildura Cr,3,h,,PI,Stockdale,24/03/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,24 Charles St,6,h,675000,S,McLennan,24/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,32 Grandview Av,4,h,,PI,Biggin,24/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,12A The Glade,3,h,525000,S,McLennan,24/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,12 Wedge St,2,h,771000,S,Hall,24/03/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Chifley Cr,3,h,600000,S,Del,24/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,26 Curtin Cr,3,h,530000,PI,McLennan,24/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,36 Exell Dr,4,h,,PI,Barry,24/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1/26 Ferndale Cr,2,u,430000,PI,Stockdale,24/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,15 Surrey Rd,5,h,1075000,S,Boutique,24/03/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,5 Palm Gr,4,h,2800000,PI,Marshall,24/03/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,49 Pioneer Dr,4,h,,PI,Wyndham,24/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,30 Railway Pde,4,h,891000,S,Bells,24/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,5 Slough St,3,h,581000,S,Barry,24/03/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,1/47 Haley St,2,u,602000,S,Jellis,24/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,1 Jonquil Cl,4,h,970000,SP,Barry,24/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,57 Murray Rd,5,h,1070000,S,Jellis,24/03/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,4 Chivers Ct,4,h,825500,S,Buxton,24/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,6 Holland Av,4,h,980000,S,Ray,24/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Howard Rd,4,h,881000,S,Ray,24/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,246 Spring Rd,3,h,1205000,S,Ray,24/03/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,83 Ayr St,4,h,,SN,Philip,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,20 Bayley Gr,3,h,1750000,S,Barry,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,76 Church Rd,4,h,1735000,S,Parkes,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,31 Corella St,5,h,1940000,PI,Barry,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Heritage Bvd,4,h,,VB,Fletchers,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Heritage Bvd,4,h,,VB,Fletchers,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,15 Kiewa St,3,h,1320000,PI,Woodards,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Makybe Wk,4,t,1320000,S,Jellis,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Uxbridge Av,4,h,,VB,Jellis,24/03/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/84 Canopus Dr,3,t,1170000,PI,Parkes,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,57 Devon Dr,4,h,1550000,S,Barry,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,29a Franklin Rd,4,t,,PI,Philip,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/5 Leura St,4,t,1326000,S,Barry,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Peartree Ct,4,h,1366000,S,Barry,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5/48 Thomas St,3,u,,W,Philip,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Woodlea St,4,h,1310000,PI,Barry,24/03/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,4/11 Cherry Gr,3,t,865000,S,HAR,24/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,18 Dwyer Ct,4,h,,SP,Jellis,24/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,4 Ida Ct,3,h,1150000,S,Barry,24/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,44 Lisbeth Av,3,h,1017000,S,Noel,24/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,4 Miramar Ct,4,h,,SP,Jellis,24/03/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,10 Bower Wy,4,h,490000,VB,Barry,24/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,52 Merredin Cct,4,h,640000,PI,Morrison,24/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,28 Sanctum Cct,3,h,529000,SP,Ray,24/03/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,6 Dotterel Cl,4,h,670000,S,REMAX,24/03/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Edithvale,18 Bristol Av,3,h,1310000,S,Ray,24/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/307 Nepean Hwy,4,t,1210000,S,Buxton,24/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2B Sinclair Av,3,h,,VB,Buxton/hockingstuart,24/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,38 Vincent St,4,h,1085000,S,Barry,24/03/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,14 Downshire Rd,2,h,2300000,S,Biggin,24/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,19 Murray St,5,h,,S,Kay,24/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,27 Park St,3,h,1700000,VB,Gary,24/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,56 Regent St,3,h,1950000,S,Biggin,24/03/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,4 Darly Pl,3,h,1050000,S,Jellis,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,15 Grey St,3,h,910000,SP,Jellis,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,15 Kerby St,4,u,915000,SA,Philip,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,1/6 MacAulay Ct,2,t,736000,S,Morrison,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/161 Pitt St,3,u,766000,S,Barry,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,6 Roxby Cl,4,h,1560000,S,Jellis,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3/11 Walsh St,2,u,752500,S,Jellis,24/03/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,15 Calendonia Dr,4,h,,SP,Buckingham,24/03/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,199 Scenic Cr,5,h,1150000,S,Jellis,24/03/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,27 Scenic Cr,5,h,,S,Jellis,24/03/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,4/2 Avoca Av,2,u,830000,S,Wilson,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,50 Byron St,3,h,1400000,VB,Marshall,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/1 Cyril St,3,h,1150000,PI,McGrath,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/25 Dickens St,1,u,482000,S,Gary,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,38 Milton St,3,h,1910000,SP,Marshall,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/34 Mitford St,1,u,,SP,Buxton,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/48 Ormond Rd,2,u,,SN,Chisholm,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,52 Ormond Rd,4,h,2900000,VB,Chisholm,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/39 Shelley St,2,u,750000,VB,Chisholm,24/03/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,38 Cooper St,3,h,1356000,S,Stockdale,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,111 Derby Dr,4,h,600000,SP,Barry,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,308 Findon Rd,4,h,620000,S,Ray,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Glover St,3,h,621000,S,HAR,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Mistletoe Ct,5,h,,PI,Skad,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,20 Nuthall Wy,3,h,565000,S,hockingstuart,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,21 Orlit Ct,3,h,,S,hockingstuart,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,23 Wotan Dr,4,h,630000,PI,Ray,24/03/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,8 Ardoch St,4,h,2900000,VB,Nelson,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9/23 Brewster St,2,u,430000,S,Pagan,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,25 Donald Av,2,h,,S,Nelson,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,47 Mary St,4,h,,SP,McDonald,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,101 McPherson St,4,h,1720000,PI,Brad,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,176 Ogilvie St,4,h,1650000,S,Frank,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/78 Richardson St,2,u,480000,PI,Frank,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/12 Schofield St,2,u,440000,PI,Hodges,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/20 Schofield St,2,u,590000,S,Nelson,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Tweedside St,3,h,910000,S,Frank,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/1 Violet St,3,h,1000000,PI,Nelson,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,15 Warner St,3,h,,S,Nelson,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11 Waverley St,4,h,,VB,Brad,24/03/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,16 Emerald St,4,h,1405000,S,Nelson,24/03/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,17 Hampton Rd,3,h,1200000,SP,Jellis,24/03/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,194A Arthur St,3,h,1220000,S,Thomas,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,23 Darling St,4,h,2040000,S,Jellis,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,8 Kennedy St,5,h,1700000,VB,Nelson,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,93 Rathmines St,4,h,2260000,S,Jellis,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,4/203 Station St,2,u,510000,PI,Woodards,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,265A Station St,3,h,,PI,Noel,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,13 The Esplanade,4,h,,S,Jellis,24/03/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,95 Argyle St,2,h,690000,S,Barry,24/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Hudson St,3,h,812500,SP,Stockdale,24/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,30 Princess St,3,h,700000,S,Barry,24/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,12 Twyford St,3,h,730000,S,Brad,24/03/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2/39 Harwell Rd,3,u,620000,S,Ray,24/03/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,182 Fitzroy St,3,h,2446000,S,Nelson,24/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,133 Kerr St,3,h,2110000,S,Jellis,24/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,14/2 King William St,1,u,571000,S,Harrington,24/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,85 Westgarth St,2,h,,PN,Woodards,24/03/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,5 Egremont St,2,h,1200000,VB,Nelson,24/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,27 Ivan St,3,h,1400000,VB,Nelson,24/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,67 Rae St,4,h,2211000,S,Nelson,24/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,229 Scotchmer St,3,h,2460000,S,Jellis,24/03/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,4/2 Chatham St,3,t,,SP,Barry,24/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,44 Coronet St,2,h,890000,PI,Maddison,24/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,13/31 Norwood St,2,u,447000,S,Alexkarbon,24/03/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,37 Dudley St,4,h,1100000,S,Jas,24/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/38 Geelong Rd,2,u,550000,SP,Sweeney,24/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Souter Cr,2,t,670000,VB,Jellis,24/03/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,52 Ashmore Rd,4,h,920000,S,McGrath,24/03/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,28 Romoly Dr,4,h,,VB,Noel,24/03/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Ashleigh St,3,h,665000,S,hockingstuart,24/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,25 Birdwood St,3,h,660000,S,Barry,24/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Lawrey St,3,h,715000,S,O'Brien,24/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Netherplace Dr,4,h,663000,S,Ray,24/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,38 Petrie St,3,h,703000,S,Barry,24/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,15 Culcairn Dr,4,h,,PI,O'Brien,24/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,43 Fleetwood Cr,4,h,950000,S,Barry,24/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,31 Liddesdale Av,4,h,1100000,SP,hockingstuart,24/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,6/16 Sanders Rd,4,t,550000,PI,Aquire,24/03/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,7 Bower Ct,4,h,649500,S,YPA,24/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,4 Power Cl,3,h,620000,SP,Stockdale,24/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,15 Pyke Dr,4,h,730000,SP,Ray,24/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,2 Trentham Dr,4,h,670000,PI,YPA,24/03/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,2/141 Grange Rd,2,u,721000,S,Woodards,24/03/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,3 Adrian St,3,h,,S,Fletchers,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,63 Ashburton Rd,3,h,1975000,VB,Jellis,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Beryl St,3,h,,SN,J,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,45 Bourne Rd,4,h,2100000,VB,Marshall,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5/35 Carroll Cr,1,u,,S,Buxton,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,59 Celia St,4,h,2100000,VB,Jellis,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,60 Dent St,4,h,,PI,Kerr,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7/34 Edgar St,2,u,726000,S,Noel,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,28 Essex St,3,h,1180000,PI,Marshall,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/1 Gatis St,3,t,1455000,S,Marshall,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Howard St,3,h,,S,Marshall,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Martin Rd,3,h,2130000,PI,Bekdon,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,41 Summerhill Rd,4,h,,S,Jellis,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/241 Tooronga Rd,2,u,960000,S,Marshall,24/03/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,5 Allure Ct,4,h,1225000,SA,Barry,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,64 Atheldene Dr,5,h,1550000,PI,Barry,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,98 Callaghan Av,4,h,1400000,PI,Barry,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/19 Diosma Dr,4,u,930000,S,Buxton,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,51 Folkestone Rd,4,h,1330500,S,Harcourts,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Foxley St,4,h,1100000,S,Harcourts,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Petter St,3,h,2000000,PI,Harcourts,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 The Quadrangle,3,u,,SN,Biggin,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/3 Willow Av,4,t,,PI,Harcourts,24/03/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,107 Augustine Tce,3,h,590000,PI,Barry,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,49 Augustine Tce,4,h,740000,S,Stockdale,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,71 Farview St,3,h,770000,S,Brad,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,56 Gladstone Pde,4,h,,PI,Barry,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/81 Glen St,4,t,,SP,Barry,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Kiama St,4,h,,PI,Nelson,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,28 Langton St,3,h,809000,SP,Stockdale,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Morley St,3,h,600000,SP,Barry,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/64 Wheatsheaf Rd,2,t,497500,S,Nelson,24/03/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,76 Alexandra St,5,h,1070000,PI,Jellis,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,4 Batman Wk,4,h,780000,VB,Jellis,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,12/8 Grimshaw St,2,u,,PI,Darren,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/177 Henry St,3,u,645000,SP,Morrison,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,34 Louis St,3,h,815000,S,Buckingham,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Pinehills Dr,4,h,,PI,Buckingham,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,41 Vermont Pde,2,h,765000,S,Jellis,24/03/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,21 Bologna Cr,4,h,860000,S,Ray,24/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,40 Glencairn Dr,4,h,1090000,SP,Dingle,24/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Keller Cl,4,h,740000,S,Barry,24/03/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,23a Gloucester St,3,u,,SP,Barry,24/03/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,7 Mikado St,4,h,,PI,Stockdale,24/03/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,540 Bluff Rd,3,h,,S,hockingstuart,24/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,35 Earlsfield Rd,3,h,1720000,PI,Buxton,24/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6/45 Grenville St,2,t,,SP,Jellis,24/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/308 Hampton St,3,t,1000000,PI,Hodges,24/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,23A Olive St,3,t,1165000,S,Buxton,24/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,57 Willis St,3,h,2200000,PI,Hodges,24/03/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3 Stonehaven Cr,4,h,1600000,PI,hockingstuart,24/03/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,2/27 Elphin Gr,2,u,625000,S,Nelson,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,48 Haines St,3,h,1750000,PI,Marshall,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Hawthorn Gr,5,h,4966000,S,Marshall,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/50 Liddiard St,2,u,,S,Marshall,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8 Mary St,5,h,4600000,VB,Jellis,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,79 Morang Rd,3,h,1600000,VB,Marshall,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/121 Riversdale Rd,2,u,,VB,hockingstuart,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/167 Riversdale Rd,2,u,481000,PI,Fletchers,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,301/39 Riversdale Rd,3,u,,VB,hockingstuart,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,105/33 Wattle Rd,2,h,1250000,PI,Marshall,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2 Wellesley Rd,5,h,4350000,PI,RT,24/03/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/62 Anderson Rd,4,t,2250000,S,Marshall,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,17 Burgess St,5,h,2975000,PI,Jellis,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/5 Clifton Rd,3,h,960000,PI,Kay,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7 Cowper St,4,h,,S,Jellis,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,75 Harcourt St,5,h,,PN,Marshall,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,33 Invermay Gr,4,h,2350000,VB,hockingstuart,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Irelands La,1,h,900000,VB,Marshall,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8 Lovell St,5,h,,SP,Kay,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,12 Munro St,3,h,1200000,VB,Noel,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/60 Rathmines Rd,3,h,1371000,S,Marshall,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,87 Rathmines Rd,4,h,2672500,S,Marshall,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,401/402 Riversdale Rd,3,u,1865000,S,Steller,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6 Stanley Av,3,h,,S,Jellis,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Station St,2,h,,S,Marshall,24/03/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Healesville,5 Crowley Rd,4,h,600000,S,Eview,24/03/2018,3777,Northern Victoria,3307,45.2,Yarra Ranges Shire Council +Heathmont,4 Heath Ct,4,h,,PI,Barry,24/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,22 Portsmouth St,4,h,,PI,Fletchers,24/03/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,1/105 Brown St,3,t,825000,VB,Miles,24/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/116 Brown St,3,t,1650000,VB,Miles,24/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,34 Powlett St,4,h,1700000,VB,Miles,24/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,3/39 Rosanna Rd,3,t,715000,S,Miles,24/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,15 Weyburn Ct,2,h,1030000,S,Miles,24/03/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,9 Chauvel St,3,h,1241000,S,Jellis,24/03/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,6 Larissa St,3,h,1175000,S,Nelson,24/03/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,15 South Cr,3,h,1175000,S,Nelson,24/03/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,64 Beaumaris Pde,4,h,1800000,S,Marshall,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1A Dart St,2,u,,SN,David,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/3 Edsall St,2,u,765000,SP,Obrien,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/8 Edsall St,2,t,787000,S,Branon,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/23 George St,3,t,,SP,Buxton,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,16 Major St,3,t,1120000,S,Nick,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,16 Rowans Rd,4,h,1035000,SP,Jellis,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/27 Wilson St,2,u,,S,Hodges,24/03/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,1/5 Elgin Cl,3,u,495000,S,Barry,24/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,14 Ozzimo Dr,3,h,641000,S,Barry,24/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Pembury Wy,3,h,813000,S,Barry,24/03/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,21 Arundel Ct,3,h,515000,S,Barry,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Domigan Ct,4,h,746000,S,Ray,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,187 Heaths Rd,3,h,550000,SP,Sweeney,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Kerta Cl,4,h,821000,S,Ray,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,179 Morris Rd,3,h,540000,S,hockingstuart,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Norwood Ct,5,h,745000,S,hockingstuart,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Oleander Dr,4,h,,PI,Barry,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,101 Pannam Dr,3,h,477500,S,hockingstuart,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Thorpe Av,3,h,550000,SA,RW,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,43 Wilmington Av,4,h,,S,Purplebricks,24/03/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,2/26 Dallas Av,4,t,,SN,Ray,24/03/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1/49 Latrobe St,2,u,815000,S,Ray,24/03/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,32 Vernon St,3,h,1000000,PI,Buxton,24/03/2018,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,2/117 Beatty St,4,h,1210000,VB,Miles,24/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/9 Merther Rd,2,u,,PI,Barry,24/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,106 Waterdale Rd,2,h,767000,S,Miles,24/03/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,2 Castella St,3,h,1780000,S,Miles,24/03/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,525 The Boulevard,4,h,4250000,SP,Miles,24/03/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,13 Monarma Wk,4,h,830000,S,Alexkarbon,24/03/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor East,1 Eastleigh Av,4,h,760000,PI,Moonee,24/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,41 Lincoln Dr,4,h,1215000,S,Nelson,24/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,127 Noga Av,3,h,690000,S,Nelson,24/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,21 Roberts St,4,h,1600000,S,Nelson,24/03/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,6 Gatwick Ct,3,h,730000,S,Nelson,24/03/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,33/29 Bendall St,2,u,610000,S,Alexkarbon,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,67 Gatehouse Dr,3,t,1020000,SP,Nelson,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,22 Market St,4,t,1145000,S,Biggin,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,23 Neale St,3,t,920800,S,Edward,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,72 Newton St,4,t,1250000,S,Edward,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,158 Stockmans Wy,4,t,880000,VB,Nelson,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,48 Tennyson St,2,h,885000,S,Rendina,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,34 The Ridgeway,2,h,1030000,S,Nelson,24/03/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,11 Barry St,4,h,,SP,RT,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7/42 Brougham St,2,u,,PI,RT,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,45 Cobden St,3,h,,PI,Kay,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 College Pde,4,h,,S,Jellis,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/304 Cotham Rd,2,u,,S,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/318 Cotham Rd,4,t,1450000,PI,RT,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/340 Cotham Rd,3,u,1216000,S,Kay,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,40 Denmark St,3,h,,S,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Downton Gr,3,h,,SP,Noel,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Gellibrand St,3,h,2155000,S,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/6 Glendene Av,3,h,1650000,VB,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Hansen St,5,h,5000000,PI,Kay,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/24 Hartington St,2,h,527000,PI,Domain,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/331 High St,1,u,440000,VB,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/76 Molesworth St,3,t,,S,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/64 Normanby Rd,2,u,715000,PI,Kay,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/27 Pakington St,2,u,687000,S,Nelson,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/77 Princess St,4,t,1400000,VB,Marshall,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/28 Ridgeway Av,3,t,,S,Kay,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,9 Stansell St,4,h,2250000,VB,Jellis,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Stevens Cl,5,h,,S,Jellis,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/147 Willsmere Rd,3,u,935000,VB,Jellis,24/03/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,38 Baker Av,3,h,1850000,S,Marshall,24/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,10 Beresford St,4,h,2100000,S,Haughton,24/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,16 Elm Gr,4,h,2350000,VB,hockingstuart,24/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,10 Fairway Dr,3,h,,S,Nelson,24/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,829 High St,4,h,2200000,PI,Noel,24/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/45 Westbrook St,4,t,1380000,VB,Fletchers,24/03/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,21 Rivergum Pl,4,h,,SN,Barry,24/03/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,17 Snowdrop Dr,4,h,1080000,PI,Buxton,24/03/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,12 Wooltana Rd,3,h,755000,S,Area,24/03/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,21 Church St,2,h,537000,PI,Ray,24/03/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsville,55 Coronation St,3,h,1250000,SP,Village,24/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,3/29 Edgar St,2,u,505000,S,Jas,24/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,7/45 Edgar St,2,u,,PI,Jas,24/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,16/57 Kingsville St,1,u,247000,S,Sweeney,24/03/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,6 Elliot St,3,h,849721,SP,OBrien,24/03/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,10 Wattlebird Pl,3,h,735000,S,Fletchers,24/03/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,2/2 Monaro Rd,3,h,2000000,VB,Marshall,24/03/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,28 Bruce St,3,h,626000,S,HAR,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,17 Burton St,3,h,570000,S,HAR,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,8 Cresta Ct,3,h,625000,S,hockingstuart,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,32 Grenville Wk,2,h,485000,SP,Iconek,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,403 High St,3,h,680000,S,HAR,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Kanimbla Dr,4,h,625000,S,HAR,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,37 Mindoro Cr,3,h,622000,S,Barry,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,72 Monash St,3,h,608000,SP,Love,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,7 Willard Ct,3,h,685000,S,HAR,24/03/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,13 Woods St,2,h,600000,SP,Hunter,24/03/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,15/14 Barongarook Ct,2,h,635000,S,Jellis,24/03/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lynbrook,25 Lindsay Cr,3,h,693000,S,Property,24/03/2018,3975,South-Eastern Metropolitan,2322,33.8,Casey City Council +MacLeod,37 Fairlie Av,3,h,985000,SP,Miles,24/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,14 Fernley Av,2,h,800000,S,Fletchers,24/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,36 Highview Cr,3,h,,SN,Ray,24/03/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,30 Cathcart St,3,h,860000,VB,Biggin,24/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,22 Eucalyptus Dr,4,h,1110000,S,Biggin,24/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/42 Eucalyptus Dr,2,u,515000,S,GL,24/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,4/48 Eucalyptus Dr,2,u,430000,SP,Compton,24/03/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,10 Cummins Gr,3,h,,SN,RT,24/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,34 Elizabeth St,3,h,,S,Marshall,24/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,90 Milton Pde,2,h,1250000,VB,Jellis,24/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,31 Wheatland Rd,3,h,,SP,Marshall,24/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,4 Wilks Av,5,h,4500000,PI,RT,24/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/42 Winter St,1,u,,S,Jellis,24/03/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,1 Bruce St,3,h,,PI,Buxton,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,13 Coppin St,3,h,,S,Marshall,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/3 Hilda St,3,h,1420000,S,Jellis,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,13 Hillard St,4,h,2000000,PI,Jellis,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,58 MacGregor St,3,h,,S,Jellis,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,32 Oak Gr,3,h,1825000,PI,Marshall,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3 Repton Rd,3,h,1430000,S,Marshall,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14 Sycamore St,4,h,,S,Jellis,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,31 Sycamore St,4,h,,S,Jellis,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,39 Tennyson St,4,h,,VB,Jellis,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,38 The Boulevard,4,h,,SP,hockingstuart,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,455 Wattletree Rd,5,h,,S,Marshall,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,520 Waverley Rd,3,h,1250000,VB,hockingstuart,24/03/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,44 Birdwood St,4,h,850000,PI,hockingstuart,24/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,11 Cavalry Cct,3,t,710000,S,Biggin,24/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,209/20 Pier La,2,u,480888,SP,Biggin,24/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4/52 Wests Rd,2,u,402000,SP,Biggin,24/03/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,10B Hopkins St,4,t,,VB,Hodges,24/03/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,5 Eldorado Cr,3,h,,PI,Barry,24/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,52 Gunbower Cr,3,h,580000,PI,Ray,24/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,11 Homewood Ct,7,h,700000,S,YPA,24/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,9A Rocklands Ri,3,h,411000,S,Raine,24/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,36 Rokewood Cr,3,h,560000,SP,Barry,24/03/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,31/30 La Trobe St,2,u,1142000,S,Harcourts,24/03/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,22 Essex Dr,3,h,400000,S,Barry,24/03/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton,15 Hawkins Pl,3,h,,PI,Biggin,24/03/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton West,45 Featherhead Wy,4,h,510000,SP,FN,24/03/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,35 Beach Rd,3,t,2545000,S,Buxton,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/17 Bourke St,2,u,630000,VB,hockingstuart,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/28 Bourke St,2,u,450000,PI,Maitland,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/62 Collins St,2,t,895000,S,Buxton,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5 Franklin St,2,h,,PI,Buxton,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,20/30 Mentone Pde,1,u,421000,SP,Hodges,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/32 Mentone Pde,2,u,723000,S,Noel,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,13 Rimmer St,3,h,,PI,Buxton,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/15 Southern Rd,4,h,895000,S,Hodges,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,49 Warrigal Rd,3,h,925000,S,Charlton,24/03/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,4 Hopkins St,3,t,480000,S,HAR,24/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Jondarvan Dr,4,h,715000,S,HAR,24/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,26 Pimpinella Ps,3,h,475000,PI,Barry,24/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Vestley Dr,3,h,510000,S,HAR,24/03/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,57 Balmain Rd,4,h,635000,S,Ray,24/03/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,63 Ancona Dr,4,h,1270000,PI,Ray,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/8 Bradley Dr,2,u,511000,S,HAR,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Brentfield Ct,4,h,,PI,HAR,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Cawley Ct,3,h,560000,S,Ray,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Dorrington Ct,3,h,,PI,HAR,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,14 Gaze Ct,3,h,730000,S,HAR,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/2 Pearl Ct,3,u,566000,S,Barry,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Poseidon Cl,4,h,685000,SP,Barry,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Pulford Cr,3,h,800000,S,Love,24/03/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2/33 Cresswell Cr,2,u,618000,S,McGrath,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,29 Dawe Rd,3,h,980000,S,Fletchers,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8B Edward St,2,h,609000,S,Ray,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,36 Fellows St,4,h,1550000,VB,Noel,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,22 James Av,4,h,1280000,S,Noel,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,54 Lucknow St,5,h,,VB,Noel,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/5 McGhee Av,2,u,722000,S,Jellis,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,393 Mitcham Rd,3,h,877000,S,Ray,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15 Panel St,4,h,1130000,S,Noel,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/5 Valency Ct,4,h,1138000,S,Woodards,24/03/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,1/12 Graeme Av,2,u,762500,SP,Darren,24/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/21 Helwig Av,2,u,550000,PI,Fletchers,24/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,5/45 Para Rd,2,u,504000,S,Buckingham,24/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/54 Para Rd,2,u,540000,S,Darren,24/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4 Stephens St,4,h,855000,S,Barry,24/03/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,31 Dickens St,4,h,1690000,S,Nelson,24/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,20/122 Maribyrnong Rd,2,u,465000,S,Nelson,24/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,7 Primrose St,3,h,,S,Nelson,24/03/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1 Barilla Rd,4,h,1410000,S,Buxton,24/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6 Linton St,3,t,1050000,VB,Buxton,24/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,12b Rosebud Av,3,t,,PN,Buxton,24/03/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,24 Neville St,3,h,860000,S,Fletchers,24/03/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,133C McDonald St,4,t,820000,PI,Buxton,24/03/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/58 White St,3,u,720000,SA,O'Brien,24/03/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/26 Baringa St,2,u,626000,S,Harcourts,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/41 Briggs St,3,h,855000,S,Barry,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Francis St,3,h,,SN,McGrath,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Hillside Rd,4,h,1250000,VB,hockingstuart,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,33 Larch Cr,3,h,1455000,PI,McGrath,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Morrison Ct,4,h,,SP,Jellis,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Oakern St,3,h,1005000,S,Barry,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Seaton Ct,5,h,,PI,Jellis,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/80 Stanley Av,3,u,920000,S,hockingstuart,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Toolang Ct,3,t,,PI,Harcourts,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Wallabah St,4,h,1285000,S,Jellis,24/03/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Danube Pl,4,h,1200000,S,Harcourts,24/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,16 Ling Ct,4,h,1060000,S,Ray,24/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18 Lotus Cr,3,h,871000,S,Barry,24/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,19 Seaview Cr,3,h,787000,S,Win,24/03/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/1 Crosbie Rd,2,u,,SN,Gary,24/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,27A Kinlock Av,3,h,,S,Buxton,24/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/4 Pelling Rd,2,u,811500,S,Ray,24/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9 Swan Rd,3,h,,S,Jellis,24/03/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,67 Home Rd,3,h,1390000,S,Village,24/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,6 Jubilee St,3,h,770000,PI,Williams,24/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,8 Monmouth St,3,h,1300000,SP,RT,24/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,61 Oxford St,4,h,1720000,SP,Barlow,24/03/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,40 Nolan St,3,h,1380000,S,Nelson,24/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,10 Rutland St,3,h,1250000,SP,Nelson,24/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/44 Sapphire St,3,t,830000,PI,Nelson,24/03/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,69 Corrigan Rd,3,h,838000,S,Stockdale,24/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,10 Marna Ct,4,h,800000,PI,@Realty,24/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,379 Princes Hwy,3,h,680000,S,Area,24/03/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,22 Alfred St,2,h,,PI,Nelson,24/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,4/77 Chapman St,2,u,491000,S,Nelson,24/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,9/7 Curran St,2,u,525000,S,Pagan,24/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,111/150 Peel St,2,u,649500,SP,Hodges,24/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,26 Provost St,4,h,1538000,SP,Nelson,24/03/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,43 Cain Av,3,h,1515000,S,Nelson,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,141 Charles St,4,h,2350000,S,Nelson,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,95 Charles St,2,h,,S,Nelson,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7/5 Christmas St,1,u,,PI,Ray,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/137 Clarke St,1,u,,SP,Nelson,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15 Gracie St,3,h,1050000,VB,Jellis,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Membrey St,4,h,2015000,S,Collins,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1 Swift St,3,h,2030000,S,Thomas,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/30 Urquhart St,2,u,680000,S,McGrath,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/26 Wilmoth St,1,u,,S,Nelson,24/03/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,11 Efron St,3,h,930000,PI,Noel,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,74 Esdale St,5,h,1425000,S,Philip,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,4 Holberry St,2,h,956000,S,Fletchers,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/6 Russell St,2,t,,S,Philip,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,34 Shady Gr,5,h,1470000,S,Jellis,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,311 Springfield Rd,3,h,940000,S,Fletchers,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,209 Springvale Rd,3,h,704000,S,Barry,24/03/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3 Kadana St,4,h,910000,VB,Nelson,24/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,2/41 Rhodes Pde,2,u,640000,S,Stockdale,24/03/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oaklands Junction,1180 Somerton Rd,4,h,2050000,SP,Brad,24/03/2018,3063,Northern Metropolitan,146,24.3,Hume City Council +Oakleigh,2/172 Atherton Rd,2,u,742000,S,Ray,24/03/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,57 Bishop St,2,h,1227000,S,Ray,24/03/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,57 Hatter St,5,h,,PI,Buxton,24/03/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,24 Coane St,3,h,1050000,VB,Jellis,24/03/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,26 Abercrombie St,4,h,,VB,Buxton,24/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,9 Bakers Rd,3,h,1850000,S,Buxton,24/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,31 Elata St,4,h,1286000,S,Buxton,24/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,7 Legon Rd,3,h,960000,S,Ray,24/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,3 Lehem Av,3,h,885000,S,Buxton,24/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,8 Sandalwood Dr,5,h,1102000,S,C21,24/03/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,5/7 Wild Cherry Rd,1,u,373000,PI,Ray,24/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,22 Wimmera St,5,h,,S,Jellis,24/03/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,13 Hopkins Ps,4,h,721000,S,Ray,24/03/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,2 Elliot St,4,h,1700000,VB,Hodges,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,11 Evan St,4,h,1312000,S,Buxton,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Ewen St,3,t,863000,S,O'Brien,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,7/156 Lower Dandenong Rd,2,u,560000,S,Hodges,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,43 McIndoe Pde,4,h,1835000,S,hockingstuart,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,32 Rennison St,4,h,2750000,S,Buxton,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/4 Sixth St,2,t,870000,S,O'Brien,24/03/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,205/445 Royal Pde,1,u,,S,hockingstuart,24/03/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,189 Derby St,3,h,985000,SP,Raine,24/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/49 Northumberland Rd,3,t,665000,SP,Hodges,24/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Park St,3,h,1250000,PI,Nelson,24/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/14 Stewart St,2,u,485000,SP,Brad,24/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/2 Windsor St,2,t,600000,S,Brad,24/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,17 Zenith St,4,h,1000000,S,Hodges,24/03/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,11 Alkira Ct,4,h,1030000,SP,Ray,24/03/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,15 Illawong Ct,4,h,1100000,S,Buxton,24/03/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plenty,29 Grange Av,5,h,2310000,S,Buckingham,24/03/2018,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Plenty,22 Treetop Tce,4,h,1100000,VB,Nelson,24/03/2018,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,2 Dahlia Wy,4,h,677000,S,Point,24/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,53 Hemsley Prm,4,h,,PN,Point,24/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,50 Warunda Pde,4,h,,PI,Point,24/03/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,15 Albert St,3,h,1153500,SP,Buxton,24/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,203/127 Beach St,2,u,1350000,VB,Ray,24/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,114/99 Dow St,2,u,640000,S,Home,24/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3/81 Pickles St,3,u,,SN,Chisholm,24/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6/109 Ross St,2,u,,SN,Chisholm,24/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,603/126 Rouse St,2,u,1246000,S,Cayzer,24/03/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,2/17 Alfred St,1,u,555000,S,Hodges,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,38 Grandview Gr,4,h,,S,RT,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,341 High St,6,h,2325000,PI,Marshall,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5 High St,5,h,,S,Biggin,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/680 Malvern Rd,2,u,570000,VB,Marshall,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,30 Nottingham St,5,h,,SP,Jellis,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/8 Williams Rd,1,u,430000,S,hockingstuart,24/03/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,29 Calbourne St,4,h,1305000,S,McGrath,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/121 Dundas St,2,u,670000,S,RW,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/22 Furzer St,2,t,,SN,Barry,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,30 Garnet St,3,t,910000,PI,Love,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,45 Kathleen St,3,h,860000,PI,Nelson,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Latona Av,3,h,,SP,Nelson,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Livingstone Pde,3,h,850000,VB,Barry,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 McGowan Av,3,h,836000,SP,RW,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,26 Mihil St,4,h,1447500,S,McGrath,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,68 Roseberry Av,5,h,1200000,PI,Barry,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,20/104 St Georges Rd,1,u,340000,SP,Jellis,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 Stott St,3,t,957500,S,Love,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Willow St,4,h,1310000,S,Nelson,24/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,3/32 Banff St,2,u,,SN,Biggin,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/8 Barton St,2,t,580000,S,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Bedwell St,3,h,750000,SP,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,56b Boldrewood Pde,3,t,,VB,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Clinnick St,3,h,667500,S,Stockdale,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,44 Compton St,2,h,,SN,Biggin,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Daleglen St,3,h,735000,S,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,169 Darebin Bvd,4,h,,PI,HAR,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/10 Dundee St,2,u,600000,S,Love,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16A Glasgow Av,3,h,720000,SP,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,23 Gloucester St,3,h,740000,S,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Keely St,3,h,600000,S,Ray,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Kingsley Rd,3,h,741000,S,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Knox St,3,h,750000,PI,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,23 Lawley St,3,h,880000,VB,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,68 Liston Av,3,h,,PI,Ray,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 MacKenzie St,5,h,1000000,VB,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/21 Mason St,2,u,664000,S,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 McCasker Av,3,h,,PI,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,18 Mendip Rd,3,h,1070000,S,RW,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/24 Miranda Rd,3,t,636000,S,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,37 Miranda Rd,3,h,862000,S,Ray,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Nisbett St,3,h,720000,PI,RW,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,77 Northernhay St,3,h,1150000,VB,Jellis,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/80 Northernhay St,3,t,,S,Stockdale,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Pine St,3,h,795000,S,Ray,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5/62 Pine St,2,u,430000,S,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/209 Purinuan Rd,2,u,531315,SP,Harcourts,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Rona St,3,h,1200000,VB,Nelson,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/89 Thackeray Rd,2,t,587500,S,Barry,24/03/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,622 Bridge Rd,3,h,1460000,S,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Cutter St,2,h,,PI,Marshall,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Grattan Pl,1,h,,SP,Jellis,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,371 Highett St,3,h,2900000,PI,Abercromby's,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/7 Jika Pl,2,t,611000,S,Jellis,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11A Laity St,3,t,1220000,SP,Jellis,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,152 Lennox St,3,h,1400000,S,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,38 Lord St,4,h,1550000,SP,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,101 Mary St,2,h,1180000,S,Marshall,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,46 Mary St,3,h,1755000,S,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9 North St,2,h,880000,S,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/69 Richmond Tce,3,u,1420000,SP,Biggin,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20/15 River Bvd,2,u,790000,S,Biggin,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/29 River St,3,u,1800000,VB,Marshall,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/73 River St,2,u,670000,SP,Buxton,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/2 Rotherwood St,1,u,325000,S,Biggin,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/39 Somerset St,1,u,322000,S,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,302/18 Tanner St,1,u,460000,VB,The,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/24 Tanner St,2,u,999000,S,Jellis,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9/19 Tennyson St,2,u,697000,S,hockingstuart,24/03/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,26 Bluegum Cct,4,h,645000,SP,Raine,24/03/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Riddells Creek,19 David Cl,4,h,890000,PI,RT,24/03/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,1 Caroline St,4,h,1401000,S,Barry,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2 Caroline St,2,h,,SS,Ascend,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/7 David St,2,u,620000,S,Barry,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,49 Heywood St,3,h,900000,SP,LJ,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,11 James St,3,h,1515000,SP,Jellis,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,12 Marilyn Cr,3,h,900000,S,Jellis,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2 Panfield Av,3,h,810000,S,Noel,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Tandarra Dr,3,h,,SS,Philip,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,124 Wantirna Rd,3,h,,PI,Jellis,24/03/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,4/3 Braeside Av,2,u,563000,S,voglwalpole,24/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,28 Eastfield Rd,4,h,1010000,S,Fletchers,24/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,5 Grandview Av,5,h,,VB,Jellis,24/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/20 Morinda St,2,u,683500,S,hockingstuart,24/03/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,1/20 Derwent St,3,h,661000,SP,Noel,24/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,34 Jull Pde,4,h,,SN,Barry,24/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,8 Jull Pde,4,h,910000,PI,Noel,24/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,3 Tugan Pl,5,h,,SA,Philip,24/03/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,2/30 Brassey Av,3,h,985000,SP,Nelson,24/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,31 Darvall St,2,h,696000,S,Barry,24/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5/7 Ellesmere Pde,2,t,,PI,Ray,24/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,56 Hillside Rd,4,h,1560000,S,Miles,24/03/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,32 Bluebird Wy,4,h,675000,S,Ray,24/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Hutchins Pl,4,h,598000,S,HAR,24/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,53 McKenzie Cr,4,h,605000,S,HAR,24/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,2 Richmond Tce,3,h,,SN,Skad,24/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,19 Roycroft Rd,4,h,566000,S,HAR,24/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,28 Gladstone St,3,h,2440000,S,Buxton,24/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,27 Reno Rd,5,h,2090000,S,Charlton,24/03/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,2/60 Arnold Dr,3,t,828000,SP,Barry,24/03/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,7 Chevron Ct,3,h,805000,S,Buxton,24/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,21 Elsie Av,3,h,755000,S,Purplebricks,24/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,37/8 Hannah St,3,u,452000,S,hockingstuart,24/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,6 Largs St,4,h,1000000,S,Buxton,24/03/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,57 Alexander St,4,h,1271000,SP,Jas,24/03/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,2/82 Kernot St,3,t,,W,Biggin,24/03/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,2/56 Saltley St,1,u,,SP,Biggin,24/03/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,113/85 Market St,2,u,529000,S,Barry,24/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,601/97 Palmerston Cr,1,u,,SP,Greg,24/03/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,91 Bushmans Wy,4,h,,SN,Purplebricks,24/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Coachman Wy,4,h,,SP,Ray,24/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Madden Dr,3,h,582000,S,HAR,24/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Reece Ct,3,h,715000,S,Millership,24/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Snapdragon St,3,t,450000,S,HAR,24/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,40 Tuross Cr,3,t,525000,SP,Millership,24/03/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/119 Alexandra Av,2,u,,SP,Bekdon,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,52 Cromwell Rd,4,h,2450000,PI,RT,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/26 Davis Av,1,u,367000,SP,Jellis,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/49 Davis Av,2,u,570000,S,Williams,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/278 Domain Rd,2,u,540000,PI,Williams,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3 Fawkner St,3,h,,SP,Kay,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/16 Kensington Rd,2,u,550000,VB,Jellis,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,23/16 Kensington Rd,2,u,615000,S,Biggin,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17 Lang St,2,h,,S,Jellis,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7 Lang St,3,h,,VB,Biggin,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,14/22 Leopold St,2,u,812500,S,Kay,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,25 Murphy St,2,h,,S,Jellis,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,52 Oban St,4,h,,S,Marshall,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/77 Park St,1,u,372500,SP,hockingstuart,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/42 Powell St,1,u,400000,VB,Marshall,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,312 Punt Rd,4,h,1300000,SP,Kay,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,306/42 Ralston St,2,u,,SP,hockingstuart,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,37 River La,3,h,1800000,VB,Marshall,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,23 Tyrone St,2,h,1482000,S,Chisholm,24/03/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,198/183 City Rd,2,u,550000,VB,Wilson,24/03/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,21 Hope St,3,h,890000,S,Village,24/03/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,21 Robb St,2,h,912500,S,Sweeney,24/03/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,81 The Avenue,2,h,1200000,S,RW,24/03/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,28 Flynn St,3,h,,VB,Le,24/03/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,29 Butler St,3,h,620000,S,O'Brien,24/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,47 Glyndon Av,3,h,630000,PI,Ray,24/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,69 Glyndon Av,3,h,650000,S,YPA,24/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,21 Ralph Av,4,h,715000,SP,Ray,24/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,75 Taylors Rd,3,h,710000,PI,Sweeney,24/03/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,22 Larool Av,4,h,924000,S,Darren,24/03/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Helena,1 Maxine Dr,3,h,990000,SP,Morrison,24/03/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,1/3 Charnwood Rd,2,u,,SN,Gary,24/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/260 St Kilda Rd,2,t,621000,PI,Marshall,24/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,13/10 Tennyson St,3,t,1270000,PI,hockingstuart,24/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,103/115 Wellington St,2,u,480000,VB,Buxton,24/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,104/13 Wellington St,2,u,580000,PI,Wilson,24/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,30/69 Wellington St,2,u,580000,S,Purplebricks,24/03/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,28 Cranwell Av,3,h,1325000,S,Nelson,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/13 Henshall Rd,3,h,1327000,S,Brad,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,156 Lebanon St,2,h,640000,S,Considine,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/11 Merchiston Gr,2,h,520000,VB,McDonald,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/37 Roland Av,3,u,,S,Brad,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,5 Vernon St,5,h,1600000,VB,Nelson,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,20 Wendora St,3,h,1300000,VB,Brad,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,8 Wendora St,3,h,1230000,PI,Considine,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/242 Woodland St,2,u,700000,VB,Nelson,24/03/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,4 Angas Ct,3,h,515000,S,Raine,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,51 Darbyshire St,4,h,770000,PI,Brad,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,63 Davenport Dr,4,h,560000,S,One,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,7 Eton Cl,3,h,467000,S,Raine,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,8 Greenhill Ct,3,h,534000,S,Barry,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,7 Kavel Ct,3,h,510000,S,Barry,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,53 Marjorie Av,3,h,435000,S,Raine,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,221 Mitchells La,6,h,,PI,Barry,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,892000,SP,Raine,24/03/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,34 Dunbar Av,4,h,850000,PI,Bells,24/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/6 Farnsworth St,2,h,510000,VB,hockingstuart,24/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,8 Hampshire Rd,2,h,690000,S,hockingstuart,24/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,119 Hertford Rd,3,h,680000,S,Barry,24/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,13 Parsons St,3,h,692000,S,Douglas,24/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/5 Walter St,2,h,,S,hockingstuart,24/03/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,5 Meadowbank Dr,3,h,595000,PI,Barry,24/03/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,3 Ainsworth St,4,h,761000,SP,hockingstuart,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,17 Alden St,3,h,730000,PI,hockingstuart,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,40 Bardsley St,3,h,730000,S,Barry,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,9 Buckingham Cr,3,h,662000,S,Barry,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,37 Hall St,3,h,715000,S,Sweeney,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,70 Hilma St,3,h,605000,PI,Barry,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Isabel Dr,4,h,750000,VB,Sweeney,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,20 Keon Cr,4,h,740000,PI,Douglas,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Killara St,3,h,675000,VB,Barry,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,77 The Avenue,4,h,930000,PI,Douglas,24/03/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,3 Alandale St,3,h,1610000,PI,Fletchers,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Anderson St,5,h,2800000,S,hockingstuart,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,28 Bentley St,4,h,1715000,S,Stockdale,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/102 Broughton Rd,2,u,,S,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,46 Broughton Rd,5,h,,PI,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,63A Broughton Rd,4,h,2280000,S,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,80 Broughton Rd,4,h,1761000,S,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,717 Canterbury Rd,4,h,1710000,PI,Marshall,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,52 Croydon Rd,4,h,,S,Marshall,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,25 Erasmus St,5,h,1900000,VB,Marshall,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1A Scottsdale St,3,h,1555000,S,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,17 Sherwood Rd,5,h,,S,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,20 Tower St,4,h,1827000,SP,Fletchers,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,62 Union Rd,5,h,3050000,VB,Jellis,24/03/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,10 Answer Cl,4,h,637000,S,Prof.,24/03/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,19 Dunraven Ct,4,h,590000,PI,Biggin,24/03/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,11 Hollows Cct,4,h,625000,S,YPA,24/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,13 Lindeman St,4,h,630000,SP,Nelson,24/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,65 Papillon Pde,4,h,535000,PI,hockingstuart,24/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,3 Rebecca Prm,4,h,682000,S,Reliance,24/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,5 Sherlock Av,4,h,,PI,Ray,24/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,13 Yanga Av,4,h,540000,S,Barry,24/03/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,17 Alvis Cl,5,h,835000,S,Reliance,24/03/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,7 Fitzroy Pl,3,h,684500,S,Barry,24/03/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,12 Albany Ct,4,h,,PI,Barry,24/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,1 Ensign Gr,3,h,675000,S,Barry,24/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,3 Laverock Ct,3,h,806000,S,Prof.,24/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,4 Lindsay Ct,4,h,772000,S,Barry,24/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,38 Robertsons Rd,4,h,955000,S,Nelson,24/03/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,5/370 Church Rd,3,t,760000,PI,Jellis,24/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Glenmanor Cl,3,h,1030000,PI,Barry,24/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,61 Milne St,5,h,1252000,S,Jellis,24/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,64 Milne St,3,h,1252000,S,Jellis,24/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/22 Oliver Rd,3,t,990000,VB,Jellis,24/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3 Paoa Pl,4,h,,VB,Jellis,24/03/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,5 Airdrie Ct,3,h,1433000,S,Jellis,24/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,5 Ardgower Ct,4,h,,PI,Philip,24/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,29 Rosa St,3,h,,S,Fletchers,24/03/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,1/22 Chappell St,2,u,,PI,HAR,24/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,45 Chappell St,3,h,665500,S,Stockdale,24/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5 Johnson St,3,h,750000,S,Barry,24/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,10 Main St,3,h,923000,S,HAR,24/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/1 Travers St,3,u,430000,PI,Barry,24/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,88 Clarendon St,3,h,1425000,S,Nelson,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,99 Collins St,4,h,,S,Woodards,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6/113 Darebin Rd,1,u,,PI,Jellis,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,139 Gooch St,4,h,1550000,VB,Nelson,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,14 Harry St,4,h,1160000,S,McGrath,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,27 Harry St,3,h,1010000,PI,Jellis,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,33 Miller St,4,h,1170000,SP,McGrath,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/114 Normanby Av,2,u,470000,S,Woodards,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9/77 Pender St,2,u,485000,S,RW,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/14 Smith St,2,u,485000,VB,Nelson,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/44 Swift St,2,u,475000,S,Nelson,24/03/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,135 Canterbury Rd,3,h,3125000,PI,Abercromby's,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,30 Carters Av,2,h,,S,hockingstuart,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3B Glyndebourne Av,4,h,,SS,Kay,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13/4 Glyndebourne Av,3,u,,PN,Kay,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,71 Grange Rd,5,h,3500000,PI,RT,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,26/14 Lansell Rd,2,u,,VB,Buxton,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,27 Linlithgow Rd,6,h,5800000,S,Kay,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11 Struan St,4,h,,SN,RT,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,18/27 Wallace Av,1,u,635000,S,Hodges,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/284 Williams Rd,4,t,,PI,RT,24/03/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,100 Baroda St,2,h,,PI,Nelson,24/03/2018,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,3 Romek Wy,4,h,522000,S,Sweeney,24/03/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,10 Ronald Rd,3,h,570000,PI,Biggin,24/03/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,53 Churchill Av,5,h,660000,SP,HAR,24/03/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,7 Bambra Ct,3,h,,SN,Barry,24/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,55 Boronia Rd,3,h,980000,S,Fletchers,24/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,6 Levendale Ct,5,h,1400000,VB,Noel,24/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,5/59 Scott St,3,t,980000,S,hockingstuart,24/03/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,11 Alpine Ct,2,h,735500,S,Barry,24/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,42 Pioneer Cl,4,h,,PI,Biggin,24/03/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,142 Martins La,3,h,912000,S,Miles,24/03/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,18 Baudelaire Av,4,h,,PI,Biggin,24/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,14 Petalnina Dr,4,h,1280000,S,Biggin,24/03/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,25 Jessica Cl,4,h,,SN,Harcourts,24/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,1/7 Justin Ct,4,h,740000,VB,Jellis,24/03/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,145 Watsonia Rd,3,t,830000,S,Barry,24/03/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,33 Huntley St,3,h,721000,S,Barry,24/03/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,9 Lincoln St,3,h,822000,S,Buckingham,24/03/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,7 Giles Ct,4,h,600000,S,Sweeney,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,18 Harrier St,3,h,485000,S,Ray,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,32 Margaret St,3,h,520000,SP,Ray,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,62 Purchas St,3,h,470000,S,Sweeney,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,269 Shaws Rd,3,h,430000,S,Greg,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Silvereye Cr,4,h,,W,FN,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Warain Ct,4,h,572000,S,Ray,24/03/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2 Bruce St,3,h,,PI,Jas,24/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,67 Hansen St,3,h,960000,S,Jas,24/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,68 Summerhill Rd,2,h,780000,S,Burnham,24/03/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,202/145 Roden St,2,u,,W,Alexkarbon,24/03/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,35 Campbell St,3,h,,SN,Barry,24/03/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,58 Elizabeth St,4,h,750000,SP,Raine,24/03/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,128 Grandview Rd,5,h,1350000,PI,Win,24/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,29 Grandview Rd,3,h,,SN,Biggin,24/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Pineview Cl,3,h,1020000,PI,Barry,24/03/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,12 Eamon Wk,3,h,550000,PI,LJ,24/03/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williams Landing,9 Urban Dr,3,h,652500,SP,Biggin,24/03/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,16 Forster St,3,h,1810000,S,Greg,24/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,94A Morris St,3,h,2100000,S,Sweeney,24/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,24 Princes St,3,h,1530000,S,Sweeney,24/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,23 Smith Av,5,h,2170000,S,Raine,24/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,17 Stanley St,3,h,1220000,SP,Raine,24/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,15a Tobruk Cr,3,h,1500000,VB,Greg,24/03/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,8/1 Ellesmere Rd,1,u,,PI,McGrath,24/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9/45 Williams Rd,2,u,806000,S,Biggin,24/03/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,36 Saltlake Bvd,4,h,740000,SP,hockingstuart,24/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,35 Topcliffe Rd,3,h,570000,SP,HAR,24/03/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,13 Joroma Pl,4,h,,PI,Philip,24/03/2018,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,204 Greens Rd,3,h,375000,SP,Greg,24/03/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,11 Banool Av,3,h,810000,PI,Jas,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,39 Frederick St,2,h,920000,PI,hockingstuart,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,112 Gamon St,3,h,,S,Fletchers,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,67 Hamilton St,3,h,,S,hockingstuart,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,36 Kidman St,4,h,1350000,PI,Jas,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/2 Severn St,2,t,790000,PI,Jas,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14/18 Tongue St,1,u,,SP,Biggin,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,18/283 Williamstown Rd,2,u,456000,S,hockingstuart,24/03/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,2 Federation La,3,h,855000,S,Nelson,24/06/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,435 Buckley St,3,h,1210000,S,Nelson,24/06/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/19 Hart St,3,u,737500,SP,Brad,24/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,15 Kittyhawk Ct,4,h,,PI,Harcourts,24/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,44 Laurence Av,4,h,1425000,S,Nelson,24/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,4 Myrtle Gr,3,h,905000,S,Jellis,24/06/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,28 Oakwood Rd,3,h,526500,S,Ray,24/06/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,29 Hambleton St,4,h,,S,Marshall,24/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,3/78 Kerferd Rd,2,u,685000,PI,Greg,24/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,354 Montague St,3,h,1800000,VB,Greg,24/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,118 Victoria Av,2,h,1515000,S,Marshall,24/06/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,1 Shiers St,4,h,1800000,S,Thomas,24/06/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,10/14 Yarralea St,1,h,330000,VB,Nelson,24/06/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,2 Finch St,3,h,1020000,SP,Greg,24/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,29 Seves St,3,h,1280000,S,Barlow,24/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1 Stanley St,4,h,,PI,hockingstuart,24/06/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,100A Fifth Av,3,h,825000,S,Raine,24/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,164 Mills St,3,h,875000,S,Sweeney,24/06/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,9 Alleyne Av,5,h,5925000,S,Marshall,24/06/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,49 Ascot St,3,h,,SN,Barry,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2 Bayview Tce,4,h,,VB,Nelson,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,75B Bloomfield Rd,3,h,1010000,S,Brad,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,22 Francis St,4,h,,SP,Nelson,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,103b Maribyrnong Rd,3,u,819000,S,Nelson,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,18 McCully St,3,h,990000,S,Brad,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,18A Middle St,3,t,1200000,S,Jellis,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,68 South St,3,h,1375000,S,Brad,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,97 The Crescent,3,h,1100000,PI,hockingstuart,24/06/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,103 Fakenham Rd,3,h,1850000,S,Marshall,24/06/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,4 Moore St,4,h,1425000,S,Buxton,24/06/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,13/34 Nepean Hwy,2,u,,PN,Barry,24/06/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,7A Downland Sq,4,h,773000,S,Moonee,24/06/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,5a Rosamond St,3,h,1475000,S,Gary,24/06/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,3 Narrak Rd,5,h,2180000,PI,Jellis,24/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Rogerson Ct,6,h,,VB,Fletchers,24/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/99 Strabane Av,3,h,1280000,S,Marshall,24/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/136 Yarrbat Av,2,h,1231000,S,Marshall,24/06/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,22 Abbott St,2,h,1500000,VB,Fletchers,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Almond St,4,h,,S,Fletchers,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,37 Cascade St,5,h,3200000,VB,Jellis,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Highbury St,5,h,,SN,hockingstuart,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/4 Lemon Rd,2,u,682000,S,hockingstuart,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8 Moule Av,2,h,1453000,S,Fletchers,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,36 Viewhill Rd,4,h,1863000,S,Fletchers,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Walnut Rd,4,h,1700000,S,hockingstuart,24/06/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,7 Huxley Ct,4,h,1030000,S,Philip,24/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,5 Susan St,4,h,,PI,Philip,24/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,32 Victoria Rd,3,h,,SN,Barry,24/06/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,65a Greenhill Rd,3,u,700000,VB,Noel,24/06/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield Upper,6 Paul Gr,4,h,675000,SP,LJ,24/06/2017,3808,Eastern Victoria,973,39.8,Cardinia Shire Council +Beaumaris,11 Cloris Av,5,h,,PN,Follett,24/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/22 Wallace Cr,2,t,945000,S,Chisholm,24/06/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/1 Marquis Rd,2,u,,S,Buxton,24/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 Vickery St,5,h,1900000,VB,Buxton,24/06/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,5B Alexander St,3,t,1303000,S,McGrath,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,125 Bignell Rd,3,h,1410000,S,Buxton,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/16 Brady Rd,3,t,817000,S,Buxton,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Kennedy St,4,h,1815000,S,hockingstuart,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,57B Lahona Av,4,t,,S,Buxton,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Majdal St,3,h,1225000,SP,Buxton,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7A Stockdale Av,4,t,1430000,S,McGrath,24/06/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,5 Gretel Pl,3,h,690000,S,Harcourts,24/06/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,1/10 Duckham St,3,h,880000,PI,Fletchers,24/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,14 Kerr St,4,h,1562000,S,Noel,24/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/5 Marian Ct,3,t,1300000,PI,Jellis,24/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,31 Stanley Gr,3,h,1530000,S,Noel,24/06/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,1/2 Middlefield Dr,2,h,,VB,Fletchers,24/06/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,28 Aldinga St,4,h,,SN,Win,24/06/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,19 Baratta St,3,h,,S,Fletchers,24/06/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,14 Indra Rd,3,h,1264000,S,Noel,24/06/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,57 Combarton St,6,h,2150500,PI,McGrath,24/06/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,14 Parkside Av,3,h,1755000,S,Noel,24/06/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,15 McLennan St,3,h,810000,VB,GL,24/06/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,15 Myalla St,2,h,570000,VB,Sweeney,24/06/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,3 Champion St,3,h,2655000,SP,Hodges,24/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10A Hartley St,3,t,3275000,SP,Marshall,24/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12/297 St Kilda St,2,u,626000,SP,Buxton,24/06/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,9 Baird St,4,h,2720000,S,Marshall,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Beenak Av,4,h,2000000,VB,Hodges,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Churchill Ct,4,h,2525000,S,Buxton,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Dacey St,4,h,1900000,VB,Gary,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Keys Av,3,h,1675000,S,Marshall,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Margaret St,4,h,,SP,Hodges,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Sunlight Cr,4,h,1900000,S,Marshall,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,167 Thomas St,3,h,1300000,VB,Buxton,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,26 Welwyn Av,4,h,2450000,PI,Marshall,24/06/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,10 Aberdeen St,3,h,,PI,Raine,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,240 Barkly St,3,h,1275000,PI,Woodards,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,40 Blair St,2,h,900000,VB,Nelson,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/15 Cassels Rd,2,u,520000,SP,Jellis,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,37 Davies St,4,h,1275000,SP,Nelson,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,25 Ford St,3,h,1204000,S,Nelson,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Peveril St,2,h,730000,S,Nelson,24/06/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,45 Clarence St,3,h,,S,Jellis,24/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,16a Ryan St,3,h,1075000,S,Peter,24/06/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1 Egginton St,4,h,1268000,SP,Alexkarbon,24/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,27 Halpin St,3,h,1445000,S,Collins,24/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/26 Irvine Cr,2,u,480000,PI,Brad,24/06/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,74 Arthur St,3,h,796000,S,Barry,24/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Cole Ct,4,h,769000,S,Barry,24/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,33 Jacqueline Rd,3,h,690000,PI,Nelson,24/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,14 Lynch Av,5,h,,PI,Ray,24/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11 Oxley Av,3,h,960000,S,Ray,24/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,57 Settlement Rd,8,h,,PI,Ray,24/06/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,13 Elizabeth St,3,h,1325000,S,Buxton,24/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,20 Pearce St,3,h,1052000,S,Buxton,24/06/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,2 Garrawang La,4,h,,PI,Buxton,24/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,7/22 Middleborough Rd,3,u,,SN,Woodards,24/06/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,3 Glenfield Cl,3,h,,W,HAR,24/06/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,7/9 Acheron Av,2,u,525000,S,Sell,24/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,19/995 Burke Rd,2,u,555000,S,Jellis,24/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,28 Lockhart St,4,h,,SA,Fletchers,24/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10 Mayfield Av,4,h,3100000,S,Jellis,24/06/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,1 Balwyn Rd,4,h,,S,Marshall,24/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3/900 Burke Rd,3,t,1381000,S,Jellis,24/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,8 Hassett Av,4,h,2260000,S,Marshall,24/06/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,146 Barkly St,3,h,,S,Nelson,24/06/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,254 Elgin St,3,h,1000000,PI,Jellis,24/06/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,2/42 Grattan Pl,2,u,720000,VB,Nelson,24/06/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,77 Station St,3,h,,S,Nelson,24/06/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,454 Canning St,3,h,1717500,S,Nelson,24/06/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,570 Canning St,4,h,2400000,SP,Woodards,24/06/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,1032 Drummond St,5,h,,S,Nelson,24/06/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,771 Rathdowne St,3,h,1950000,S,Nelson,24/06/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,31A Gnarwyn Rd,2,t,817500,S,C21,24/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/13 Milton St,3,u,,SN,Gary,24/06/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,9 Hounslow Grn,5,h,1150000,SP,RW,24/06/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,3/13 Graham Rd,3,u,590000,S,Mitchell,24/06/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,26 Luscombe Av,4,h,600000,S,Harcourts,24/06/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,9 Omega St,3,h,,PN,Ray,24/06/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,2/913 Glen Huntly Rd,2,h,811000,S,Gary,24/06/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,7 Wilks St,3,h,1520000,PI,Marshall,24/06/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,25 Gardenvale Rd,4,h,1700000,VB,Gary,24/06/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,485 Hawthorn Rd,2,h,960000,S,RT,24/06/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea Heights,17 Amaroo Dr,4,h,732000,S,Buxton,24/06/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,4 Allnutt Ct,3,h,800000,SP,Buxton,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17 Barclay Dr,3,h,877000,S,Ray,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,31 Eden St,4,h,1255000,S,Buxton,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,44 Eunice Dr,3,h,900000,S,Barry,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/1300 Nepean Hwy,2,u,750000,S,O'Brien,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Tuck St,3,h,1199000,S,C21,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,61 Weatherall Rd,4,h,1500000,S,Buxton,24/06/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,10 Parklands Av,3,h,786000,S,Noel,24/06/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,1 Beddoe Av,10,h,2115000,S,Harcourts,24/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/10 Morton St,3,u,780000,SP,Buxton,24/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,3 Myriong St,3,h,,PI,Darras,24/06/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,12 Berry St,4,h,,S,Jellis,24/06/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,126 Hodgkinson St,3,h,,S,Nelson,24/06/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,10 Jersey St,3,h,862500,S,Raine,24/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Quarry Cct,4,h,1020000,PI,Ray,24/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/80 Ross St,3,t,,SN,Barry,24/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Soudan St,2,h,996000,S,Nelson,24/06/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,2 Elizabeth St,3,h,1160000,PI,Nelson,24/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,52 Lorensen Av,4,h,,SP,Nelson,24/06/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,1 Bendigo St,3,h,,S,Collins,24/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,147 Easey St,2,h,1095000,SP,Nelson,24/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,159 Keele St,2,h,,S,Nelson,24/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,6 Mansard La,2,t,750000,SP,Jellis,24/06/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Coolaroo,36 Westmere Cr,3,h,390000,S,Barry,24/06/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,30 Beckett Wy,3,h,421000,S,Raine,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Chinnock Ct,5,h,680000,PI,YPA,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11/24 Healesville Lp,2,h,344700,S,Ray,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Kensley Cct,4,h,492000,S,Ray,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Perisher Dr,3,h,425000,S,Ray,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Southern Cr,3,h,460000,S,YPA,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,33 Spurr St,3,h,,SN,Barry,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,69 Thoresby Cct,4,h,,PI,Jason,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Viewrise Wk,2,h,,PI,Barry,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,222 Windrock Av,3,u,390000,S,Ray,24/06/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,100A Alto Av,5,h,1711000,S,Philip,24/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,62 Croydon Rd,3,h,985500,S,McGrath,24/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,22 Hull Rd,3,h,720000,VB,McGrath,24/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,30 Hull Rd,4,h,860000,VB,McGrath,24/06/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,4 Lehmann Pl,3,h,,SP,Fletchers,24/06/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Dallas,17 Hampden St,3,h,408500,S,Raine,24/06/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,50 Kaniva St,3,h,310000,S,Raine,24/06/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,4 Bess Ct,3,h,620000,PI,McLennan,24/06/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,31 Bakers Rd,4,h,,PI,Barry,24/06/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Darley,2 Hare Ct,3,h,,PI,Ryder,24/06/2017,3340,Western Victoria,2992,37.5,Moorabool Shire Council +Deer Park,32 Kynoch St,4,h,650000,S,YPA,24/06/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,34 Laming Rd,2,h,592000,S,Stockdale,24/06/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,43 Poole St,3,h,716000,S,Bells,24/06/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,1 Quinn St,3,h,645000,S,FN,24/06/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,1 Brooks Cr,3,h,588000,SP,Barry,24/06/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,26 Campbell Gr,6,h,,PI,Buxton,24/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Chadree Ct,3,h,840000,S,Buxton,24/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,13 Dorrington Ct,3,h,801000,SP,Ray,24/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,22 Shannon Ct,5,h,955000,S,Ray,24/06/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,36 Henry St,6,h,,SN,Barry,24/06/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/34 Baratta St,3,u,830000,S,Ray,24/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,28 Greendale Rd,3,h,1255000,SA,Ray,24/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Harkaway Ri,4,h,2000000,S,Fletchers,24/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7 Octantis St,3,h,1369000,S,Philip,24/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Woodlea St,4,h,,PI,Jellis,24/06/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,40 Astelot Dr,3,h,902000,S,Hoskins,24/06/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,51 Chippewa Av,2,h,,SN,Barry,24/06/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,11 Miramar Ct,4,h,,SN,Barry,24/06/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,12 Oak Av,3,h,,S,REMAX,24/06/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,24/108 George St,2,u,885000,S,Woodards,24/06/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,58 Grey St,4,h,,PI,Marshall,24/06/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,8/127 Kinross Av,2,u,,S,Hodges,24/06/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,1/22 Livingstone Rd,3,h,,SN,Barry,24/06/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,27 Brixton Av,4,h,,SN,Barry,24/06/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,42 Parry Rd,3,h,967500,S,Morrison,24/06/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,216 Progress Rd,4,h,890000,PI,Buckingham,24/06/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,105 Mitford St,3,h,1800000,VB,Gary,24/06/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,44 Wuchatsch Av,4,h,,SN,Barry,24/06/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,22 Lyon St,2,h,1200000,S,Nelson,24/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,106/1020 Mt Alexander Rd,2,u,720000,PI,Weda,24/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,11/139 Napier St,2,u,410000,VB,McDonald,24/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,116 Ogilvie St,3,u,930000,S,Brad,24/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/222 Pascoe Vale Rd,2,u,600000,S,Barry,24/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,27 Sherbourne St,4,h,1360000,VB,Nelson,24/06/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,10 Beryl St,3,h,1390000,S,Nelson,24/06/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,116A Arthur St,4,h,,S,Jellis,24/06/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,8 Baird St,2,h,761000,S,Ray,24/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,16 Wurruk St,3,h,650000,VB,Stockdale,24/06/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,7/43 Argyle St,2,u,700000,VB,Nelson,24/06/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,53 Alfred Cr,3,h,,S,Nelson,24/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,59 Batman St,2,h,1275000,SP,Nelson,24/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,99 Newry St,2,h,1680000,S,Nelson,24/06/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,139 Victoria St,4,h,1340000,SP,Nelson,24/06/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,17 Dawson Av,3,h,901000,PI,Sweeney,24/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/53 Eleanor St,3,t,849500,SP,Jas,24/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,419/51 Gordon St,1,u,,W,Village,24/06/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,4 Dehaviland Av,3,h,1071500,S,Noel,24/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,309 Springvale Rd,3,h,800000,VB,Noel,24/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,5 Stringybark Cl,3,h,,S,Fletchers,24/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,16 Tisane Av,5,h,,PI,Jellis,24/06/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,5 Almora Cl,3,h,545000,S,O'Brien,24/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Berringa St,3,h,570000,S,U,24/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,22 Bradshaw St,5,h,715000,S,Eview,24/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Cricklewood Av,3,h,630000,S,Ray,24/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,10 Frome Av,3,h,700500,S,Eview,24/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Somme Av,4,h,1700000,VB,Nicholas,24/06/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,160 Overport Rd,3,h,860000,S,O'Brien,24/06/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,38 Seaview Rd,2,h,,SN,Barry,24/06/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,10 Ballard Cl,3,h,653000,SP,Barry,24/06/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,35 Alfred Rd,4,h,,S,Jellis,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Britten St,5,h,2862000,S,Jellis,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Cloverdale Rd,5,h,2180000,SP,hockingstuart,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Fuller Av,4,h,,S,Jellis,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/64 Glen Iris Rd,3,t,1610000,S,Fletchers,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Hillcrest Rd,4,h,2450000,S,Marshall,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Hilltop Av,4,h,2210000,PI,Marshall,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1610 Malvern Rd,4,h,2250000,VB,Jellis,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Wallis Av,4,h,2155000,S,Marshall,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/10 York Rd,3,h,,S,Marshall,24/06/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,9 Baroda Av,3,h,,PI,Ray,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Botanic Dr,4,h,,SN,Biggin,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Bunker Cr,4,h,1420000,S,Ray,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Floreat Ct,5,h,,PI,Barry,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/703 High Street Rd,3,u,,PI,Harcourts,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Ingleside Cr,3,h,1495000,S,Ray,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Kalonga Ct,5,h,,PI,Biggin,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/1 Kirstina Rd,3,t,,PI,Ray,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/45 Ranfurlie Dr,3,t,1125000,S,Ray,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Silverwood Wy,4,h,995000,S,Ray,24/06/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,61 Hartington St,3,h,,PI,Brad,24/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,34 Isla Av,4,h,,S,Barry,24/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Lytton St,4,h,1100000,SP,Alexkarbon,24/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,21 Moss Ct,2,h,,S,Stockdale,24/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/22 Prospect St,3,t,695000,S,Eview,24/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/8 York St,3,h,512000,S,Stockdale,24/06/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,10 Wonga Pl,4,h,820000,VB,Nelson,24/06/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,4 Alexandra St,5,h,1050000,VB,Morrison,24/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,67 Alexandra St,3,h,1326000,S,Nelson,24/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Carnon St,3,h,895000,S,Morrison,24/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,17 Nokuna Ct,3,h,730000,S,Morrison,24/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Perrumba St,5,h,880000,VB,Barry,24/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,22 Yangoora Pl,4,h,925000,SP,Nelson,24/06/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,13 Ambleside Rd,3,h,770000,PI,YPA,24/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Barmah Gra,4,h,715000,S,YPA,24/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 Destination Dr,4,h,840500,S,YPA,24/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Piccadilly Ct,4,h,810000,SP,Jason,24/06/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,16 Carolyn St,4,h,1600000,S,Charlton,24/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1 Grout St,3,h,1325000,VB,RT,24/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2C Kerferd St,4,h,3150000,S,Marshall,24/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13 Mills St,2,t,1285000,S,Hodges,24/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/17 Small St,2,u,685000,SP,Buxton,24/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/121 Thomas St,2,u,878000,S,Marshall,24/06/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,1/2 Flowerdale Rd,3,u,957000,S,Buxton,24/06/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2C Leith Cr,4,h,1200000,SP,Buxton,24/06/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,9 Winnima Av,3,h,,PN,Rexhepi,24/06/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,4/178 Auburn Rd,3,u,862000,S,Jellis,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/350 Auburn Rd,3,t,1236000,S,Marshall,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16 Austin St,5,h,,S,Marshall,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,18 Belgrave St,3,h,1750000,PI,Jellis,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Edlington St,2,h,,S,Kay,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8 Kinkora Rd,4,h,2010000,PI,Marshall,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8 Leslie St,3,h,2370000,S,Jellis,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1C Linda Cr,2,h,,SP,WHITEFOX,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/30 Lisson Gr,2,h,1480000,S,Marshall,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9 Manchester St,2,h,1682000,S,Jellis,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,24/1 Muir St,3,h,,PI,Marshall,24/06/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,23 Broomfield Rd,4,h,,S,Jellis,24/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2 Carnarvon St,2,h,,S,Jellis,24/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,322 Riversdale Rd,3,h,,SP,Marshall,24/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,57 Roseberry St,2,h,,SP,Marshall,24/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6 Westley St,3,h,,SP,Marshall,24/06/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,2/60 Darebin St,4,u,915000,S,Miles,24/06/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,3/186 Hawdon St,3,t,781000,S,Miles,24/06/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,22 Louise St,4,h,,SN,Miles,24/06/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,1 Dennis St,3,h,,S,Barry,24/06/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,129 Outhwaite Rd,2,h,875000,SP,Haughton,24/06/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,204/1 Major St,2,u,,PI,Purplebricks,24/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Major St,4,h,1300000,VB,Buxton,24/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4/2 Moira Av,2,u,595000,S,Chisholm,24/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 Seaton Rd,4,h,1430000,S,Buxton,24/06/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,20 Cuthbert Dr,3,h,660000,S,Barry,24/06/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,54 Timele Dr,3,h,480000,PI,Barry,24/06/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,12 Reserve Rd,3,h,,SN,Barry,24/06/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,63 Carlisle Cr,5,h,965000,S,Sell,24/06/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,11 Athelstane Gr,4,h,2380000,S,Jellis,24/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,83 Oriel Rd,3,h,1035000,S,Miles,24/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/123 Waterdale Rd,3,t,975000,SP,Nelson,24/06/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,7 Maltravers Rd,3,h,,VB,Nelson,24/06/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,50 Emu Pde,3,h,556000,S,YPA,24/06/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,25 Skyline Dr,3,h,875000,SP,Brad,24/06/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,7 Antwerp Dr,4,h,670000,S,Prof.,24/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,1 Hotchkiss Wy,4,h,715000,S,Brad,24/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,54 Odessa Av,4,h,670100,S,Ray,24/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,30 Stockwell Cr,4,h,700000,PI,Barry,24/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,1/37 Thornhill Dr,3,h,575000,SP,Brad,24/06/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,44 Basalt Av,4,h,1703000,S,Jellis,24/06/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,91A Bayswater Rd,3,h,1250000,S,Nelson,24/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,310/71 Henry St,1,u,395000,SP,Edward,24/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,11 McCracken St,2,h,840500,S,Rendina,24/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,201/102 Rankins Rd,2,u,876000,S,Rendina,24/06/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,19 Campbell St,3,h,1995000,S,Nelson,24/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,54 Fellows St,6,h,,SN,RT,24/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Holly Dr,4,h,1800000,VB,MICM,24/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/18 Howard St,2,u,600000,S,Nelson,24/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/38 Pakington St,2,u,797000,S,Jellis,24/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,47 Stevenson St,3,h,3001000,S,Woodards,24/06/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,46 Hedgeley Rd,3,h,752000,PI,Buxton,24/06/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,13B Pleasant St,3,h,685000,S,LJ,24/06/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsville,37 Edgar St,3,h,,S,Jas,24/06/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kooyong,202/723 Toorak Rd,2,u,670000,VB,Jellis,24/06/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,59 David St,3,h,705500,S,Harcourts,24/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,78 French St,2,h,685000,S,Love,24/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Howell St,3,h,560000,S,Harcourts,24/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/11 Maxwell St,2,h,511500,SP,Harcourts,24/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2/26 Messmate St,2,u,360000,S,Harcourts,24/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,38 Vasey Av,2,h,645000,S,Barry,24/06/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,49a Edward St,3,u,,SN,Ray,24/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,7 Wungan St,3,h,701000,S,Nelson,24/06/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/30 Burns St,3,t,810000,S,Biggin,24/06/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,5 Banksia Wy,3,t,1000000,PI,RT,24/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8 Chesterfield Av,6,h,,PN,RT,24/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,39 Ewart St,4,h,,SP,Jellis,24/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1C Glenview Av,3,t,,PI,Marshall,24/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,44 McKinley Av,4,h,,S,Jellis,24/06/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,5D Belson St,3,h,1275000,S,Tim,24/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,62A Coppin St,3,h,,PI,Marshall,24/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4 Hillard St,3,h,1690000,SP,Marshall,24/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,32 The Boulevard,4,h,,S,Jellis,24/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,8 Vickery St,4,h,3600000,S,Marshall,24/06/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,303/30 La Scala Av,2,u,,PI,Biggin,24/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,22 Mephan St,3,t,815000,S,Edward,24/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,29 Monash St,2,h,920000,VB,Biggin,24/06/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/3 Capitol Av,3,t,1140000,S,Hodges,24/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,11 Carlton St,2,h,1172500,S,Buxton,24/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/1 Prince Edward Av,3,h,1473000,S,hockingstuart,24/06/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2 Navarre Ct,3,h,467000,S,Raine,24/06/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melton,102 Palmerston St,4,h,405000,S,hockingstuart,24/06/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,51 Andrew St,3,h,420000,S,hockingstuart,24/06/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,112 Brooklyn Rd,3,h,,PN,Reliance,24/06/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,44 Brooklyn Rd,3,h,465000,S,Reliance,24/06/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mernda,20 Hillgrove Wy,3,h,440000,S,RW,24/06/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,2/106 Nimmo St,3,u,1210000,PI,Marshall,24/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,295 Richardson St,3,h,,S,Marshall,24/06/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,10 Apsley Ct,4,h,625000,S,Ray,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/7 Bradley Dr,2,h,428000,S,Ray,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,34 Coventry Cr,4,h,745000,S,Ray,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,36 Coventry Cr,3,h,600000,S,Ray,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,31 Development Bvd,4,h,722500,S,Ray,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/6 Patmore Ct,2,h,421000,S,Ray,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,53 Pindari Av,3,h,614000,S,Harcourts,24/06/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,395 Mitcham Rd,2,h,890000,S,Ray,24/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,61 Quarry Rd,3,h,,PI,Woodards,24/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Rosstrevor Cr,4,h,1720000,VB,Noel,24/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Tourello St,3,h,960000,VB,Noel,24/06/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7 Hotham St,5,h,,PI,Marshall,24/06/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,146 Sherbourne Rd,3,h,755000,S,Buckingham,24/06/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/342 Ascot Vale Rd,1,u,286000,PI,Nelson,24/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,21/51 Buckley St,1,u,,VB,Stockdale,24/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,184 Maribyrnong Rd,3,h,1375000,S,Brad,24/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/20 Park St,3,t,1050000,PI,Nelson,24/06/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1A Dactyl Rd,3,h,1401500,S,Buxton,24/06/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,14 Fernleigh Dr,4,h,,SN,Barry,24/06/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,1/73 Chute St,4,h,920000,S,O'Brien,24/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9 David St,2,h,1110000,S,Ray,24/06/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,17 Inverness Rd,3,h,620000,VB,Max,24/06/2017,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,5 Armstrong St,3,h,1200000,VB,McGrath,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Baily St,4,h,1387000,S,Ray,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,319 Blackburn Rd,3,h,,PI,Harcourts,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3/20 Briggs St,4,t,970000,SP,Buxton,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/40 Carrol Gr,3,u,870000,S,Buxton,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,30 Howell Dr,3,h,1250000,S,Ray,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Wills Av,4,h,1450000,VB,Jellis,24/06/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,11 Derby Pl,4,h,,PI,Harcourts,24/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,73 Lea Rd,3,h,865000,S,Win,24/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Pavilion Pl,3,h,,SN,Biggin,24/06/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3 Atkinson St,3,h,1410000,S,Woodards,24/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/41 Kangaroo Rd,3,u,1220500,S,Ray,24/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,17/190 Murrumbeena Rd,1,u,357000,S,Gary,24/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Wahroongaa Rd,4,h,1920000,S,Marshall,24/06/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,34 Mahon Cr,3,h,565000,SP,Stockdale,24/06/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,6 Saxonwood Dr,3,h,597500,SP,Ray,24/06/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,36 Davies St,3,h,1250000,S,Greg,24/06/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,112 Johnston St,3,h,1230000,S,Williams,24/06/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,36 Junction St,3,h,1220000,SP,Hunter,24/06/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,48 Ida St,4,h,1315000,S,Barry,24/06/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,21 Conley St,3,h,660000,S,Leyton,24/06/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,16 Thomas St,3,h,,S,C21,24/06/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,106/25 Oxford St,2,u,570000,VB,Alexkarbon,24/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,2/7 Oxford St,2,u,850000,VB,W.B.,24/06/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,46 Osborne Rd,5,h,1550000,VB,Jellis,24/06/2017,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,114 Beavers Rd,3,h,1000000,VB,Nelson,24/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,128 Charles St,3,h,1240000,S,Nelson,24/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,78 Jenkins St,3,h,1590000,S,Jellis,24/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Leonard St,3,h,1275000,VB,Jellis,24/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,22 Waterloo Rd,3,h,1350000,VB,Nelson,24/06/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,4 Busana Wy,3,h,1015000,S,Stockdale,24/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,119 Esdale St,3,h,,SP,Noel,24/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,5 Lynette St,4,h,1075000,PI,Ray,24/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,47 Nicholson St,4,h,,PI,Woodards,24/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,385 Springfield Rd,3,h,,VB,Jellis,24/06/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,4 Barina Rd,3,h,821000,S,Stockdale,24/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,79 New Rd,4,h,1071888,SP,Rendina,24/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/13 Sylvester St,2,t,560000,SP,Eview,24/06/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1448 Dandenong Rd,5,h,,W,Ray,24/06/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,5 Eastgate St,5,h,1750000,S,HAR,24/06/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,27 Alfred Gr,2,h,,SP,Buxton,24/06/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,33 Greta St,3,h,1210000,S,Buxton,24/06/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,21 Highland Av,4,h,1380000,S,Ray,24/06/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,10 Devoy St,4,h,1500000,S,Buxton,24/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,39 Fulton St,3,h,,PI,Harcourts,24/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,4 Hardy Ct,4,h,1215000,S,Buxton,24/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,192 Haughton Rd,3,h,1265000,S,HAR,24/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,266 Warrigal Rd,4,h,1050000,S,Buxton,24/06/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1/276 Grange Rd,2,h,790000,S,Gary,24/06/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,69 Willowtree Dr,4,h,410500,S,C21,24/06/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,9a Clare St,3,h,1230000,S,Buxton,24/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,15 Keiller Av,3,h,1200000,SP,Buxton,24/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,22 Keith St,4,h,1300000,SP,Buxton,24/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,36A Warrigal Rd,3,h,1400000,VB,Buxton,24/06/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,44 Arndt Rd,3,h,955000,S,Raine,24/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,49 Kent Rd,2,h,860000,SP,Nelson,24/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,92 Northumberland Rd,3,h,,SN,Barry,24/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Shanley St,2,h,740000,S,Brad,24/06/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,4 Fullard Cl,3,h,,PI,Point,24/06/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,706/65 Beach St,3,u,,PN,RT,24/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6/5 Liardet St,2,u,816000,S,hockingstuart,24/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,308/15 Pickles St,3,u,800000,S,Greg,24/06/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,9/305 Dandenong Rd,2,u,1020000,S,hockingstuart,24/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,8/10 Lalbert Cr,3,h,,SN,hockingstuart,24/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,24/8 Sydney St,2,u,660000,S,Jellis,24/06/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,21 Edwin St,3,h,1242000,S,McGrath,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,186 Gilbert Rd,2,h,1365000,S,RW,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/40 Grandview Rd,3,u,691000,S,Miles,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Ivy St,2,t,660000,PI,Jellis,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,72d Oakover Rd,3,t,875000,S,Harcourts,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,173 Raglan St,5,h,1350000,S,RW,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,68 Rene St,4,h,,PI,Barry,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 The Mews,3,h,1020000,VB,Nelson,24/06/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,41 Allenby Av,3,h,900000,S,Ray,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Balfour St,3,h,630000,S,Woodards,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Broadhurst Av,4,h,970000,S,Harcourts,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Byfield St,3,h,877500,S,Nelson,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,69 Chauvel St,5,h,912000,S,Ray,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,121B Henty St,2,t,550000,VB,Nelson,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,47 Howard St,5,h,,SP,Love,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Kelverne St,3,h,685000,S,Nelson,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/31 Kenilworth St,1,u,270000,PI,Stockdale,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Locher Av,3,h,790000,SP,RW,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Locher Av,3,h,670000,S,Barry,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 McColl St,3,h,911000,S,Harcourts,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/43 St Vigeons Rd,1,u,365000,SP,Ray,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/65 Thackeray Rd,2,u,470000,VB,RW,24/06/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,9 Brooks St,3,h,,S,Kay,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/129 Hoddle St,2,u,890500,SP,Biggin,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,704/36 Regent St,2,u,665000,PI,hockingstuart,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15/104 Rowena Pde,1,u,355000,SP,Biggin,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,15 The Crofts,3,h,1300000,VB,Jellis,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/12 Woodlawn St,2,u,717000,S,Nelson,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,18 Yorkshire St,3,h,1530000,S,Marshall,24/06/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,53 Bluegum Cct,4,h,817000,S,Raine,24/06/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Riddells Creek,2 Dwyer Ct,4,h,967500,S,Keatings,24/06/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,4 Byron St,2,h,,S,Jellis,24/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,6 Ford St,3,h,1291000,S,Ray,24/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,132 Wonga Rd,3,h,1085000,S,Fletchers,24/06/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,28 Through Rd,3,h,750000,S,Fletchers,24/06/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,84 Brighton Rd,2,h,1005000,PI,McGrath,24/06/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rowville,71 Kellbourne Dr,4,h,860000,S,Fletchers,24/06/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,7 Merrigan Ct,3,h,,PI,Professionals,24/06/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,7 Portland Pl,3,h,,SP,RW,24/06/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,4 Galilee Dr,4,h,645000,SP,Harcourts,24/06/2017,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,26 Regent Ct,4,h,1770000,S,Charlton,24/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,56 Victoria St,5,h,2250000,VB,hockingstuart,24/06/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,147 George St,3,h,833800,SP,Barry,24/06/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,715 Stud Rd,3,h,,S,Williams,24/06/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,23 Kananook Av,3,h,900000,S,Aquire,24/06/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,21 Keerok Av,3,h,585000,SA,Buxton,24/06/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,30 Larool Cr,3,h,800000,S,Buxton,24/06/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,42 Mitchell St,6,h,1050000,S,U,24/06/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,66 Alexander St,2,h,,S,Nelson,24/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,36 Bayview Rd,3,h,1085000,S,Village,24/06/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Silvan,1 Parker Rd,4,h,1070000,S,Ray,24/06/2017,3795,Eastern Victoria,457,34.6,Yarra Ranges Shire Council +South Melbourne,148 Cobden St,3,h,,S,Marshall,24/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,325 Moray St,3,h,,PI,Marshall,24/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,14 Ward St,3,h,1700000,S,Conquest,24/06/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,85 Bushmans Wy,4,h,642000,S,Ray,24/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Premier Av,3,h,545000,S,Stockdale,24/06/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,108/32 Bray St,2,u,470000,PI,Dingle,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/90 Clowes St,2,u,945000,PI,Castran,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,23/36 Cromwell Rd,2,u,,PI,HAR,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/29 Hardy St,2,u,537000,SP,Rombotis,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,510/6 Murphy St,2,u,850000,VB,RT,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,56 Oban St,3,h,,SN,Kay,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,348 Punt Rd,3,h,900000,VB,Castran,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,24 Tivoli Rd,3,h,1810000,S,Jellis,24/06/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,1 Bernard St,3,h,785000,S,Williams,24/06/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,15 Phillip Av,3,h,721000,S,Hall,24/06/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,5 Sullivan St,3,h,770000,S,Stockdale,24/06/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,33 Whitworth Av,4,h,1005000,S,Leyton,24/06/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,36 Cowper Av,3,h,,SN,Barry,24/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/84 Leonard Av,3,u,492000,SP,Ray,24/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,63 Lovell Dr,3,h,600000,PI,FN,24/06/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,2/27 Alma Gr,2,u,,SN,Wilson,24/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,126/135 Inkerman St,2,u,,PI,Purplebricks,24/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3 Mitford Pl,4,h,1650000,PI,Wilson,24/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/18 Princes St,2,u,,S,Biggin,24/06/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,48 Lebanon St,3,h,950000,PI,Considine,24/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,164 Mascoma St,3,h,883000,S,Considine,24/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,140 Woodland St,3,h,1650000,S,Trimson,24/06/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,19 Higgins Av,3,h,423000,S,YPA,24/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,11 Noble Wy,4,h,571750,S,YPA,24/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,109 Reservoir Rd,3,h,,PI,Barry,24/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,64 Station St,3,h,755000,S,Brad,24/06/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,42 Alice St,3,h,,SN,Barry,24/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/7 Station Pl,3,t,755000,S,Jas,24/06/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,98 Furlong Rd,3,h,,PN,S&L,24/06/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,7 Arnold St,4,h,780000,S,Sweeney,24/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/41 Bardsley St,3,u,518000,S,HAR,24/06/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,5 Alastair Ct,4,h,,S,Marshall,24/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,32 Durham Rd,4,h,,S,Marshall,24/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,57 Durham Rd,3,h,,S,Jellis,24/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4 Newton St,4,h,,S,Marshall,24/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,52 Park Rd,5,h,2000000,VB,Noel,24/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,430 Whitehorse Rd,3,h,1050000,S,Marshall,24/06/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Lakes,30 Barbary Cr,3,h,725000,S,Barry,24/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Glover Ct,4,h,716000,S,Barry,24/06/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,6 Annan Pl,4,h,1450000,PI,Jellis,24/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Dena Ct,4,h,1860000,PI,Jellis,24/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Fernbrook Wy,4,h,,PI,Fletchers,24/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,194 Foote St,4,h,,SP,Jellis,24/06/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,20 Fyfe Dr,3,h,1181000,S,Jellis,24/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,23 Gertrude St,4,h,1352000,S,Ray,24/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,5 Howitt Dr,4,h,,VB,Fletchers,24/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,50 Killarney Rd,4,h,,PI,Barry,24/06/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,15 Charlton Pl,3,h,632500,S,Harcourts,24/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/4 Currajong St,3,u,460000,S,Love,24/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,18 Darebin Dr,3,h,651000,S,Harcourts,24/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,52 The Boulevard,3,h,831000,S,Barry,24/06/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,19 Alston St,3,h,1250000,PI,Jellis,24/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,243 Darebin Rd,2,h,1460000,S,Nelson,24/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,19 Keon St,3,h,,VB,Woodards,24/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,106 Normanby Av,4,h,1320000,S,Nelson,24/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,29 Speight St,2,h,1000000,PI,Nelson,24/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3 Tharratt St,3,h,1420000,S,Ray,24/06/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,3/153 Kooyong Rd,2,u,,SN,FN,24/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/1 Ruabon Rd,3,u,640000,PI,hockingstuart,24/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/22 Tintern Av,2,u,720000,VB,Jellis,24/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/567 Toorak Rd,3,u,,SN,hockingstuart,24/06/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,1/15 Flemington St,2,t,856000,S,Nelson,24/06/2017,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,11 Memphis Dr,5,h,,SN,Barry,24/06/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Vermont,41 Carinya Rd,4,h,1235000,SP,Noel,24/06/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,14 Hartland Rd,5,h,1425000,PI,McGrath,24/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,6 Nolan Cl,4,h,1650000,PI,Noel,24/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,3 Reynella Cl,4,h,1400000,PI,Jellis,24/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,3 Terrara Ct,4,h,1290000,S,Ray,24/06/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,23 Diane Cr,4,h,1070000,VB,Miles,24/06/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,178 Graham Rd,3,h,825000,S,Barry,24/06/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,7 Greenwich Pl,3,h,,SN,Miles,24/06/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,37 Kambea Cr,3,h,1061000,S,Fletchers,24/06/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,42 Station St,3,h,,SN,Barry,24/06/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,6 Deauville Ct,4,h,1000000,SP,Barry,24/06/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,14a Kingloch Pde,3,h,821000,S,Ray,24/06/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1/54 Fonteyn Dr,3,h,717000,SP,Barry,24/06/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,11 Henry Rd,3,h,1160000,S,Ray,24/06/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,14 Riverpark Dr,6,h,1180000,S,Ray,24/06/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,57 Sellars St,4,h,800000,SP,Buckingham,24/06/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,20 Dobell Cr,3,h,375000,S,PRDNationwide,24/06/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,243 Essex St,2,h,749000,S,Jas,24/06/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,148 Adderley St,3,h,1370000,S,Jellis,24/06/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,20 Ajax Dr,5,h,,PI,Ray,24/06/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Darvell Cl,4,h,1272000,S,Jellis,24/06/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Locum Ct,4,h,,PI,Fletchers,24/06/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,152 Ferguson St,3,t,,S,Woodards,24/06/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,27 Hornby St,2,h,957500,S,hockingstuart,24/06/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,16 Wrexham Rd,3,h,2080000,PI,Kay,24/06/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wyndham Vale,6 Townsend St,4,h,,PI,hockingstuart,24/06/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,3 Sirius Ct,3,h,852000,S,Barry,24/06/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,224 Fogarty Av,4,h,1435000,SP,Nelson,24/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,13 Sussex St,3,h,,S,Jas,24/06/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,31 Turner St,4,h,1542000,S,Collins,24/09/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,1 Chisholm St,3,u,726000,S,Barry,24/09/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,34 Moorna Dr,4,h,978000,S,Nelson,24/09/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,16 Dinsdale St,3,h,,S,Greg,24/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,51 Graham St,2,h,,PI,Marshall,24/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,143 Kerferd Rd,7,h,,SN,hockingstuart,24/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,49 Page St,3,h,2000000,PI,Marshall,24/09/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,25 Brisbane St,2,u,463000,S,Barry,24/09/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,16/20 Talmage St,2,t,319000,SP,Barry,24/09/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,7/7 Chandler Hwy,2,t,650000,SP,Brace,24/09/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,217 Merton St,4,h,540000,S,hockingstuart,24/09/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,5 Weber Ct,4,h,480000,S,LJ,24/09/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,35 May St,2,h,610000,S,RT,24/09/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,19 North St,3,h,565000,S,Barry,24/09/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,22 Sunhill Ct,3,h,515000,S,Bells,24/09/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,7/22 Derby St,1,u,450000,PI,hockingstuart,24/09/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,78 Francis St,3,h,1135000,S,Brad,24/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,25 Geddes St,4,h,950000,PI,Nelson,24/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,106/246 Union Rd,3,u,790000,PI,Weda,24/09/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,1/27 Electra Av,2,u,675000,S,Buxton,24/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/21 Lavidge Rd,4,t,,PI,Buxton,24/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,12 Leonard St,4,h,1350000,S,Buxton,24/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4 Teck St,2,h,1110000,S,Fletchers,24/09/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,1/5 First Av,2,h,702000,S,iSell,24/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,37 Larnook Cr,4,h,840000,PI,hockingstuart,24/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,24 Longbeach Cl,3,t,666000,S,hockingstuart,24/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,73 Station St,4,h,970000,SA,hockingstuart,24/09/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,1/3 McIntosh Ct,2,u,840000,SP,Ray,24/09/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,27 Alanbrae Tce,4,h,,PI,YPA,24/09/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,7a Harricks Cr,3,u,536000,S,YPA,24/09/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,1/24 Bordeaux St,2,h,522500,S,Nelson,24/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,7 Landau Pl,4,h,990000,S,Moonee,24/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,72 Military Rd,4,h,680000,PI,Nelson,24/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,1/5 South Tce,3,u,500000,S,Nelson,24/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,1/4 Weyburn Pl,2,t,550000,SP,Moonee,24/09/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,61 Balwyn Rd,5,h,,SP,Marshall,24/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,27 Metung St,4,h,2410000,S,Fletchers,24/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/35 Weir St,2,u,650000,S,Jellis,24/09/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,23 Alpha St,5,h,,PI,RW,24/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/48 Alpha St,2,u,1040000,S,Fletchers,24/09/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,12 Kingsford St,4,h,833000,S,Ray,24/09/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,6 Mareeba Cr,3,h,,SN,Woodards,24/09/2016,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,3/434 Balcombe Rd,3,t,800000,S,Bayside,24/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,8/131 Charman Rd,3,u,872500,S,Ray,24/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Hornby St,4,h,1703500,S,Marshall,24/09/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,12 Garrett Cr,2,h,780000,S,Miles,24/09/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,26 Buckingham Av,4,h,1860000,S,Buxton,24/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,68 Mortimore St,3,h,1350000,S,C21,24/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11/27 Patterson Rd,2,u,635000,S,hockingstuart,24/09/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,76 Bignell Rd,3,h,1000000,S,Woodards,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/12 Brosa Av,3,t,1150000,S,hockingstuart,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5a Cavalier St,3,t,965000,S,Buxton,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/5 Connie St,3,u,870000,S,Woodards,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Gardeners Rd,3,h,1405000,S,Woodards,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,113a MacKie Rd,4,h,1100000,VB,Melbourne,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,123 MacKie Rd,3,h,1161000,S,hockingstuart,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,44a McGuinness Rd,4,t,1080000,S,Buxton,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,11 Melball St,3,h,1266000,S,hockingstuart,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/8 Rudyard St,3,t,700000,PI,hockingstuart,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Tudor St,3,h,,SP,Buxton,24/09/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,50 Mansfield St,6,h,,SN,Barry,24/09/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,27 Wurundjeri Bvd,4,h,700000,SP,O'Brien,24/09/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,1/10 Doulton Rd,2,u,850000,S,Noel,24/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,7 Linden St,3,h,1300000,S,Noel,24/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,11 Rosalind Cr,5,h,1238781,SP,Jellis,24/09/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,3/7 Anne St,3,u,780000,VB,Noel,24/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,22 Sussex St,3,h,1070000,S,Noel,24/09/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1/21 Christine St,3,h,,PI,Woodards,24/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,42 Drummond St,3,h,1105000,S,Fletchers,24/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,20 Glenice Av,4,h,,S,Fletchers,24/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2 Granya Ct,4,h,,VB,Noel,24/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,54 Holland Rd,4,h,,SN,Woodards,24/09/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Braybrook,6/27 Marnoo St,4,t,,PI,Barry,24/09/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,35 Champion St,3,h,2320000,S,Nick,24/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Rooding St,3,h,,S,Marshall,24/09/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,20a Binnie St,3,h,,S,Nick,24/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/2 Hornby St,1,t,681000,SP,Buxton,24/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,16b Regent St,3,t,1511000,S,RT,24/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8 Thomas St,2,h,1310000,S,Buxton,24/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,94 Thomas St,3,h,,SP,hockingstuart,24/09/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,6 Freda St,3,h,450000,S,YPA,24/09/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,68 Kitchener St,3,h,440000,PI,YPA,24/09/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,77 Walsh St,2,u,,PI,Harcourts,24/09/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,107/201 Albert St,1,u,,SN,Pagan,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/269 Albion St,2,u,,PN,Walshe,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,270 Albion St,3,h,880000,S,Nelson,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1 Davison St,3,h,1000000,S,Nelson,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/18 De Carle St,2,t,754000,S,Nelson,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9 Eveline St,3,h,,SN,Barry,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,17 Goodman St,2,h,916000,S,Nelson,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5/6 Pottery Ct,2,u,590000,S,Woodards,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9/31 Staley St,2,u,,SP,Nelson,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/6 Sydney Rd,2,u,575000,S,Nelson,24/09/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,6a Deakin St,2,t,985000,S,Jellis,24/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,5 John St,3,h,910000,S,Jellis,24/09/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1 Jordan St,2,h,1315000,S,Nelson,24/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/109 Melville Rd,2,u,370000,VB,Nelson,24/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/464 Victoria St,2,t,735000,S,Jellis,24/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,15 Wallace St,4,h,1000000,S,Nelson,24/09/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,19 Barak St,4,h,1100000,PI,Barry,24/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,13 Birrarrung Ct,4,h,1475000,VB,Barry,24/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,42 Gisborne St,4,h,1140000,S,hockingstuart,24/09/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,5 Larkin Ct,3,h,575000,S,Barry,24/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1404 Plenty Rd,5,h,950000,S,Barry,24/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,14 Silverash Dr,2,h,325000,S,Harcourts,24/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,29 Tasman Dr,4,h,670000,SP,Ray,24/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 The Rameo,4,h,650000,PI,Barry,24/09/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,148 Stawell St,2,h,1202500,S,Jellis,24/09/2016,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burwood,19 Ardenne Cl,3,h,750000,VB,Fletchers,24/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,18 Brockhoff Dr,4,h,1250000,SA,Barry,24/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,33 Cookson Wy,3,t,,SN,Biggin,24/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,26 Inverness Av,3,h,1116000,S,Buxton,24/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/37 Sixth Av,2,u,580000,S,Buxton,24/09/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,12 Faye St,5,h,810000,S,Buxton,24/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,13 Holbeach St,4,h,903000,S,Jellis,24/09/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,3 Beech St,3,h,,S,Jellis,24/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Hollsmoor Rd,3,h,2155000,S,Noel,24/09/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,2/105 Neill St,3,u,1110000,S,Nelson,24/09/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,14/1102 Lygon St,1,u,437000,S,Nelson,24/09/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,956 Lygon St,3,h,,S,Woodards,24/09/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,984 Lygon St,2,h,1150000,VB,Nelson,24/09/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,4 Mary St,2,u,520000,VB,Nelson,24/09/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Caroline Springs,95 Oakview Pde,4,h,599000,S,YPA,24/09/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,33 Kalimna St,3,h,750000,S,hockingstuart,24/09/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,551 Station St,4,h,776500,S,hockingstuart,24/09/2016,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,8/197 Ballarto Rd,3,u,,SP,Ray,24/09/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,24 Greenshank Ct,5,h,555000,S,Donovan,24/09/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,10/9 Kooyong Rd,2,u,,PI,Jellis,24/09/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,89 Clarence St,2,h,1340000,S,Buxton,24/09/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1/32 Kelly St,2,h,705000,S,Buxton,24/09/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,7 Camp St,4,h,1220000,S,Buxton,24/09/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,6 Elsie Gr,4,h,1000000,PI,hockingstuart,24/09/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,51 Embankment Gr,4,h,903000,S,Buxton,24/09/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,31 Cobham St,4,h,1311000,S,hockingstuart,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,207/30 Garfield St,3,u,650000,VB,Ray,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Jennifer St,3,h,1100000,S,O'Brien,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,17b Norma Av,3,t,992000,S,Greg,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,55 Wallingford St,3,h,991000,S,O'Brien,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,50/310 Warrigal Rd,2,u,470000,S,Buxton,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,25 Wembley Av,3,h,1200000,S,Buxton,24/09/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,23 Brushbox Ct,3,t,515000,S,Century,24/09/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/25 Burns Av,3,u,480000,PI,Barry,24/09/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,109 Osborne Av,3,h,620000,S,iSell,24/09/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,2/21 Tennyson Av,2,u,425500,S,Century,24/09/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,18 Barries Pl,3,t,825000,SP,Jellis,24/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,1/493 Hoddle St,2,u,533000,SP,Jellis,24/09/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,37a Anketell St,3,h,,SN,Barry,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,217 Bell St,3,h,,SN,Barry,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Franklin St,2,h,1008000,S,Jellis,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,74 Linda St,3,t,800000,PI,Peter,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/20 Loch St,2,t,599000,S,Ray,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,50a Rennie St,2,h,860000,S,Nelson,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Shaftsbury St,4,h,990000,SP,Grantham,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/30 Shaftsbury St,2,u,451000,S,RT,24/09/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,146 Elizabeth St,3,h,2000000,S,Ray,24/09/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,5/61 Little Oxford St,2,u,672000,S,Jellis,24/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,31/78 Oxford St,2,u,1215000,S,Jellis,24/09/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,20 Creighton Wy,3,h,348000,S,LITTLE,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Durban Pl,4,h,500000,SP,Daniel,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Emblem Wy,4,h,485000,S,LJ,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,32 Fawkner La,3,h,362000,SP,hockingstuart,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,493 Grand Bvd,4,h,495000,S,RE,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,80 Grevillea St,3,h,,S,hockingstuart,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7a Huntington Dr,2,t,310000,S,RE,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Langdon Cr,3,h,390000,SP,Professionals,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,41 Langdon Cr,3,h,440000,SP,Brad,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,38 Medway Rd,3,h,300000,PI,RE,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,40 Westerfolds Lp,5,h,570000,SP,Barry,24/09/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,54 Balmain St,2,h,1110000,S,Biggin,24/09/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,308/163 Cremorne St,2,u,565000,S,hockingstuart,24/09/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,175 Dover St,2,t,1010000,S,hockingstuart,24/09/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,35 Sellick Dr,3,h,800000,S,McGrath,24/09/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,13 Humber Rd,4,h,580000,SP,McGrath,24/09/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,18 Banksia Ct,4,h,840000,S,hockingstuart,24/09/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Croydon South,33 Olympus Dr,4,h,875000,S,hockingstuart,24/09/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,6/19 Close Av,2,u,290000,PI,Hall,24/09/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,84 Kirkham Rd,3,h,,PN,Hall,24/09/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,83 McFees Rd,3,h,,PI,Barry,24/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,27 Waranga St,5,h,791000,S,LITTLE,24/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,11 Worrell St,3,h,,SN,Barry,24/09/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,2 Cavendish Dr,5,h,550000,PI,Bells,24/09/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,29 Lewin St,4,h,595000,S,FN,24/09/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,44 Pioneer Dr,3,h,,SN,Bells,24/09/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,15 Tulloch St,3,h,400000,SP,Biggin,24/09/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,8 Cooper Ct,4,h,557000,S,Barry,24/09/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,5 Koonawarra Wy,3,h,605000,S,Ray,24/09/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,8 Greenwoods Cl,4,h,888000,SP,Buxton,24/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1 Penn Pl,4,h,900000,S,Ray,24/09/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,34 Harcourt St,4,h,,SN,Ham,24/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,31 Pettys La,4,h,,SN,hockingstuart,24/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,22 Tandara Av,4,h,1505000,S,Barry,24/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Warren St,5,h,1322000,S,Jellis,24/09/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,30 Churchill St,3,h,1703000,S,Jellis,24/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/1051 Doncaster Rd,4,h,840000,VB,Jellis,24/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/17 Elizabeth St,2,u,660000,S,Jellis,24/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14a Ireland Av,4,t,,SP,Jellis,24/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Peachwood Ri,4,h,1200000,SP,Barry,24/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,37 Woodlea St,4,h,1260000,S,Philip,24/09/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6/25 Wooddale Gr,2,t,545000,S,Philip,24/09/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,21 Starboard Dr,5,h,575000,S,Buckingham,24/09/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,4 Melia St,3,h,,SN,Park,24/09/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,6/108 George St,1,u,565000,SP,Caine,24/09/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,18 Field Av,4,h,845000,S,hockingstuart,24/09/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,5/33 Nepean Hwy,2,t,751000,S,McGrath,24/09/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/103 Bible St,2,u,480000,PI,Darren,24/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,860 Main Rd,5,h,1200000,PI,Buckingham,24/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3 Mulberry Ct,4,h,,S,Morrison,24/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,20 Quentin Wy,4,h,,PI,Barry,24/09/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,111 Progress Rd,3,h,,S,Morrison,24/09/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,5/106 Addison St,2,u,680000,SP,Chisholm,24/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/9 Dickens St,2,u,600000,S,hockingstuart,24/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/76 Mitford St,1,u,370000,PI,Hodges,24/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/10 Vautier St,2,u,612000,S,Buxton,24/09/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,3 Encounter Pl,5,h,634000,S,Iconek,24/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Foxzami Cr,5,h,,PI,Iconek,24/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Howard St,4,h,750000,S,Stockdale,24/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,46 Kalman Rd,3,h,430000,S,LJ,24/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Meranti Wy,4,h,640000,PI,hockingstuart,24/09/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,3/136 Hoffmans Rd,2,u,405000,S,Nelson,24/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/12 Schofield St,2,u,450000,SP,Brad,24/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/35 William St,2,u,740000,S,Nelson,24/09/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,2/45 Hoffmans Rd,3,t,970000,PI,Barry,24/09/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,4/224 Arthur St,2,t,805000,S,McGrath,24/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,6 Separation St,4,h,,S,Jellis,24/09/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,162 Anderson Rd,3,h,550000,S,Brad,24/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/80 Argyle St,4,u,540000,S,hockingstuart,24/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,46 James St,3,t,,SN,Barry,24/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,41 Murray St,3,h,643000,S,Nelson,24/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,34a Preston St,3,h,631000,S,hockingstuart,24/09/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,107 Cecil St,2,h,1300000,S,Nelson,24/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,218 Kerr St,2,u,,S,Nelson,24/09/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,86 Clauscen St,3,h,1710000,S,Collins,24/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,44 McKean St,3,h,,S,Nelson,24/09/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,65 Victoria St,3,h,850000,VB,Jellis,24/09/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,506/55 Hopkins St,2,u,,PI,Nelson,24/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/10 Leigh St,2,u,525000,PI,Sweeney,24/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/11 Nicholson St,1,u,282000,PI,Sweeney,24/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/25 Stanlake St,3,t,699000,S,Jas,24/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,26 Titch St,3,t,,PI,Biggin,24/09/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,54a Stevens Rd,3,t,686000,S,Ray,24/09/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,34 Dell Rd,3,h,603000,S,Ray,24/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,39 Foot St,3,h,570000,S,hockingstuart,24/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1 Forsyth St,3,h,,PN,Asset,24/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,50 Leonard St,3,h,560000,S,O'Brien,24/09/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,24 Neil St,4,h,795000,PI,hockingstuart,24/09/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,4 Warnoo Ct,3,h,680000,S,U,24/09/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,99 Yuille St,3,h,530000,S,U,24/09/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,12 Coop Dr,4,h,575000,PI,Raine,24/09/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,102 Frith Rd,3,h,580000,VB,Raine,24/09/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,6 Cassandra Dr,3,h,575000,S,Jason,24/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,20 Linacre Cr,4,h,496000,S,Jason,24/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,20 Nigel Cr,4,h,600000,S,Barry,24/09/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,201/1177 Glen Huntly Rd,2,u,445000,S,Woodards,24/09/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,2/13 Estella St,2,u,690000,S,O'Donoghues,24/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Hope St,3,t,1200000,VB,O'Donoghues,24/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Howitt St,4,h,3010000,S,Kay,24/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/32 Iris Rd,2,u,785000,S,Jellis,24/09/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,1 Blenheim Av,4,h,1411000,S,Ray,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Callaghan Av,3,t,905000,S,Biggin,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Capital Av,3,h,,SN,hockingstuart,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/25 Golden Gr,3,h,825000,S,Jellis,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Hunter St,4,h,1500880,SP,Ray,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Jordan Gr,4,h,1333000,SP,Harcourts,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Packham Cr,3,h,,SP,Barry,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,46 Townsend St,3,h,1570000,SP,Ray,24/09/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,47 Cardinal Rd,4,h,1217500,S,Barry,24/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,135 Hilton St,3,h,600000,SP,Barry,24/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/19 Isla Av,3,u,470000,SP,Barry,24/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,34 Melbourne Av,2,h,452000,S,Barry,24/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,29 Moonee Bvd,3,h,570000,PI,Barry,24/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,46 Sadie St,4,h,655000,SP,Stockdale,24/09/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,214 Elder St,3,h,678500,S,Darren,24/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/27 Jessop St,3,h,655000,S,Darren,24/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Landra Pl,4,h,,SN,Barry,24/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,49 Nell St,3,h,757000,S,Darren,24/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2 Vabiro Ct,3,h,775000,S,hockingstuart,24/09/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,3 Elgin Rd,4,h,,SN,Jason,24/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Langbourne Ct,4,h,,PI,YPA,24/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,17 Piccadilly Ct,4,h,803000,S,Barry,24/09/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,6 Hyde St,3,h,,SP,Raine,24/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,42 West St,3,h,725000,S,Brad,24/09/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,6/45 Grenville St,2,t,,S,Buxton,24/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1/237 Hampton St,1,u,500000,SP,Marshall,24/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/95 Thomas St,3,t,1100000,S,Hodges,24/09/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton Park,13 Keller Ct,4,h,520000,S,LJ,24/09/2016,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,1/3 Clovelly Ct,2,u,751000,S,RT,24/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,24 College St,3,h,1551000,S,Jellis,24/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/67 Denham St,1,u,415000,S,Woodards,24/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/48 Oxley Rd,2,u,743000,S,Jellis,24/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/26 Selbourne St,1,u,420000,S,LITTLE,24/09/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,4 Temple St,6,h,1666000,S,Noel,24/09/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,16 Miller Rd,4,h,,SN,Barry,24/09/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,65 Buckingham Dr,6,h,,SN,Miles,24/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,10 Cleve Gr,3,h,1195000,S,Miles,24/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,1/14 Edgar St,3,h,850000,VB,Fletchers,24/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/97 Hawdon St,4,u,830000,S,Miles,24/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,55 Hodgson St,3,h,1076000,S,Miles,24/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,14 Scarborough Dr,4,h,1362000,S,Miles,24/09/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2 Law St,2,h,675000,S,Fletchers,24/09/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,38 Coomalie Cr,3,h,687000,S,William,24/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,138 Outhwaite Rd,3,h,,PN,Ray,24/09/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,40 Dalmont St,3,h,1196000,S,Woodards,24/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4/278 Highett Rd,2,u,480000,S,Buxton,24/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2 Rowans Rd,3,h,930000,S,Hodges,24/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,22 Royalty Av,4,h,1160000,S,RT,24/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,46 Tennyson St,3,h,850000,S,Charlton,24/09/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2 Daymar Ct,4,h,460000,SP,YPA,24/09/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,20 James Ct,4,h,635000,S,Barry,24/09/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Summerhill Dr,3,h,622000,S,Barry,24/09/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,28 McKellar Av,3,h,,SN,Barry,24/09/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,1590 Dandenong Rd,3,h,928500,S,Woodards,24/09/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Hurstbridge,61 Curtain Rd,3,h,600000,PI,Mason,24/09/2016,3099,Northern Victoria,1345,26.1,Nillumbik Shire Council +Ivanhoe,3/67 Livingstone St,2,u,630000,S,RT,24/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,79 Marshall St,4,h,1460000,S,Miles,24/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/14 Merton St,1,u,421000,SP,Nelson,24/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,8 Mervyn Cr,3,h,,S,Nelson,24/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,199 Waterdale Rd,4,h,,SN,Miles,24/09/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,15 Bliburg St,3,h,460000,PI,Eview,24/09/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,4 Woolstone Cl,4,h,560000,SP,Brad,24/09/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,43 Swindon Cr,4,h,640000,S,Daniel,24/09/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,90 Willys Av,4,h,621000,S,Barry,24/09/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,11 Heather Av,4,h,810000,S,Brad,24/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,31 Nyah St,3,h,,PI,Barry,24/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,13 Wonganella Dr,3,h,720000,SP,Brad,24/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,24 Yallop Ct,4,h,735000,SP,Nelson,24/09/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,1 Latrose St,3,h,570000,PI,Nelson,24/09/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,28 Pridham St,5,h,1001000,S,Rendina,24/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,123 Rankins Rd,2,h,850000,SP,Nelson,24/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,103/60 Speakmen St,1,u,310000,PI,Edward,24/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,111/80 Speakmen St,1,u,310000,VB,Edward,24/09/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,9/25 Derby St,2,u,557000,S,Nelson,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25 Duke St,2,h,,S,Kay,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,27 Earl St,3,h,1410000,PI,Fletchers,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/97 Earl St,4,t,1000000,VB,Fletchers,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Fernhurst Gr,4,h,2450000,VB,Jellis,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,40 Hartington St,3,h,,SP,Marshall,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,51 Princess St,4,h,2460000,S,Marshall,24/09/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,9a Arden Ct,3,t,1963000,S,Noel,24/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,36 Belford Rd,4,h,1315000,SP,Nelson,24/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,581 High St,3,h,,S,Fletchers,24/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,4/69 Windella Av,2,u,675000,S,Jellis,24/09/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsville,72 Chirnside St,4,h,1275000,SP,Jas,24/09/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,18 Queensville St,3,h,,W,Jas,24/09/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,57 Wales St,3,h,925000,SP,Village,24/09/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,23 Belindavale Dr,5,h,,SP,Barry,24/09/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,16 Valetta Cr,3,h,726000,S,iTRAK,24/09/2016,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kurunjang,13 Revenue St,4,h,,SN,Barry,24/09/2016,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,32 Atarhi Pde,4,h,,SN,Ray,24/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,24 Currawong Av,3,u,455000,S,Harcourts,24/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,183 Darebin Dr,3,h,599000,S,Harcourts,24/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Middleton St,3,u,715000,S,Harcourts,24/09/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,7 Bruce St,3,h,435000,SP,hockingstuart,24/09/2016,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lilydale,9 Athlone St,4,h,657000,S,Jellis,24/09/2016,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,14 Anthony Cl,4,h,925000,S,Morrison,24/09/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,5 Rangeview Rd,3,h,,PI,Morrison,24/09/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,8 Rangeview Rd,4,h,965500,S,Buckingham,24/09/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/41 Cherry St,2,u,551000,S,Fletchers,24/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/19 Edward St,2,u,,SN,Miles,24/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,11 Fernley Av,3,h,,S,Darren,24/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,3 Hideaway Trn,4,h,1140000,S,Barry,24/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,64 Strathallan Rd,2,h,967000,S,Darren,24/09/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2 Omar St,4,h,765000,SP,Biggin,24/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,62 Suffolk St,4,h,1060000,S,Biggin,24/09/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,2/2 Cawkwell St,3,h,,SP,Marshall,24/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,11 Chesterfield Av,4,h,,PI,RT,24/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,24/1231 Malvern Rd,2,u,660000,S,Thomson,24/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2 McArthur St,4,h,1617000,S,O'Donoghues,24/09/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,66 Argyll St,3,h,1100000,PI,Thomson,24/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5/25 Clarence St,1,u,373000,SP,hockingstuart,24/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2a Ivanhoe Gr,3,h,1230000,S,Buxton,24/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,77 Millewa Av,2,h,1149000,S,Marshall,24/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,10 Ramona Av,4,h,1500000,VB,Fletchers,24/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/3 Steele St,2,u,536000,S,Rendina,24/09/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,28 Blair St,2,t,400000,PI,Rendina,24/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,33 River St,4,h,1215000,S,Raine,24/09/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,507/325 Collins St,2,u,733000,S,MICM,24/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,702/108 Flinders St,2,u,675000,VB,Kay,24/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,204/368 Little Collins St,1,u,375000,S,Dingle,24/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,310/74 Queens Rd,2,u,426000,PI,Gary,24/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1302/454 St Kilda Rd,3,u,1505000,S,RT,24/09/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,3/121 Balcombe Rd,3,u,772500,S,Hodges,24/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,11 Glengala Ct,4,h,902500,S,O'Brien,24/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,21/30 Mentone Pde,1,u,370000,S,Hodges,24/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/6 Venice St,2,u,600000,S,Bayside,24/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9 Withers Wy,3,h,780000,S,Buxton,24/09/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mill Park,9 Boyd Pl,3,h,,SN,Barry,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,30 Callistemon Ri,4,h,,SN,Barry,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,27 Carbon Cr,3,h,459000,S,Ray,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,27 Centenary Dr,3,h,482000,S,Love,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Delacombe Dr,3,h,746000,S,Ray,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Dorman Ct,3,h,472000,S,Ray,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,63 Grenda Dr,4,h,533000,S,Harcourts,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,39 Hobson Cr,3,h,590000,S,Love,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Lamina Av,3,h,455000,S,Ray,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Ross Ct,3,h,626000,S,Harcourts,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,58 University Dr,4,h,653000,S,Ray,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Warren Cl,4,h,,PI,Harcourts,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Warren Cl,3,h,680000,S,Harcourts,24/09/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/28 Walwa St,3,u,655000,PI,Philip,24/09/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,6 Alexander St,4,h,832000,S,Barry,24/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/24 Astley St,3,h,850000,SP,Barry,24/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,54 Kirwana Gr,3,h,710000,S,Barry,24/09/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,36 Aberfeldie St,3,h,1725000,PI,Nelson,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,9/14 Ardmillan Rd,2,u,,S,Brad,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,86a Dean St,3,t,,S,Jellis,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/5 Park St,1,u,415000,S,Weda,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,20 Railway Cr,2,h,780000,PI,Nelson,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,5/8 Scotia St,2,t,,SN,Frank,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,6/8 Scotia St,2,t,670000,SP,Frank,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,13/9 The Strand,3,u,650000,SP,Brad,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4/6 Turner St,2,u,600000,S,Woodards,24/09/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,88 Bulli St,4,h,1035000,S,Ray,24/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/86 Chapel Rd,3,t,805000,S,Buxton,24/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,610/6 Station St,2,u,460000,PI,Ray,24/09/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,27 Governor Rd,3,h,935000,S,O'Brien,24/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,6/11 McDonald St,1,u,401000,S,Buxton,24/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,4/403 Nepean Hwy,2,u,,PI,Barry,24/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5 Waratah Av,3,h,1282000,S,Buxton,24/09/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,9 Bellerive Av,3,h,,PI,Buxton,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Dickson St,3,h,,PI,McGrath,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/7 Hakea Ct,2,t,,PI,McGrath,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/44 Hilton St,3,u,,S,Fletchers,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/20 Huntingtower Cr,3,u,900000,PI,Barry,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Kay St,3,h,1239000,S,Barry,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Sadie St,4,h,1095000,S,Ray,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/28 The Highway,3,u,1100000,S,Barry,24/09/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,121 Albany Dr,3,h,800500,S,Fletchers,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,21 Beaconsfield Rd,3,h,725000,S,Ray,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3 Grandview Av,3,h,740000,S,Barry,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Hansworth St,4,h,1046000,S,Win,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,22 Kambara Dr,3,h,771000,S,Win,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/22 Mountain Cr,3,t,740000,S,Win,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,6 Renbold Pl,4,h,815000,S,Barry,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,18b Valewood Dr,4,t,850000,S,Ray,24/09/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,32 Leura St,2,h,861500,S,hockingstuart,24/09/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,116/41 Murrumbeena Rd,2,u,500000,VB,Beller,24/09/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,19 Wahroongaa Rd,4,h,1670000,S,Woodards,24/09/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,1/27 Clyde St,4,t,827500,S,Greg,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16 Davies St,2,h,793000,S,Gunn&Co,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,55 Elphin St,3,h,,SP,Raine,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,71 Hobson St,3,h,988000,SP,Jas,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1/41 Laurie St,3,h,,PI,Jas,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,112 Mason St,3,t,747000,S,Jas,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,193 Mason St,3,h,910000,S,Greg,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,14 Oakbank St,2,h,896000,S,RT,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,69 William St,3,h,,S,RT,24/09/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,47 Edith St,3,h,547500,S,Hall,24/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,13 Prior Rd,3,h,620000,S,iSell,24/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,16 Shepreth Av,4,h,630000,S,iSell,24/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,29 Wallarano Dr,3,h,,PI,Biggin,24/09/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,443 Abbotsford St,2,h,1200000,SP,Jellis,24/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,306/350 Victoria St,2,u,630000,SP,Alexkarbon,24/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,3 Wilson Mw,2,h,690000,S,Rendina,24/09/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,43 Andrew St,4,h,2004000,S,Jellis,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,52 Charles St,2,h,1211000,S,Jellis,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,167 Clarke St,5,h,4300000,SP,McGrath,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14/52 Gadd St,2,t,,W,McGrath,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Howitt St,3,h,1400000,S,Collins,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1/13 Kellett St,2,u,770000,S,Nelson,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,130 Mitchell St,3,h,1090000,SP,Miles,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,33 Oxford St,4,h,1830000,S,McGrath,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,239 Victoria Rd,3,h,1000000,VB,Nelson,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/216 Westgarth St,2,u,600000,S,Jellis,24/09/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,240 Springfield Rd,4,h,1002000,S,Barry,24/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,23 Winifred St,3,h,,SN,Philip,24/09/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/13 Cartwright St,3,t,600000,S,Brad,24/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/4 Gregory St,3,t,675500,S,Nelson,24/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,4 Short Av,3,h,723000,S,Barry,24/09/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,46 John St,4,h,,PI,Ray,24/09/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3 Fern St,5,h,,PI,Buxton,24/09/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/7 Greta St,2,u,610000,S,Ray,24/09/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,41 Bossington St,3,t,800000,S,Buxton,24/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,10 Cameron Av,3,h,1125000,S,Woodards,24/09/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1 Blackshaw St,2,h,1668000,S,Buxton,24/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2 Logan Av,4,h,1960000,S,Buxton,24/09/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2 Clare St,3,h,,SN,Barry,24/09/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,110 Gatehouse St,4,h,1928000,S,Jellis,24/09/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,3/34 Austin Cr,2,t,,PI,Barry,24/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2a Kent Rd,3,h,616000,S,Nelson,24/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,84 Landells Rd,3,h,,SN,Barry,24/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7 Longview St,3,h,792000,S,Nelson,24/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/19 Main St,4,t,800000,SP,Eview,24/09/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,20 Cabernet St,3,h,520000,S,hockingstuart,24/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Etchell Ct,4,h,,PI,Ray,24/09/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,702/127 Beach St,2,u,1252000,SP,Cayzer,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3/151 Beach St,2,u,,S,Greg,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,501/65 Beach St,2,u,,S,Marshall,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11 Capistrano Pl,2,t,,SP,Marshall,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,116 Farrell St,2,h,1010000,S,Woodards,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11/201 Graham St,2,t,779000,S,Frank,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,110 Ingles St,2,h,790000,PI,Marshall,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,403/99 Nott St,1,u,455500,S,hockingstuart,24/09/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,2/301 Dandenong Rd,2,u,,SN,hockingstuart,24/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/11 Mount St,3,t,1015000,S,Beller,24/09/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,22/2 Arthur St,1,u,300000,PI,Nelson,24/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Booth St,2,h,890000,S,Nelson,24/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Dermot St,3,t,765000,S,Nelson,24/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,99 Dundas St,3,h,1040000,SP,Jellis,24/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,29 Hope St,3,h,1050000,S,Nelson,24/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11a Lahinch St,2,t,662500,SP,Brace,24/09/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,4/27 Allenby Av,2,u,,PI,Harcourts,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,70 Barry St,3,h,785000,S,Love,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Burnett Cr,3,h,625000,SP,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Cool St,2,h,840000,SP,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Davidson St,5,h,925000,S,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Evans Cr,4,h,750500,S,Barry,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,107 Hickford St,3,h,,SP,hockingstuart,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/36 Hickford St,3,t,680000,S,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,906 High St,3,h,700000,S,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Jess St,4,h,801000,S,Ray,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/164 Leamington St,1,u,216000,S,Brad,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/164 Leamington St,1,u,220000,S,Brad,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Liston Av,3,h,600000,PI,Barry,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,57 Newton St,3,h,866000,S,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/2 Pershing St,3,t,,SN,Brace,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6/5 Seaver Gr,2,u,340000,VB,Love,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,41 Winter Cr,2,h,401000,S,Nelson,24/09/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,31 Buckingham St,2,t,,S,Jellis,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,41 Cameron St,3,h,1320000,S,RT,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,320 Church St,3,h,1651000,S,Jellis,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,52 Coppin St,2,h,,S,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Francis St,3,h,1032000,S,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Jika Pl,3,h,915000,S,hockingstuart,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,50 Lambert St,3,h,,S,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Lincoln St,4,h,,PI,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Mary St,3,h,1075000,S,Jellis,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,46 Park Gr,4,h,1800000,PI,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Parkville St,3,h,1270000,S,Jellis,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/77 River St,3,u,791500,S,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22a Stanley St,3,h,1600000,S,Biggin,24/09/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/39 Arlington St,2,u,,PI,Philip,24/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,17 Bedford Rd,3,h,,SN,Barry,24/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Clarke Dr,3,h,754000,S,ASL,24/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1 Eve Ct,4,h,932000,S,Fletchers,24/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3/7 Lena Gr,2,u,493000,S,Philip,24/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,107 Loughnan Rd,3,h,,PN,Philip,24/09/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,32 Illoura Av,3,h,1005000,S,Carter,24/09/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,29 Felix Cr,3,h,770000,SA,hockingstuart,24/09/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,155 Bellevue Av,3,h,1200000,SP,Miles,24/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,143 Beverley Rd,4,h,,SN,Miles,24/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,7 Braeside Av,3,h,892500,S,Miles,24/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,9 Greensborough Rd,3,h,515000,S,Ray,24/09/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,7 Dendy Ct,4,h,420000,S,Raine,24/09/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,15 Harwood Pl,3,h,310000,PI,Walshe,24/09/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,82 Lakeside Dr,4,h,570000,S,YPA,24/09/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,12 Perry Ct,4,h,450000,S,Harcourts,24/09/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/179 Beach Rd,2,u,820000,S,O'Brien,24/09/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,16 Wattleview Ri,4,h,910000,S,Noel,24/09/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,10/117 Albert St,2,u,355000,S,Sweeney,24/09/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seville,560 Beenak Rd,4,h,1050000,SP,Max,24/09/2016,3139,Eastern Victoria,888,35.2,Yarra Ranges Shire Council +Skye,471 Ballarto Rd,3,h,720000,SP,Donovan,24/09/2016,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Kingsville,57 Saltley St,3,h,,SP,Raine,24/09/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,2/77 Vernon St,2,h,392250,SP,Gunn&Co,24/09/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,372 Dorcas St,3,h,2300000,S,RT,24/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,32 Martin St,3,h,,S,Greg,24/09/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,34 Mirrabucca Prm,4,h,,PI,Barry,24/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4/39 Old Plenty Rd,3,h,,PI,Barry,24/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,10 Pardalote Cl,4,h,690000,SP,Ray,24/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,47 Tuross Cr,4,h,489000,SP,Ray,24/09/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,6 Cliff St,2,h,,S,Fletchers,24/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8 Cliff St,2,h,1100000,VB,Fletchers,24/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/48 Cromwell Rd,1,u,410000,S,hockingstuart,24/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,29 Davis Av,3,h,2682000,SA,Domain,24/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9 Moore St,3,h,1125000,PI,Thomson,24/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/7 Rockley Rd,2,u,,S,Marshall,24/09/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1212/80 Clarendon St,3,u,,PN,LITTLE,24/09/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,3303/9 Power St,2,u,800000,PI,Marshall,24/09/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,73/1 Riverside Qy,2,u,540000,S,Dingle,24/09/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,2 Davey Ct,3,h,638000,S,iSell,24/09/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,1/61 Arthur St,3,h,375000,SP,YPA,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,62 Conrad St,3,h,590000,SP,Nelson,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,36 Henry St,3,h,525000,S,YPA,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,10 Mitchley Ct,4,h,746000,S,Sweeney,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,36 Oberon Av,3,h,645000,SP,Sweeney,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,12 Skipton St,3,h,507000,S,Douglas,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/22 Thomas St,3,h,335000,S,Jellis,24/09/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1/284 St Helena Rd,3,h,664000,S,Buckingham,24/09/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,50/343 Beaconsfield Pde,2,u,,SP,Whiting,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/10 Blessington St,3,t,,SN,Pride,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7 Blessington St,3,h,,S,hockingstuart,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/88 Blessington St,2,u,,PI,Pride,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/48 Dalgety St,2,u,549000,S,McGrath,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,64 Havelock St,2,h,1200500,S,hockingstuart,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,104 Inkerman St,4,h,1170000,S,Jellis,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,75 Pakington St,3,h,,SN,McGrath,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,602/13 Wellington St,2,u,565000,VB,Eview,24/09/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,26 Roslyn St,3,h,,SP,Nelson,24/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,16 Wendora St,3,h,1075000,S,Nelson,24/09/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine North,22 Lurg Av,3,h,650000,S,Barry,24/09/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,8a Glengala Rd,3,h,622500,S,Douglas,24/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15a Link Rd,3,h,540000,SP,Barry,24/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2/13 Mayne St,2,u,455000,S,hockingstuart,24/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,3/14 Smart St,2,u,350000,S,Bells,24/09/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,14 Scheele St,3,h,1560000,S,hockingstuart,24/09/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,7/28 Buckingham St,3,t,390000,S,FN,24/09/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,31 Butterfly Bvd,3,h,,SN,Barry,24/09/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,6/43 Wentworth Dr,2,h,428000,S,Barry,24/09/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,40 Mahoney St,4,h,1220000,S,Barry,24/09/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,9 Esther St,3,h,1053000,S,Ray,24/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,26/246 High St,3,u,725000,SP,Ray,24/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,15 Killarney Rd,3,h,1002000,S,Barry,24/09/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,17 Cedar St,3,h,688500,S,Love,24/09/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,29 Darebin Dr,3,h,,PI,Harcourts,24/09/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,33 Falcon St,3,h,,SN,Love,24/09/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,15 Hazel Av,3,u,575000,S,Harcourts,24/09/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,51 Lincoln Dr,3,h,543000,S,Ray,24/09/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,43 Ballantyne St,2,h,925000,S,Holland,24/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,50b Clyde St,3,h,1250000,VB,Nelson,24/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,56a Leinster Gr,3,t,1070000,S,Jellis,24/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/77 Pender St,2,u,371000,S,Brace,24/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,109 Rossmoyne St,3,h,1570000,SP,McGrath,24/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/85 St David St,2,u,486000,S,Nelson,24/09/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2/9 Tintern Av,3,u,,SP,RT,24/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/9 Tintern Av,3,u,851000,SP,RT,24/09/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,5 Janus St,3,h,570500,S,Jason,24/09/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Wantirna,14 Kidderminster Dr,3,h,,SN,Barry,24/09/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,29 Arthur St,3,h,720000,SP,Barry,24/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,9 Suffolk St,4,h,,SP,K.R.Peters,24/09/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,54 Yarra St,2,h,800000,S,Carter,24/09/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,9 Artesian Pl,3,h,927000,S,Ray,24/09/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,295 Greenwood Dr,3,h,860500,S,Barry,24/09/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,2/21 Meagher St,2,h,728000,S,Barry,24/09/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,4 Papua St,3,h,702000,S,Buckingham,24/09/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,49 Wattle Dr,3,h,627500,S,Barry,24/09/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,20 Kurrajong Cr,4,h,760000,S,Barry,24/09/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,6 Sharpes Rd,3,h,720000,S,Barry,24/09/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,12 Redgum Cl,4,h,1250000,S,hockingstuart,24/09/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16/219 Watton St,2,u,,SN,Barry,24/09/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,9/24 Dongola Rd,3,h,900000,S,Jas,24/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,35 Exhibition St,2,h,790000,S,Village,24/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,50 Hex St,2,h,770000,S,Village,24/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,77 Suffolk St,2,h,495000,S,Burnham,24/09/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,209/5 Stawell St,1,u,443000,S,Nelson,24/09/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,58 Campbell St,4,h,560000,S,Stockdale,24/09/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,2 Cynisca Ct,3,h,810000,S,Ray,24/09/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,30 Grantchester Rd,3,h,1050000,S,Barry,24/09/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,15 Heysham Dr,4,h,1401000,S,Barry,24/09/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,162 Lum Rd,4,h,1475000,S,Barry,24/09/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,33 Cecil St,3,h,1310000,S,Sweeney,24/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,105 Dover Rd,4,t,830000,SP,Gunn&Co,24/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,6/13 Dover Rd,2,u,491500,S,RT,24/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2 Heriot Pl,3,h,,SN,Williams,24/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/4 Lyons St,2,u,547500,SP,Greg,24/09/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,13/68 Kororoit Creek Rd,2,u,367500,S,Sweeney,24/09/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,3/45 Williams Rd,2,u,600000,SP,hockingstuart,24/09/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,10 Gunther Wy,4,h,470000,PI,hockingstuart,24/09/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yallambie,252 Yallambie Rd,3,h,720000,S,Buckingham,24/09/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,9/11 Berry St,3,h,955000,S,Village,24/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3 Freame St,3,h,1081000,SP,Village,24/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,443 Geelong Rd,3,h,725000,S,Sweeney,24/09/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,17/1 Abbot St,3,t,962000,SP,Jellis,25/02/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,166 Gipps St,3,h,1290000,S,Biggin,25/02/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,60 Stafford St,3,h,1290000,S,Biggin,25/02/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,99 Fawkner St,4,h,1325000,PI,Weda,25/02/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,11 Muldowney St,3,t,1300000,SP,Barry,25/02/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/89 Marshall Rd,3,u,,VB,Barry,25/02/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,33 North St,3,h,720000,PI,Nelson,25/02/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,9 Camelot Dr,3,h,466000,S,Raine,25/02/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,13/52 Moubray St,1,u,442500,S,Marshall,25/02/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,115 Page St,4,h,4735000,S,Marshall,25/02/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,32 Page St,2,h,1340000,S,Greg,25/02/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,34 Richardson St,3,h,1801000,S,hockingstuart,25/02/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,53 Adelaide St,4,h,660000,S,Douglas,25/02/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,2/32 Forrest St,3,u,560000,S,Douglas,25/02/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,20 Hutchinson St,3,h,625000,SP,FN,25/02/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,16 Selwyn St,3,h,791000,S,Bells,25/02/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,20 Westgate Av,3,h,615000,S,Douglas,25/02/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,1/14 Fulham Rd,2,u,512000,S,Love,25/02/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,17 Lowther St,3,h,1361000,S,Collins,25/02/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,29 Naroon Rd,4,h,,SP,Jellis,25/02/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,95 Blyth St,4,h,,SN,hockingstuart,25/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,51 Millers Rd,4,h,1030000,S,Barlow,25/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/119 Railway St N,3,u,605000,S,Barlow,25/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,12 Ransom Av,3,h,685000,S,Barlow,25/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/5 Rose St,2,u,,PI,Point,25/02/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,28 Langhorne St,2,u,480000,S,Sweeney,25/02/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,29 Cyclamen Av,2,h,,PI,Jas,25/02/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,6 Hill St,3,h,815000,S,hockingstuart,25/02/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,84 May St,4,h,970000,S,Greg,25/02/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,79 Maxweld St,2,h,641000,S,Barry,25/02/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,81 Maxweld St,3,h,480000,VB,Barry,25/02/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,56 Suspension St,3,h,546000,S,Barry,25/02/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,10/51 Armadale St,2,u,710000,S,Jellis,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/377 Dandenong Rd,2,u,872000,S,Jellis,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/14 Denbigh Rd,2,u,598000,S,hockingstuart,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,15 Sutherland Rd,3,h,,SN,Kay,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,75 Sutherland Rd,3,h,1285000,S,Marshall,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,61 Union St,4,h,3660000,S,Jellis,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,30 Willis St,3,h,,VB,Marshall,25/02/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,57 Bloomfield Rd,3,h,,SP,Alexkarbon,25/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,18/54 Epsom Rd,2,u,390000,PI,Jellis,25/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,15 Mirams St,4,h,1345000,S,Jellis,25/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6/37 Myrnong Cr,1,u,296000,S,Woodards,25/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,44 Walter St,3,h,1381500,S,Barry,25/02/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,20 Alamein Av,3,h,1601000,S,Tim,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,55 Alamein Av,4,h,1650000,PI,Noel,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,63 Dent St,4,h,1800000,S,Jellis,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,16 Dunscombe Av,3,h,1610000,S,Jellis,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,30 Glen Rd,4,h,,S,Fletchers,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,23 Johnston St,4,h,,SN,RT,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,4 Vears Rd,3,h,1830000,S,Jellis,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2/43 Warner Av,3,t,,SP,Marshall,25/02/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,14 Ashwood Dr,3,h,1305000,S,Jellis,25/02/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,11 Cassinia Av,4,h,,S,Jellis,25/02/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/2 Condah Ct,3,h,855000,S,Noel,25/02/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,44 Power Av,3,h,900000,VB,Tim,25/02/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,6a Sylvan Cr,4,t,1400000,S,Buxton,25/02/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,12B Fifth Av,3,h,1155000,S,hockingstuart/hockingstuart,25/02/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,25 Helm St,4,h,1360000,S,hockingstuart,25/02/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,2 Iluka Av,3,h,810000,S,Barry,25/02/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,26a James Av,3,h,1250000,S,Biggin,25/02/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,42 Larnook Cr,4,h,,SP,Biggin,25/02/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,10 Davidson Ct,3,h,590000,S,YPA,25/02/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,2 Harricks Cr,3,t,504000,S,YPA,25/02/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,19 Clarendon St,3,h,730000,S,Jas,25/02/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,2 Drake Ct,3,h,875000,S,Edward,25/02/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,27 Lake St,4,h,,SN,Harcourts,25/02/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,11 South Tce,3,h,850000,SP,Moonee,25/02/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,1/17 Albion St,2,h,981000,S,Buxton,25/02/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,10 Grosvenor St,3,h,1690000,S,McGrath,25/02/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,9 Bruce St,5,h,,SP,Bekdon,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,6 Clapham St,2,t,,SP,Jellis,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,109 Gordon St,4,h,,SP,Jellis,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Kinsale Cr,4,h,1820000,SP,Marshall,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,34 Nott St,4,h,2275000,VB,Jellis,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,275 Union Rd,5,h,2810000,PI,Jellis,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/14 Weir St,3,t,1385000,S,Jellis,25/02/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,4 Ajax St,3,h,,S,hockingstuart,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 Almond St,4,h,,SN,Fletchers,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,66 Almond St,3,h,1520000,S,Jellis,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/42 Gardenia Rd,3,t,,SP,hockingstuart,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,19 Hedderwick St,4,h,1250000,VB,Marshall,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,34 Kawarren St,6,h,1900000,S,Fletchers,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2B Lemon Rd,3,h,,S,Jellis,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 MacEdon Av,4,h,2006000,S,Fletchers,25/02/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,56 Leonard St,4,h,753200,S,Ray,25/02/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,21 Wonthulong Dr,5,h,625000,S,Ray,25/02/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,2/33 Alfred St,2,h,601000,S,Ray,25/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9 Comport St,3,h,1400000,VB,Marshall,25/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,7 Glamis St,3,h,1405000,S,Ray,25/02/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,2/2 Harrison St,3,h,720000,SP,McGrath,25/02/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,21 Charlton St,3,h,1280000,S,Buxton,25/02/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,43 Godfrey St,5,h,1900000,S,Woodards,25/02/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,7 Whitmuir Rd,3,h,1230000,S,hockingstuart,25/02/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,20 Wright St,4,h,1150000,PI,Buxton,25/02/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2A Barrani St,4,t,1325000,S,Buxton,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/16 Bessie St,3,u,770000,PI,hockingstuart,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,177 Bignell Rd,3,h,1110000,S,hockingstuart,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/6 Brad St,1,u,380000,S,hockingstuart,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,98 Brady Rd,4,h,1175000,S,RT,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Forrest St,3,h,1200000,S,Woodards,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,28a Latham St,3,t,,S,hockingstuart,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,88 MacKie Rd,4,h,1370000,SP,Gary,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Mawby Rd,4,h,1433500,S,Hodges,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,370 McKinnon Rd,2,h,1630000,S,C21,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/1124 North Rd,3,t,,W,Ray,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,43 Wards Gr,3,h,1360000,SP,Woodards,25/02/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,2/51 Second St,3,t,970000,S,Buxton,25/02/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,24A Stanley St,4,t,1655000,S,Buxton,25/02/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,17 Dewrang Cr,3,h,1301000,S,Jellis,25/02/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,78 Katrina St,4,h,1132000,S,Ray,25/02/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,36 Aldinga St,4,h,,SN,Woodards,25/02/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,258 Blackburn Rd,3,h,990000,S,hockingstuart,25/02/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,46 Gissing St,4,h,1185000,S,hockingstuart,25/02/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/28 Hastings Av,3,h,,PN,Noel,25/02/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,569 Nepean Hwy,3,h,1035000,SP,hockingstuart,25/02/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,43 Sycamore Cr,4,h,,SP,Barry,25/02/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,14 Collins St,4,h,1670000,S,Marshall,25/02/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,14 Standard Av,4,h,1750000,S,Ray,25/02/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,62 Lawn Cr,3,t,536000,S,Barry,25/02/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1 Moama St,3,h,765000,S,GL,25/02/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,11/1 Windsor St,2,t,475000,S,Barry,25/02/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,58 Fernside Av,4,h,,PN,Lindellas,25/02/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,113 Karingal Dr,3,h,830000,S,Darren,25/02/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,7 Turner St,4,h,1100000,S,Jellis,25/02/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,112 Asling St,4,h,2000000,S,Marshall,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,114A Bay St,2,t,1230000,S,Hodges,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Carpenter St,3,h,2375000,S,Buxton,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 Dawson Av,4,h,,S,Buxton,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,147A Male St,2,t,1037000,S,Buxton,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,119 North Rd,4,h,3050000,SP,Buxton,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,13 Rooding St,4,h,,SP,Buxton,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,15 Rooding St,3,h,,SP,hockingstuart,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/71 Roslyn St,4,t,1630000,SP,Biggin,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,25 Rusden St,3,h,,S,Marshall,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,59 William St,2,h,1701000,S,Buxton,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/95 Wilson St,2,u,760000,PI,Hodges,25/02/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,28 Binnie St,5,h,,VB,hockingstuart,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/20 Blanche St,3,t,1580000,S,Buxton,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Caramar Av,4,h,,S,Buxton,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6/141 Centre Rd,1,u,340000,VB,Buxton,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,69 Centre Rd,4,h,,S,Buxton,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,35 Elizabeth St,3,h,1537000,SP,Marshall,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,39 Ferguson St,3,h,1100000,S,HAR,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,313 Nepean Hwy,2,h,994000,S,Buxton,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Northern Av,4,h,,PI,Buxton,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,10b Robinson St,4,t,2160000,PI,Ray,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,307 South Rd,3,h,,SN,Ray,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Valdemar Ct,4,h,1447000,S,Marshall,25/02/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,1 Charlton St,3,h,430500,S,YPA,25/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/4 Cooper St,3,t,380000,PI,Eview,25/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,60 Kitchener St,3,h,480000,SP,YPA,25/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/15 Nicholas St,3,h,423000,S,Ray,25/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1 Seymour St,5,h,530000,S,YPA,25/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/210 Widford St,4,t,500000,S,Ray,25/02/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,37 Heather Av,3,t,,PI,hockingstuart,25/02/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,1/8 Paw Paw Rd,2,h,507000,SP,hockingstuart,25/02/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,41 Eveline St,2,h,1020000,S,Jellis,25/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,28 Frederick St,3,h,1510000,S,Nelson,25/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3/30 Heller St,2,t,801000,S,Jellis,25/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32 Lobb St,3,t,820000,SP,Jellis,25/02/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,15 Hutchinson St,3,h,,S,Nelson,25/02/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,5/146 Mitchell St,1,u,330000,VB,Nelson,25/02/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,10/446 Albion St,1,u,252000,PI,McDonald,25/02/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,77 Collier Cr,3,h,1180000,S,Nelson,25/02/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,23/80 Hopetoun Av,3,u,737000,S,Nelson,25/02/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,871 Park St,4,h,1700000,PI,Jellis,25/02/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,43 Helene St,2,h,833000,S,Philip,25/02/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,10 Nevada Rt,4,h,1600000,S,Barry,25/02/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Fotini Gdns,4,h,953014,S,Barry,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Hermitage Cr,3,h,640000,SP,Ray,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Jones Ct,3,h,645000,S,Stockdale,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Lea Cr,3,h,681000,S,Ray,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,49 Luton Wy,5,h,,PI,Ray,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,6 Monagle Av,4,h,1251000,S,Barry,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,43 Wallara Cr,3,h,775250,S,Ray,25/02/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,154 Stawell St,3,h,1435000,S,Jellis,25/02/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside Heights,102 Tenterfield Dr,3,h,820000,SP,Ray,25/02/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,35 Barnes Av,3,h,,S,Marshall,25/02/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/35 Haig St,3,t,1165000,S,Buxton,25/02/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,15 Warren St,3,h,,SP,Marshall,25/02/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,3/76 Burwood Hwy,2,u,600000,S,Harcourts,25/02/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2 Davis St,3,h,,S,Buxton,25/02/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,17 Newhaven Rd,3,h,,SN,Woodards,25/02/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,28 Sartori St,4,h,1040000,S,Barry,25/02/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,41 Worthing Av,3,h,990000,S,Fletchers,25/02/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,30a Allambee Av,3,h,1865000,S,Jellis,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,68 Bowen St,3,h,3400000,S,Jellis,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,64A Christowel St,2,h,1470000,S,Noel,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,44 Currajong Av,4,h,2800000,VB,Marshall,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,24 Glencairn Av,5,h,2300000,S,Jellis,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Halley Av,5,h,2010000,S,Marshall,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/23 Hazel St,2,u,820000,S,Jellis,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,26 Hunter Rd,3,h,2105000,S,Fletchers,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,68 Hunter Rd,4,h,,SP,Bekdon,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Judd St,3,t,1625000,S,Jellis,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,638 Riversdale Rd,3,h,1750000,VB,Jellis,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,55 Rowell Av,5,h,2725000,S,Marshall,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Waterloo St,4,h,,VB,Marshall,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,16A Waterloo St,3,h,3300000,S,Kay,25/02/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,25 Myrtle Rd,4,h,,SN,RT,25/02/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,21 Grattan St,4,h,2705000,S,Jellis,25/02/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,130 Rathdowne St,4,h,1616000,S,Woodards,25/02/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,194 Amess St,3,h,,S,Nelson,25/02/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,20/22 Grattan St,4,u,1560000,S,Jellis,25/02/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,80 Wilson St,2,h,1678000,S,Nelson,25/02/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/47 Coorigil Rd,2,u,601000,S,Noel,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,68 Leila Rd,4,h,1410000,PI,Ray,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/26 Mernda Av,4,t,1205000,S,Gary,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/15 Rosstown Rd,2,u,405000,PI,Matthew,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,73 Truganini Rd,4,h,1655000,PI,Marshall,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,83 Truganini Rd,3,h,1910000,S,Buxton,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/16 Yendon Rd,3,t,808000,S,Gary,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8 Yendon Rd,3,h,1252000,S,Woodards,25/02/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,6 Asthima Wy,4,h,675000,S,Barry,25/02/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,3 Innes Pl,5,h,730000,SP,O'Brien,25/02/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,38 Naracoorte Dr,3,h,555000,S,Barry,25/02/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield,30 Pyne St,4,h,131000,PI,Rodney,25/02/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield East,17 Clifton St,2,h,1000000,S,hockingstuart,25/02/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,7 Cambridge St,3,h,1870000,S,Marshall,25/02/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,6/378 Dandenong Rd,2,u,622000,PI,Castran,25/02/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,1/13 Narong Rd,2,u,536000,S,Gary,25/02/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,127 Normanby Rd,4,h,2625000,S,Marshall,25/02/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,4/40 Northcote Av,2,u,576000,S,Gary,25/02/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,215 Bambra Rd,2,h,,SN,hockingstuart,25/02/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,23 Leopold St,3,h,,SN,Gary,25/02/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,29 Leopold St,4,h,,SP,Dingle,25/02/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,393 North Rd,3,h,1200000,S,hockingstuart,25/02/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,171A Sycamore St,4,h,,SN,Gary,25/02/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,5 Sycamore St,3,h,1570000,S,Matthew,25/02/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,5 Helen Rd,3,h,,SN,hockingstuart,25/02/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,4 Jacana Ct,4,h,1260000,S,McGrath,25/02/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/13 Terrigal St,4,t,,S,Ray,25/02/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,125 Waverley Rd,3,h,,VB,Buxton,25/02/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,32 Catherine Av,3,h,1085000,S,Bowman,25/02/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,76 Ella Gr,3,h,,W,Eview,25/02/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,188 Thames Prm,5,h,750000,VB,hockingstuart/hockingstuart,25/02/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,4/84 Cavanagh St,2,u,500000,S,Century,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,102/9 Chesterville Rd,2,u,,PI,Barry,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Cox St,3,h,980000,S,Bayside,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Deanswood Ct,3,h,920000,PI,O'Brien,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8/38 Eden St,2,u,635000,S,O'Brien,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,44B Follett Rd,3,t,820000,VB,Greg,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,62 Herald St,4,h,1113000,S,C21,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,28 Jacaranda Av,3,h,,S,Buxton,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Olympic Av,4,h,,S,Hodges,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,40 Paul St,3,h,1142000,S,Barry,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Ramsay Ct,4,h,1130000,S,O'Brien,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,25 Tulip Gr,3,h,1220000,S,O'Brien,25/02/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,39 Paula Wy,3,h,,PN,Eview,25/02/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,34 Kanooka Gr,3,h,1760000,S,Buxton,25/02/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,16 Manatunga St,4,h,1455000,S,Buxton,25/02/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,62 Main Rd,3,h,,SN,Ray,25/02/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,45 Clifford Pl,3,h,,S,Jellis,25/02/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,20 Gordon St,2,h,1430000,S,Collins,25/02/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,33 Grant St,4,h,,S,Nelson,25/02/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,1/1 Marshall Pl,4,h,1506000,S,Nelson,25/02/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,211 Bell St,2,h,635000,S,Brad,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,15 Hardwick St,5,h,1020000,PI,Raine,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Hardwick St,3,h,967000,S,Nelson,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,32A Kelson St,3,h,1025000,VB,Jellis,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,37 Kelson St,3,h,700000,SP,Brad,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,81 Moreland Rd,3,h,,S,Jellis,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,48 Murray St,3,h,1130000,S,Nelson,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,25a Ohea St,3,h,835000,SA,Peter,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,212 Reynard St,4,h,1075000,S,Hodges,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,96 Reynard St,3,h,845000,S,Brad,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,59 Sheffield St,1,h,,S,Jellis,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/618 Sydney Rd,3,t,600000,S,Brad,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,185 The Avenue,4,h,1461000,S,Jellis,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/56 The Avenue,2,t,605000,PI,Peter,25/02/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,64 Elizabeth St,3,h,650000,SP,Barry,25/02/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coldstream,45 Lauriston Dr,5,h,,PN,Max,25/02/2017,3770,Eastern Victoria,810,33,Yarra Ranges Shire Council +Collingwood,8/115 Oxford St,2,u,800000,VB,Nelson,25/02/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,1b Amstel St,3,u,313000,S,Ray,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Burniston Av,6,h,658000,S,Ray,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Earlston Pl,3,h,405000,S,Ray,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Langdon Cr,3,h,420000,S,RE,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,38 Marathon Bvd,3,h,443200,S,Barry,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Paddington St,3,h,,SN,Barry,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Tedburn Ct,4,h,435000,PI,Barry,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Virtue Wy,3,h,540000,S,Ray,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Vivid Wy,4,h,611000,S,Ray,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,114 Waterview Bvd,4,h,590000,PI,Iconek,25/02/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,1/14 Phillip Ct,3,u,368000,SP,C21,25/02/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,2 Nuraylia Av,3,h,,SN,Barry,25/02/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Violet La,3,h,658888,S,Barry,25/02/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,45 Homer Av,2,h,690000,S,McGrath,25/02/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,11 Inverloch Cr,4,h,420000,SP,Max,25/02/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,103 Ann St,3,h,651500,S,McLennan,25/02/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,4/8 Jones Rd,2,t,385000,SP,Ray,25/02/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,3 Stevenson Av,3,h,568000,S,Del,25/02/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Delahey,6 Chatterton Dr,3,h,526000,S,Bells,25/02/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,2 McNicholl Wy,4,h,635000,S,YPA,25/02/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,11 The Parkway,4,h,,SP,Buckingham,25/02/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,20 Higgins Cl,4,h,1020000,S,Buxton,25/02/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,20 Kingswood Dr,3,h,827000,S,Ray,25/02/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,16 Marjorie Av,3,h,849000,S,Ray,25/02/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,9 Toorak Dr,3,h,,SN,O'Brien,25/02/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,3/103 Church Rd,3,t,1102200,SP,Jellis,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,342 Manningham Rd,3,h,,SP,Fletchers,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,378 Manningham Rd,4,h,1401000,S,RW,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Robin Ct,4,h,1782000,S,Barry,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Scenic Ri,4,h,1300000,PI,Jellis,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Tiffany Ct,4,h,,SP,Jellis,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,60 Turana St,3,h,,S,Ray,25/02/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,83 Bowen Rd,6,h,1250500,S,Philip,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,29 George St,4,t,1170000,S,Jellis,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4/63 Leeds St,2,u,620000,S,Philip,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,5 Leroy Pl,5,h,1310000,PI,Barry,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/18 May St,2,u,772000,S,Barry,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,19 McKenzie St,3,h,1065000,S,Philip,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Morello Cir,5,h,,PI,Fletchers,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/57 Morna Rd,3,u,1130000,SP,Jellis,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/18 Peter St,3,u,775000,PI,Parkes,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,62 Renshaw St,3,h,1418000,S,Barry,25/02/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,88 Darvall St,4,h,971000,S,Jellis,25/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,19 Hunt St,4,h,1190000,S,Jellis,25/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/65 Old Warrandyte Rd,4,t,,SP,Fletchers,25/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,6 Parklands Cl,4,h,,SP,Fletchers,25/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,9 Powers St,4,h,1208000,S,Barry,25/02/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,1 Claredale Rd,2,h,427000,SP,C21,25/02/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,11 Sheoak St,3,h,452000,S,LJ,25/02/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,4/84 The Righi,3,u,,PN,Miles,25/02/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,2/35 Powlett St,2,u,900000,SP,Caine,25/02/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,11/201 Wellington Pde S,1,u,630000,SP,Caine,25/02/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,210/279 Wellington Pde S,1,u,,SP,Caine,25/02/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,1/48 Field Av,3,u,720000,S,O'Brien,25/02/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,4 Mary Av,3,h,816000,S,Hodges,25/02/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,38 Northcliffe Rd,2,h,941000,SP,Thomson,25/02/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,48 Northcliffe Rd,3,h,1075000,S,Eview,25/02/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,5 Bryan Ct,3,h,892500,S,Morrison,25/02/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,9 Sunray Ct,4,h,961000,S,Morrison,25/02/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,11 Arcadia Wy,4,h,850000,S,Buckingham,25/02/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,13 Calendonia Dr,4,h,805000,S,Darren,25/02/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,40 Parry Rd,3,h,770000,S,Fletchers,25/02/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,288 Barkly St,3,h,1561000,S,McGrath,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/211 Brighton Rd,1,u,390000,VB,hockingstuart,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11/6 Byron St,1,u,313000,S,Chisholm,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,44 Dickens St,2,h,,SP,Chisholm,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,8/68 Goldsmith St,2,u,630000,PI,Hodges,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,146 Ormond Rd,3,h,1675000,S,Pride,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/40 Ormond Rd,1,u,470000,SP,hockingstuart,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/89 Ormond Rd,1,u,,PI,McGrath,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/4 Southey Ct,2,u,640000,S,Gary,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,201/115 Tennyson St,2,u,932000,S,Gary,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/9 Tiuna Gr,2,u,645000,S,hockingstuart,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/6 Wave St,1,u,347000,S,Gary,25/02/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,20 Anderson Ct,3,h,590000,SP,O'Brien,25/02/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,2 Bittern Dr,4,h,,SP,O'Brien,25/02/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,4 Clydebank Av,3,h,555000,SP,O'Brien,25/02/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,8 Kinloch Gdns,5,h,580000,SP,O'Brien,25/02/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,9 Rodeo Ct,3,h,,SP,O'Brien,25/02/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,4 Rubida Ct,3,h,670000,S,LJ,25/02/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2/12 Chettam St,3,h,356000,PI,hockingstuart,25/02/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,28 Glendale Av,3,h,471000,SA,Love,25/02/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Maiden Ct,4,h,,SN,LJ,25/02/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Pike St,3,h,488000,S,Harcourts,25/02/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,31 Brewster St,5,h,,S,Brad,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/19 Cameron Rd,2,u,691000,SP,Brad,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/19 Fletcher St,2,u,370000,VB,Rendina,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,57 Hoddle St,4,h,,S,Jellis,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Lorraine St,4,h,2355000,S,McDonald,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,23 MacKay St,2,h,1255000,S,Brad,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,154 Spencer St,4,h,1560000,S,Barry,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,51a Waverley St,3,h,,PI,Brad,25/02/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,1 Dudley St,3,h,1425000,S,McGrath,25/02/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,33b Emerald St,3,t,,VB,Barry,25/02/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,62 Perry St,3,h,,S,Jellis,25/02/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,89 Marlborough St,3,h,782000,S,Brad,25/02/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,256 McBryde St,3,h,640000,SP,YPA,25/02/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,12 Cutler Cl,4,h,,SN,Ray,25/02/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,87 Edina Rd,3,h,706000,S,Ray,25/02/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,2/23 George St,1,u,308000,SP,Peter,25/02/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,8/98 George St,1,u,420000,S,Caine,25/02/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,264 Barkly St,3,h,1600000,S,Collins,25/02/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,8/300 Racecourse Rd,1,u,395000,SP,Nelson,25/02/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,130/200 Smithfield Rd,2,u,452000,S,Brad,25/02/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,24 Dudley St,3,h,850000,SP,Village,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12/14 Eldridge St,2,u,315000,PI,C21,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5 Hartman Wk,2,t,690000,S,Jas,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,65 Hyde St,3,h,740000,SP,Jas,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4 Johnson St,3,h,,S,Jas,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,96 MacPherson St,3,t,640000,S,Sweeney,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3/22 Pickett St,2,u,360000,S,Trimson,25/02/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,7 Balyarta Ct,5,h,,PI,Noel,25/02/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,40 Jackson St,3,h,,PN,Ray,25/02/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,2 Denbigh St,2,h,725000,PI,LJ,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Fenwick St,4,h,,SN,Barry,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,111 Gould St,3,h,1370000,S,hockingstuart,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Gretel Ct,3,h,,PI,Ray,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Kenley Ct,3,h,550000,S,Buxton,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,16 McAlister St,2,h,,SN,Barry,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,23 Meerlu Av,4,h,,SN,Barry,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,11 Paisley Dr,3,h,,SN,Barry,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Turnberry Ct,4,h,517000,S,hockingstuart,25/02/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,116 Monterey Bvd,4,h,467000,S,Harcourts,25/02/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,15 Baileyana St,5,h,,SN,Ray,25/02/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,21 The Ridge,3,h,1340000,S,Eview,25/02/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,6/37 Lantana Rd,1,u,280000,PI,McGrath,25/02/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,11 Harvard Ct,3,h,750000,SP,Raine,25/02/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1 Lyell St,3,h,516000,S,Raine,25/02/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,119 Outlook La,3,h,840000,S,Raine,25/02/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,4 Bradford Cl,4,h,,SN,Barry,25/02/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,58 Wolverton Dr,3,h,540000,S,YPA,25/02/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,9/115 Neerim Rd,2,u,375000,VB,Ray,25/02/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,22/89 Neerim Rd,2,t,710000,S,Buxton,25/02/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,63 Aintree Rd,3,h,,SN,Thomson,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Allaville Av,4,h,,S,Marshall,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,98 Bath Rd,4,h,1950000,SP,Marshall,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,28 Ferndale Rd,3,h,2200000,S,Marshall,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,32 Howie St,3,h,1751000,S,Jellis,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Kyarra Rd,4,h,1857000,S,Kay,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14/1737 Malvern Rd,1,u,375000,PI,Noel,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15/56 Osborne Av,3,h,,SP,Marshall,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/15 Rix St,2,u,720000,VB,Jellis,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Rix St,3,h,1500000,S,RT,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,37 Sinclair Av,3,h,,SN,Fletchers,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,78 Valley Pde,4,h,2725000,S,Marshall,25/02/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,5 Clitus St,3,h,1150000,S,Barry,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Cowrie St,4,h,1150000,S,Harcourts,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/225 Gallaghers Rd,3,u,830000,SP,Ray,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Ilora Ct,4,h,,PI,Biggin,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Nicholas Av,4,h,1205000,S,Harcourts,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Terama Ct,3,h,1760000,SP,Ray,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/24 Tulloch Gr,3,u,640000,VB,Barry,25/02/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,83 Beatty Av,3,h,645000,S,Stockdale,25/02/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,118 Bindi St,3,h,500000,SP,Nelson,25/02/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,65 Farview St,3,h,762700,SP,Stockdale,25/02/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/27 Gladstone Pde,2,u,465000,S,YPA,25/02/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,52 Glenroy Rd,2,h,741250,S,Barry,25/02/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,49 Rutherglen Cr,3,h,626000,S,Jellis,25/02/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,17 Bruce St,4,h,1520000,S,Darren,25/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/3 Echuca Rd,3,t,725000,S,Barry,25/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/74 Henry St,3,t,837000,S,Barry,25/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/209 Nepean St,4,h,620000,PI,Morrison,25/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/261 Para Rd,2,u,425000,VB,Darren,25/02/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,3 Earlby Ct,3,h,765000,S,YPA,25/02/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3/15 Linlithgow Wy,2,h,,PI,Stockdale,25/02/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Montrose Ct,5,h,1340000,PI,YPA,25/02/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,28 Gish Ct,4,h,815000,S,Barry,25/02/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,92 West St,2,h,715888,S,Barry,25/02/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,29 Barnett St,4,t,,SP,Buxton,25/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/442 Bluff Rd,2,u,800000,SP,Buxton,25/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,53 Bridge St,4,h,3325000,S,Marshall,25/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5/46 Fewster Rd,2,u,691000,S,Buxton,25/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,17/93 Highett Rd,2,u,450000,PI,Buxton,25/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1 Ivison Wy,3,h,910000,PI,Buxton,25/02/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,63 Lonsdale Av,3,t,1025000,PI,Hodges,25/02/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,4/332 South Rd,2,u,472000,S,Hodges,25/02/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,31 Warland Rd,3,h,1471000,S,McGrath,25/02/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,1 Keller Ct,3,h,441000,S,O'Brien,25/02/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,43 Connell St,4,h,,S,Marshall,25/02/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,74 Denham St,2,h,1535000,S,LITTLE,25/02/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/29 Elphin Gr,2,u,612500,S,Marshall,25/02/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,59 Mason St,3,h,2410000,S,Jellis,25/02/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/70 Power St,2,u,690000,S,Jellis,25/02/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,301/7 Riversdale Rd,3,u,1410000,PI,Kay,25/02/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,37 Auburn Gr,3,h,,SN,Kay,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/3 Brookfield Ct,1,u,430000,S,Jellis,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,7 Fairmount Rd,2,h,,PI,Jellis,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,40 Harcourt St,4,h,,S,Marshall,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/50 Leura Gr,2,u,,SP,LITTLE,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,86 Lilydale Gr,2,h,,SN,Buxton,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/31 Ryeburne Av,2,u,835000,S,Woodards,25/02/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,3 Bromley Cl,2,t,716500,SP,Barry,25/02/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,3 The Boulevard,3,h,,SN,Barry,25/02/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,8A Tudor Ct,3,h,,SN,Barry,25/02/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,3/10 Edgar St,2,t,690000,SP,Miles,25/02/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,25 Gloucester Dr,3,h,,PN,Miles,25/02/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,57 Martin St,3,h,1375000,S,Miles,25/02/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,39 McEwan Rd,2,h,1060000,S,Miles,25/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4 Sackville St,3,h,850000,S,Barry,25/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,16a Shelley St,2,u,570000,S,Darren,25/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,92A Southern Rd,2,h,510000,SP,Barry,25/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,7 Thames St,3,h,1100000,SP,Miles,25/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,484 Waterdale Rd,3,h,915000,S,Miles,25/02/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,111 Ramu Pde,3,h,722000,S,Miles,25/02/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,23 South Cr,2,h,790000,S,Barry,25/02/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,187 Southern Rd,2,h,715000,S,Haughton,25/02/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1/4 Baldwin St,3,h,787000,S,Buxton,25/02/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,101A Chesterville Rd,3,t,650000,PI,O'Brien,25/02/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,18 Clyde St,3,h,1260000,S,Buxton,25/02/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Matthieson St,4,h,1000000,S,Obrien,25/02/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,14 Wilson St,4,h,,PN,Charlton,25/02/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,6 Bloomsbury Ct,4,h,740000,S,Barry,25/02/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,25 Botanic Dr,4,h,883500,S,YPA,25/02/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,23 Catherine Dr,4,h,535000,S,Barry,25/02/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Montpellier Dr,4,h,645000,S,Ray,25/02/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 Stirling Ct,4,h,,PI,Barry,25/02/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,10 Cumming Dr,3,h,326500,S,Sweeney,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Davie Cr,4,h,590000,S,YPA,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,35 Harkaway Av,3,h,342000,S,Eview,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Harris Av,3,h,434000,S,YPA,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,34 Kathleen Cr,4,h,478000,S,Ray,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Leatherwood Dr,6,h,1100000,S,Greg,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Nitaya St,4,h,623000,S,hockingstuart,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,45 Pannam Dr,3,h,,SN,Barry,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Sier Av,4,h,486000,S,hockingstuart,25/02/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,19 Argyle Cl,4,h,,SN,Woodards,25/02/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,35 Dallas Av,3,h,1345000,S,Ray,25/02/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,43 Berkeley St,4,h,1415000,S,Buxton,25/02/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Huntingdale,1580 Dandenong Rd,3,h,970000,VB,Barry,25/02/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,11 Abbotsford Gr,4,h,2090000,S,Miles,25/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1 Corona St,3,h,,S,Miles,25/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,86a Green St,3,h,1029000,S,Miles,25/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,105 Ivanhoe Pde,4,h,1758000,S,Miles,25/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1 Tudor Ct,3,h,,SN,Miles,25/02/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,17 Streeton Cr,4,h,2850000,VB,Miles,25/02/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,1 Robinson St,3,h,611000,S,Barry,25/02/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor Downs,164 Copernicus Wy,5,h,618000,S,Barry,25/02/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1/97 Arcade Wy,2,u,,SN,Harcourts,25/02/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,15 Cakebread Mw,2,t,730000,S,Nelson,25/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,37 Cakebread Mw,4,h,1200000,S,Nelson,25/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,55 Epsom Rd,3,h,1335000,S,Rendina,25/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,51 Lambeth St,4,h,,S,Nelson,25/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,5 Rogan La,2,h,868000,S,Nelson,25/02/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,26 Argyle Rd,4,h,,SN,Kay,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/377 Barkers Rd,2,t,,SN,Kay,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,80 Brougham St,4,h,2850000,S,Marshall,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11 Gordon Av,4,h,2150000,S,Marshall,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/13 Hope Ct,2,u,,S,Jellis,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7A Marshall Av,4,h,,S,Marshall,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,68 Mary St,5,h,2425000,VB,Jellis,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/27 Pakington St,2,u,610000,SP,Nelson,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/6 Ridgeway Av,3,t,2350000,PI,Marshall,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/78 Studley Park Rd,3,u,955000,S,Marshall,25/02/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,3/14 Arden Ct,3,t,1620000,S,Fletchers,25/02/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/27 Windella Av,2,u,,S,hockingstuart,25/02/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,116 Kingsclere Av,4,h,820000,S,Biggin,25/02/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,17 Stafford St,4,h,907000,S,Area,25/02/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,2 Box Ct,3,h,485000,S,YPA,25/02/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 Cromwell Rd,3,h,485000,PI,hockingstuart,25/02/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,27 Keats Av,4,h,687000,SP,Ray,25/02/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,4/1 Oconnell St,2,u,380000,S,Barry,25/02/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,65 Empress Av,3,h,1085000,S,Jas,25/02/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,17 Horner Cl,4,h,795000,S,Hodges,25/02/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,105 Elizabeth St,4,h,,SN,RT,25/02/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,30 Burton St,3,h,630000,S,Ray,25/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,335 Dalton Rd,3,h,495000,S,Melbourne,25/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,42 Duncan Rd,3,h,577000,S,Harcourts,25/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,366 Edgars Rd,4,h,750000,S,Love,25/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,17 Kent Rd,3,t,,PI,Love,25/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,93 Messmate St,4,h,726000,S,Harcourts,25/02/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,29 Edwards St,4,h,,SP,Morrison,25/02/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,59 Rosehill Rd,4,h,2330000,S,Fletchers,25/02/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lynbrook,26 Glenbrook Cr,3,h,,SP,O'Brien,25/02/2017,3975,South-Eastern Metropolitan,2322,33.8,Casey City Council +MacLeod,13/19 Coolidge Wyn,3,t,915000,S,Miles,25/02/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/14 Fairlie Av,4,h,692500,S,Darren,25/02/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,9 Fairlie Av,3,h,942000,SP,Purplebricks,25/02/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,61 Wungan St,3,h,801000,S,Ray,25/02/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/11 Baird St,3,t,820000,S,Jellis,25/02/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,40 Howard St,3,h,740000,S,Sweeney,25/02/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,45 Norfolk St,2,h,770000,S,Sweeney,25/02/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,101/361 Glenferrie Rd,2,u,,S,Marshall,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,20 Gordon Gr,4,h,1965000,SP,Jellis,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,58 Horace St,3,h,2325000,PI,RT,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,50 Hunter St,4,h,3470000,S,Marshall,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8/6 Irving St,2,u,740000,S,Marshall,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1 McArthur St,4,h,,S,Jellis,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,82 Milton Pde,3,h,,SP,Kay,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3 Pine Gr,3,h,,S,RT,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,5 Shaftesbury Av,3,h,,S,Jellis,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,17 Spring Rd,4,h,5075000,S,RT,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/197 Wattletree Rd,5,h,2325000,S,Marshall,25/02/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,28a Abbotsford Av,4,h,1300000,PI,Jellis,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/3 Bates St,2,u,,SP,Kay,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,83a Brunel St,3,t,,PN,Ray,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,54 Capon St,2,h,2412000,S,Jellis,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,25 Douglas St,5,h,,S,Jellis,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/3 Hilda St,3,h,,S,Jellis,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2D Paxton St,4,t,2560000,PI,Abercromby's,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,48 The Boulevard,3,h,960000,S,Johnston,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Warida Av,4,h,1850000,S,Marshall,25/02/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,23 Duffy St,4,h,1180000,SP,Maddison,25/02/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9 Lyric St,4,h,1117000,S,Sweeney,25/02/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4/47 Middle Rd,2,u,420000,S,Alexkarbon,25/02/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,56 Skyline Dr,5,t,1000000,PI,Edward,25/02/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,404/77 Village Wy,3,u,600000,SP,Biggin,25/02/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,5 Capitol Av,2,h,1980000,S,Buxton,25/02/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,17 Lindsay St,4,h,1850000,S,McGrath,25/02/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,27 Papworth Pl,3,h,450000,PI,Barry,25/02/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,60 Hayward La,3,h,1630000,S,Dingle,25/02/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,9/73 Queens Rd,3,u,938000,S,RT,25/02/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,20/449 St Kilda Rd,2,u,,S,Jellis,25/02/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,910/480 St Kilda Rd,2,u,,SP,Kay,25/02/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1702/572 St Kilda Rd,2,u,,S,Marshall,25/02/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,23 Silverleaf Dr,3,h,278000,S,Ray,25/02/2017,3337,Western Victoria,3600,31.7,Melton City Council +Mentone,1/67 Albenca St,3,t,800000,PI,hockingstuart,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/132 Balcombe Rd,2,u,600000,PI,hockingstuart,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/49 Balcombe Rd,2,u,,S,Buxton,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/70 Beach Rd,1,u,410000,S,Hodges,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8/30 Flinders St,2,u,650000,S,Hodges,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/52 Flinders St,3,t,962500,S,Obrien,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10/15 Florence St,1,u,360000,PI,Hodges,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/16 Florence St,3,h,970000,S,Hodges,25/02/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,28 Paisley Cr,4,h,590000,SP,RW,25/02/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2/42 Rowell Dr,2,u,245000,S,Ray,25/02/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,33 Nimmo St,2,h,1920000,S,Marshall,25/02/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/248 Childs Rd,2,u,316000,SP,Ray,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,271 Childs Rd,3,u,571000,S,Harcourts,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Dorman Ct,3,h,600000,S,Ray,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Fenech Cl,3,h,610000,S,Millership,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,63 Hinkler Dr,3,h,681000,S,Millership,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Redwood Ct,3,h,560000,S,Barry,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Vanbrook Dr,5,h,927000,S,Stockdale,25/02/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,3 Basingstoke Rd,3,h,918500,S,Noel,25/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,14 Clive St,4,h,1135000,S,hockingstuart,25/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4 Endeavour St,5,h,1200000,VB,Jellis,25/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,283 Mitcham Rd,2,h,783000,S,Philip,25/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,29 Willow Av,4,h,,SN,Noel,25/02/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,72 Churchill St,4,h,3900000,PI,Jellis,25/02/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,33 Victoria Cr,4,h,,PI,Fletchers,25/02/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,20 Lilicur Rd,4,h,945000,SA,Barry,25/02/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,45 Looker Rd,5,h,952000,S,Barry,25/02/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,25 Wilson St,4,h,1505000,S,Frank,25/02/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,8 Chevalier Cr,3,h,801000,S,Fletchers,25/02/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,13 Kalimna St,4,h,560000,S,LJ,25/02/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,4 Lebunya Cl,5,h,710000,S,Fletchers,25/02/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,5/111 Albert St,2,u,540000,S,Barry,25/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,19A Albert St,4,t,1190000,S,O'Brien,25/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5/183 Beach Rd,2,t,,S,Buxton,25/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,54 Scarlet St,4,h,925000,SP,Maitland,25/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/40 White St,3,t,700000,SP,Hodges,25/02/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,5/3 Keylana Bvd,3,t,650000,S,Ray,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,53 Leeds Rd,4,h,,PI,Biggin,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,22 Surrey Rd,1,h,2501000,S,Barry,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Swayfield Rd,3,h,1482000,S,Jellis,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,73 Therese Av,3,h,940000,PI,Noel,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Una St,5,h,1680000,S,Jellis,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,37 William St,4,h,1865000,S,Harcourts,25/02/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,24 Brunton Cr,3,t,626500,SP,Buxton,25/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Fordholm Av,4,h,1452000,S,Jellis,25/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,11 Hansworth St,3,h,,SP,Hall,25/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Hoddle St,3,h,771000,S,Ray,25/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,25 Huxley Av,3,h,830000,S,Ray,25/02/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,1 Donal St,4,h,1400000,VB,hockingstuart,25/02/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3/59 Poath Rd,2,h,692000,S,Gary,25/02/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,4 Hyperno Ct,4,h,710000,SP,Raine,25/02/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,65 Alma Tce,2,h,890000,SP,Williams,25/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,50 Home Rd,3,h,1199000,S,Raine,25/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,132a Market St,3,t,726000,S,Jas,25/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,121 North Rd,3,h,1100000,SP,Williams,25/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,69 Oxford St,5,h,2015000,S,Williams,25/02/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,14 Haldane Rd,3,h,1020000,S,Barry,25/02/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,4 Carpenter St,3,h,631000,SP,Leyton,25/02/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Wall St,5,h,940000,S,Barry,25/02/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,28 Alfred St,3,h,,S,Jellis,25/02/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,21/70 Oshanassy St,2,u,560000,S,Jellis,25/02/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,7 Campbell Gr,2,h,,SP,Jellis,25/02/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/195 Clarke St,2,u,692000,S,Harcourts,25/02/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/305 Heidelberg Rd,1,u,389000,SP,Nelson,25/02/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,15a Reid St,3,h,1620500,S,McGrath,25/02/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,27 Zoe Cct,3,t,980000,S,Harrington,25/02/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,1 Pemberley Dr,3,h,,SP,Biggin,25/02/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Notting Hill,54 Saniky St,3,h,937500,S,Century,25/02/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,8/2 Russell St,1,h,355000,PI,Ray,25/02/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/235 Springvale Rd,3,u,705000,PI,Noel,25/02/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,19 Tasman Av,3,h,935000,S,Fletchers,25/02/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oakleigh,4/28 Devon Gr,4,t,,SN,Ray,25/02/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,197 Huntingdale Rd,3,h,1025000,S,Ray,25/02/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1/12 Parer St,4,t,,SP,JRW,25/02/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1 Nonna St,3,h,1370000,SP,Buxton,25/02/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,23 Dowling Rd,5,h,,SP,Buxton,25/02/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,107 Golf Rd,3,h,1067000,S,Woodards,25/02/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,31 Riley St,4,h,1310000,S,Buxton,25/02/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,24 Valley St,3,h,800000,S,Ray,25/02/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1 Carcoola Ct,3,h,1470000,S,Woodards,25/02/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,55 Carlyon St,2,h,981000,S,C21,25/02/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/11 Ormond Rd,2,u,430000,PI,Purplebricks,25/02/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Panton Hill,115 Church Rd,6,h,975000,PI,Mason,25/02/2017,3759,Northern Victoria,386,28.4,Nillumbik Shire Council +Park Orchards,169 Berringa Rd,3,h,1300000,PI,Barry,25/02/2017,3114,Eastern Metropolitan,1317,19.5,Manningham City Council +Parkdale,40 Birdwood St,4,h,1815000,S,Greg,25/02/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/28 Kershaw St,3,t,790000,PI,Barry,25/02/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,5B Randell St,3,t,1210000,S,Chisholm,25/02/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,19 Robert St,3,u,885000,S,Barry,25/02/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,12/196 The Avenue,1,u,526000,SP,Nelson,25/02/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,10 Ashkanasy Av,2,h,750000,S,Barry,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Coane St,3,h,960000,S,hockingstuart,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,95 Essex St,4,h,985000,SP,Ray,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,251 Gaffney St,4,h,820000,VB,hockingstuart,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/11 Oak St,2,t,,SN,Barry,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,102/9 Pascoe St,2,u,,SN,Barry,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,21 Quick St,3,h,,SN,Barry,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,272 Sussex St,3,h,670000,S,hockingstuart,25/02/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,19 Hannalore Wy,3,h,,SP,O'Brien,25/02/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Patterson Lakes,62 Harbour Dr,4,h,873500,S,Ray,25/02/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plumpton,1 Rivoli Cl,4,h,590000,SP,Barry,25/02/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Port Melbourne,17 Boundary St,3,h,,S,Marshall,25/02/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,171 Dow St,3,h,,S,Greg,25/02/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,98 Heath St,2,h,1400000,S,Marshall,25/02/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,16 Nelson St,3,h,1520000,PI,Marshall,25/02/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,282 Ross St,3,h,1655000,S,Chisholm,25/02/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,405/2 Rouse St,1,u,600000,S,Marshall,25/02/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,2d Alfred St,3,h,1210000,PI,Abercromby's,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,33 Bowen St,3,h,,SP,Jellis,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,30 Charles St,5,h,,SP,hockingstuart,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,72 Chomley St,4,h,,SP,Marshall,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/313 Dandenong Rd,1,u,,SP,Biggin,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,38 Earl St,2,h,,S,hockingstuart,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4 Kenleigh Gr,3,h,,S,hockingstuart,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,56 Packington St,3,h,1720000,S,Marshall,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16A Perth St,3,h,1050000,S,Marshall,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5 Pickford St,2,h,1582000,S,Marshall,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/20 Wynnstay Rd,2,u,,S,Jellis,25/02/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5 Bischoff St,2,h,900000,SP,hockingstuart,25/02/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,28/122 High St,2,u,425000,SP,Jellis,25/02/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/108 Murray Rd,3,t,585000,PI,Jellis,25/02/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1c Oak St,2,u,515000,S,Love,25/02/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,74 Pender St,3,h,1040000,S,Barry,25/02/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/46 Tyler St,2,h,520000,S,Barry,25/02/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,27 Banff St,2,h,500250,S,Harcourts,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/1 Clark St,1,h,395000,SP,Purplebricks,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,33 Edwardes St,3,h,810000,S,Barry,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,35 Goulburn Av,3,h,880000,S,Ray,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,89 Henty St,2,h,790000,S,Barry,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/25 Invermay St,2,t,,SP,Love,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Keilor Av,3,h,707500,S,Ray,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2A Kyneton Av,3,h,767000,S,Love,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/2 Leamington St,2,u,465000,S,Love,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,273 Mahoneys Rd,3,h,601000,S,Love,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,103 McMahon Rd,2,h,772000,S,Ray,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,87 Pallant Av,3,h,660000,PI,Jellis,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,33 Shand Rd,2,h,968000,S,Love,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,47 Steane St,2,h,,W,Ray,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Thackeray Rd,3,h,928000,S,Barry,25/02/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,10 Botherambo St,2,t,1200000,SP,Jellis,25/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,288 Church St,3,h,1555000,S,Abercromby's,25/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,25 Dickmann St,3,h,1361000,S,Marshall,25/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12 Longfield St,3,h,1540000,S,hockingstuart,25/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/7 Sanders Pl,3,t,1582000,S,Jellis,25/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12 Tanner St,3,h,1505000,PI,Greg,25/02/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,26 Andrew St,3,h,,S,Fletchers,25/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1 Ashcombe Dr,3,h,768000,S,hockingstuart,25/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Caroline St,4,h,1300000,S,Barry,25/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1 Hillcrest Av,4,h,,SN,Fletchers,25/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,44 Reilly St,3,h,795000,S,Fletchers,25/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2 Thomas St,2,h,804000,S,Noel,25/02/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,3 Buronga Av,3,h,806000,S,Jellis,25/02/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3/17 Freeman St,3,u,671000,S,Fletchers,25/02/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1D Knaith Rd,3,h,766500,S,Ray,25/02/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,8 Knaith Rd,3,h,,S,Philip,25/02/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,2 Braimton Cl,4,h,930000,S,hockingstuart,25/02/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,4/37 Grandview Gr,3,u,780000,S,Miles,25/02/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,10 Stokes St,3,h,1000000,S,Barry,25/02/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/8 Stokes St,3,h,867000,SP,Nelson,25/02/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,24 Cooper Rd,3,h,800000,S,Harcourts,25/02/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,31 Jubilee Dr,4,h,1130000,S,Harcourts,25/02/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,39 Rearden Cr,4,h,439500,SA,YPA,25/02/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,24 Rhine Dr,3,h,403000,S,Melbourne,25/02/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Viewbank Cct,3,t,339000,S,RE,25/02/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,608/222 Bay Rd,2,u,565000,SP,Buxton,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,100 Beach Rd,3,h,1415000,S,hockingstuart,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/287 Bluff Rd,4,t,1100000,SP,Buxton,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,18 Harold St,4,h,2100000,S,Buxton,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,13 McLauchlin Av,4,h,2115000,S,Buxton,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,23 Park Av,4,h,1440000,S,hockingstuart,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,26 Park Av,4,h,,S,Marshall,25/02/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,14 Hodges St,3,h,490000,SP,LJ,25/02/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,10 Wattle Gr,5,h,2000000,PI,RT,25/02/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,1 Bilston St,3,h,,VB,hockingstuart,25/02/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,54 Charles St,3,h,1032000,SP,Village,25/02/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,1/11 New St,3,u,508000,S,Sweeney,25/02/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,16 Glover St,3,h,1720000,S,Cayzer,25/02/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,357 Gordons Rd,4,h,660000,SP,Harcourts,25/02/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Londres Wy,4,h,622000,S,Harcourts,25/02/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Moremi Pl,4,h,,SN,Harcourts,25/02/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,28 Palisades Bvd,3,h,410000,PI,Love,25/02/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19 Tintern Tce,3,h,423000,S,Ray,25/02/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,43 Vista Wy,4,h,,PI,Ray,25/02/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,202/800 Chapel St,2,u,840000,S,Beller,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15 Clowes St,6,u,,SN,hockingstuart,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,35/15 Copelen St,3,u,,SN,hockingstuart,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/35 Cromwell Rd,3,h,1400000,VB,Marshall,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5 Davis Av,3,h,2710000,S,Jellis,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/59 Davis Av,1,u,370000,S,Williams,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/2 Gordon Gr,2,u,635000,S,Beller,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/30 Murphy St,2,u,680500,S,Williams,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,334 Punt Rd,3,h,1800000,VB,Jellis,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16h Stables La,1,u,280000,PI,Marshall,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19/393 Toorak Rd,1,u,,SN,hockingstuart,25/02/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,6 Abbott St,4,h,1161000,S,Williams,25/02/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,14A Kernot St,3,h,775000,S,McGrath,25/02/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,3 Maple St,3,h,1112500,S,Barry,25/02/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,23 Loris St,4,h,720000,S,iSell,25/02/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,2 Browne Av,3,h,,PI,YPA,25/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,19 Erica Av,4,h,901000,S,Ray,25/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,32 Glendenning St,3,h,850000,PI,Westside,25/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,29 Marshall Av,3,h,606000,S,YPA,25/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,81 Oleander Dr,3,h,600000,S,YPA,25/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,306 Station Rd,3,h,550000,S,Barry,25/02/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,9/12 Acland St,1,u,452000,S,RT,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,21/7 Alfred Sq,2,u,520000,PI,Whiting,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20 Alma Gr,4,h,,SN,Gary,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/289 Barkly St,2,u,482300,S,Kay,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/160 Carlisle St,2,u,902000,S,Marshall,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,51/167 Fitzroy St,3,u,1600000,PI,Kay,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18 Odessa St,2,h,1435000,SP,Marshall,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,506/6 Victoria St,2,u,,S,Buxton,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/109 Wellington St,1,u,,S,Buxton,25/02/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,13 Willonga St,3,h,1000000,SP,Brad,25/02/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,74 Benjamin St,3,h,794000,S,GL,25/02/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,30 Chapman St,3,h,890000,S,Bells,25/02/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,1/2 Cooper St,3,t,,PN,Douglas,25/02/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,132 Cornwall Rd,3,h,910000,PI,Douglas,25/02/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,41 Sun Cr,3,h,755000,S,Crane,25/02/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,107 Wright St,3,h,607000,S,YPA,25/02/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,5 Charles St,4,h,705000,S,Douglas,25/02/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,36 Metherall St,3,h,,SP,LJ,25/02/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,6 Sproul St,3,h,520000,S,Barry,25/02/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4 Apollo Pl,4,h,657000,S,hockingstuart,25/02/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,33 Mayne St,3,h,795000,S,Sweeney,25/02/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/16 Albert Cr,4,t,,SN,Fletchers,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Boisdale St,5,h,,S,Fletchers,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2A Edyvean St,3,h,1185000,S,Ray,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/5 Florence Rd,3,t,865000,S,Noel,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,14 Park Rd,3,h,1135000,S,Jellis,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,20 Scottsdale St,4,h,2160000,PI,Jellis,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/22 Scottsdale St,2,u,899000,S,Noel,25/02/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,18 Cobb Jnc,3,h,460000,SP,Sweeney,25/02/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,15 Inverell Pky,3,h,400000,SP,Sweeney,25/02/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,14 Kingbird Av,4,h,533000,S,Ray,25/02/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,17 Samaria St,3,h,452500,S,hockingstuart,25/02/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,12 Martens Ct,4,h,635000,SP,Barry,25/02/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,10 Carlton Ct,4,h,1440000,VB,Jellis,25/02/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,307 Church Rd,5,h,3400000,SP,Jellis,25/02/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,3 Colonsay St,4,h,1527000,S,Jellis,25/02/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,9 Glenmanor Cl,3,h,1301000,S,Parkes,25/02/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,13 Gloucester Ct,4,h,1388000,SP,Jellis,25/02/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,5 Milne St,3,h,1250000,PI,Ray,25/02/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,42 Chatsworth Qd,3,h,,SN,Fletchers,25/02/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/339 High St,4,h,850000,S,Lindellas,25/02/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4/45 John St,3,u,755000,S,Barry,25/02/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4 Lowan Av,3,h,1050000,S,Barry,25/02/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/257 Thompsons Rd,4,h,1100000,VB,Lindellas,25/02/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Acacia St,3,h,481000,S,Ray,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/1 Charles St,2,h,381000,S,hockingstuart,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,14 Charlton Pl,3,h,573000,S,Harcourts,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/23 Heather Av,2,h,416000,S,hockingstuart,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/26 Larch St,2,h,490000,S,Harcourts,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,97 Main St,4,h,601000,S,Ray,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2 Treetop Ct,3,h,678000,S,Love,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,11 Trentham Ct,3,h,540000,S,hockingstuart,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,14 Yilleen Cl,4,h,770000,S,Ray,25/02/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,85A Clyde St,3,t,1100000,VB,Jellis,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,29 Collins St,2,h,1211000,S,hockingstuart,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,7/9 Hammond St,2,u,466000,S,Woodards,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,45A Harold St,3,h,1280000,S,Jellis,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,42 Mansfield St,4,h,1478000,SP,Jellis,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/110 Normanby Av,2,u,490000,S,Jellis,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,172 Rossmoyne St,3,h,1280000,SP,McGrath,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/267 Rossmoyne St,2,u,,SP,Jellis,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,39 Smith St,3,h,1913000,S,McGrath,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108 Wales St,3,t,,SN,C21,25/02/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,1A Boandyne Ct,2,h,3260000,S,Marshall,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/641 Malvern Rd,2,u,,SP,Marshall,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,15/76 Mathoura Rd,2,u,,S,hockingstuart,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,12 Mell St,2,h,1900000,S,Kay,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9/28 Power St,2,u,690000,S,Prowse,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,20 Sargood St,2,t,2100000,PI,Abercromby's,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13 Struan St,3,h,,SS,Kay,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/26 Tintern Av,2,u,1940000,S,Kay,25/02/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,6 Keats Ct,3,h,,SP,PRDNationwide,25/02/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,30 Waratah Av,3,h,735500,S,Jason,25/02/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,3 Blanche Dr,4,h,,S,Ray,25/02/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,113 Purches St,3,h,935000,S,Noel,25/02/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,4 Adley Ct,3,h,1055000,S,Fletchers,25/02/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,13 Colonial Dr,5,h,,PI,Fletchers,25/02/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,12 Rosemary Ct,3,h,915000,S,Miles,25/02/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,587 Boronia Rd,4,h,1332000,S,Ray,25/02/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,2/8 Cassia Ct,3,u,716500,S,One,25/02/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,1 Cheviot Cl,4,h,885000,S,Ray,25/02/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,8 Avoca Wy,4,h,,SN,Barry,25/02/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,28 Chappell Dr,4,h,910000,S,Ray,25/02/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,23 Fraser Cr,4,h,,SN,Barry,25/02/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,3 Topaz Ct,4,h,,SN,Barry,25/02/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warneet,2 Iluka St,3,h,450000,SP,LJ,25/02/2017,3980,Eastern Victoria,262,55.8,Casey City Council +Warranwood,155 Plymouth Rd,3,h,760000,S,Noel,25/02/2017,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Waterways,29 Ashberg Dr,3,h,830000,S,Ray,25/02/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Waterways,10 Macquarie Cir,4,h,1338000,SP,Ray,25/02/2017,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,1 Elder St,3,h,632000,PI,Darren,25/02/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,22 Dallas Cr,3,h,707000,S,Buckingham,25/02/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,3 Leigh St,3,h,475000,S,Ray,25/02/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Maribyrnong Ct,3,h,425000,SP,LJ,25/02/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,107 Alma St,3,h,1575000,S,Sweeney,25/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,51 Roberts St,2,h,326500,S,Sweeney,25/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,10 Rupert St,3,h,1028000,S,Biggin,25/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6/16 Warleigh Rd,1,u,288000,SP,Sweeney,25/02/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,7/88 Ireland St,3,t,1120000,S,Jellis,25/02/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,3/28 Jeffcott St,2,u,682000,SP,Woodards,25/02/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,2 Alda Ct,4,h,1040000,S,Barry,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,23 Allendale Cr,4,h,1105000,S,Barry,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Arrick Ct,4,h,1268000,SP,LLC,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2/4 Bruford Av,4,t,780000,PI,Barry,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Freda Ct,5,h,1010000,S,Harcourts,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,311 Jells Rd,5,h,,VB,Harcourts,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,3 Nerita Ct,5,h,1190000,S,Ray,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,27 Strathconnan Pl,4,h,,PI,Ray,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,4 Sundowner Ct,3,h,1015000,S,Ray,25/02/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,10 Alma Tce,2,h,,SN,Sweeney,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,29 Bates Dr,3,h,,S,Sweeney,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,120 Cecil St,5,h,,SN,Greg,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,5 Ellery La,3,t,965000,S,Sweeney,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,26A Macquarie St,3,h,1262000,S,Williams,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,77 Melbourne Rd,3,h,1210000,S,Williams,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,9/99 Melbourne Rd,2,u,412000,SP,Williams,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,81 Parker St,2,h,1337500,SP,Raine,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2 Pope Pl,3,t,1230000,SP,Sweeney,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8 Radford St,4,h,,VB,Greg,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,18A Rennie St,2,h,811000,S,RT,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,50 Thompson St,4,h,1630000,S,Greg,25/02/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,45 Hornby St,2,h,1325000,PI,Marshall,25/02/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,13 Melody Wy,4,h,598000,S,Melbourne,25/02/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,10 Muzzlewood Wy,4,h,585000,S,Iconek,25/02/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,17 Boneo Rd,3,h,390000,SP,LJ,25/02/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,5 Binalong Ct,3,h,720000,S,Barry,25/02/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,43 Ballarat St,2,h,767000,S,Jas,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,37 Buninyong St,3,h,,PI,Village,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,42 Eirene St,2,h,951000,S,Sweeney,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14 Finlay St,4,h,1028000,S,Village,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,112 Francis St,2,h,740000,S,Village,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,20 Grace St,3,h,1450000,S,Village,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,23 Lennox St,3,h,1430000,SP,Village,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,38 Simpson St,3,h,1275000,SP,Village,25/02/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,46 Raphael St,2,h,820000,VB,hockingstuart,25/08/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,65 Studley St,2,h,960000,SP,Biggin,25/08/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,102 Fawkner St,4,h,1925000,VB,Barry,25/08/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,41 Harrington Rd,4,h,750000,VB,Jellis,25/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,30 Hilbert Rd,4,h,,SN,Barry,25/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,6a Peters St,4,h,1115000,S,Nelson,25/08/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Armadale,12 Ashleigh Rd,4,h,3180000,S,Marshall,25/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/31 Mercer Rd,2,u,,SN,Thomson,25/08/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,34 Kent St,4,h,1400000,VB,Nelson,25/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7/1 Langs Rd,2,u,420000,VB,Brad,25/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5/8 Ormond Rd,2,u,475000,S,Nelson,25/08/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,46 Gloucester Rd,3,h,,S,Marshall,25/08/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,13 Highgate Gr,5,h,2150000,S,Marshall,25/08/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,91 Ashwood Dr,3,h,1100000,VB,Buxton,25/08/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,61 Winbirra Pde,2,h,,PI,Buxton,25/08/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,6 Tarlee Ct,5,h,,VB,Jellis,25/08/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,10 Carla Ct,3,h,695000,S,Ray,25/08/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,14 Sidgewick St,5,h,1027000,SP,Stockdale,25/08/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Balwyn,2/5 Burroughs Rd,3,u,1450000,VB,Marshall,25/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Grant Av,3,h,1480000,VB,Fletchers,25/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/3 Parring Rd,2,h,1370000,S,Kay,25/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,67 Rochester Rd,4,h,1880000,S,Nelson,25/08/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,17 Abbott St,3,h,1650000,VB,Jellis,25/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Central Av,4,h,,SP,Jellis,25/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/7 Corhampton Rd,2,u,,S,hockingstuart,25/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,53 Hosken St,4,h,1558000,S,Noel,25/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,41 Viewhill Rd,3,h,,SP,RW,25/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,64 Viewhill Rd,3,h,,PI,Fletchers,25/08/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,6 Claude St,3,h,850000,VB,Fletchers,25/08/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,16 Armstrong St,5,h,2060000,S,Buxton,25/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,72 Dalgetty Rd,5,h,,PN,McGrath,25/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,26 Pacific Bvd,4,t,1550000,VB,C21,25/08/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,202/16 Bent St,2,u,550000,PI,Jellis,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,18 Beths St,3,h,1700000,S,hockingstuart,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/37 Gilbert Gr,2,u,510000,S,Jellis,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3b Harding St,4,t,1427000,S,Buxton,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,19 Miles St,3,h,1046000,S,Buxton,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16 Milton St,5,t,,SP,Marshall,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,30 Rose St,3,h,2375000,S,Jellis,25/08/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,56 Bellevue Rd,4,h,1240000,S,Jellis,25/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,103 Deakin St,4,h,1150000,PI,Ray,25/08/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,41 Howell Dr,3,h,725000,SP,Barry,25/08/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,12 Panoramic Tce,4,h,1777000,S,Jellis,25/08/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,6 Cheltenham Rd,3,h,1600000,SP,Buxton,25/08/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,38 Ebden Av,3,t,1675000,S,Buxton,25/08/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,36 Potter St,4,h,1950000,VB,Buxton,25/08/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,7 Arna St,6,h,1845000,S,RT,25/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4/11 Main St,2,u,,SP,Jellis,25/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,24 Rosalind Cr,3,h,930000,S,Ray,25/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,138 Springfield Rd,4,h,890000,PI,HAR,25/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,234 Springfield Rd,3,h,1000000,VB,Harcourts,25/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/174 Surrey Rd,3,u,,PI,Bell,25/08/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,17 Rialton Av,4,h,1395000,S,Jellis,25/08/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,5 Cornwall St,4,h,1185000,S,Woodards,25/08/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Hearty St,4,h,,S,Jellis,25/08/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,4 Alison Av,4,h,,PI,Barry,25/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1 Beresford Dr,3,h,607000,S,Biggin,25/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,1/3 Russell Cr,3,h,,PI,Schroeder,25/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/3 Russell Cr,3,t,,PI,Schroeder,25/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,19 Zeising Ct,4,h,,SS,Barry,25/08/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,31 Barcelona St,4,h,1600000,VB,McGrath,25/08/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1/60 Melon St,3,t,660000,PI,Douglas,25/08/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,1/425 New St,3,t,,SS,Buxton,25/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5 Rooding St,3,h,,SN,Nick,25/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/1 Thomson St,4,h,1700000,VB,Marshall,25/08/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Camperdown St,4,h,,S,Marshall,25/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Summerhill Rd,4,h,,S,Buxton,25/08/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,62 Ophir St,3,h,615000,PI,YPA,25/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,42 Tatura Cr,3,h,560000,S,Barry,25/08/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,149 Albert St,2,h,870000,PI,LITTLE,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,26 Ashmore St,4,h,,SP,Jellis,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3 Bank St,4,h,1624000,S,Woodards,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,29 Bishop St,2,h,907500,S,Nelson,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Denman St,4,h,1475000,PI,Nelson,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,87 Garnet St,3,h,1250000,VB,Nelson,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,48 Hanover St,2,h,1120000,S,Nelson,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,21 Heller St,3,h,1017000,S,Nelson,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,15/74 Tinning St,3,h,,S,Jellis,25/08/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,6/32 John St,2,t,,SP,Jellis,25/08/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,11/423 Brunswick Rd,2,u,380000,PI,Smart,25/08/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9A Manica St,4,h,1132500,S,Jellis,25/08/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,458 Moreland Rd,2,h,,SP,Jellis,25/08/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,294 Union St,3,h,1100000,VB,Nelson,25/08/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,84 Helene St,4,t,,S,Barry,25/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/116 Manningham Rd,3,u,730000,PI,Barry,25/08/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,8 Japonica St,3,h,740000,PI,Ray,25/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Medora Av,3,h,,PI,Barry,25/08/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,49 Batman St,4,h,,W,One,25/08/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,42B Highbury Rd,3,h,750000,SP,Buxton,25/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,10 Inverness Av,3,h,1200000,S,RW,25/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3 Rees St,4,h,,PI,J,25/08/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,9 Oakham Av,3,h,1070000,S,Jellis,25/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,17 Trent Ct,4,h,1350000,VB,Fletchers,25/08/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,12 Derby St,4,h,3800000,S,Jellis,25/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,24 Fairview Av,4,h,1900000,VB,Marshall,25/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,11 French St,4,h,2200000,VB,Marshall,25/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8/157 Highfield Rd,2,u,,SP,Jellis,25/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/576 Riversdale Rd,2,u,770000,S,Jellis,25/08/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,1E Daphne St,3,t,1077500,S,Fletchers,25/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4/22 Faversham Rd,4,t,,S,hockingstuart,25/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,26 Maysia St,3,h,1910000,S,Kay,25/08/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,114/123 Pelham St,2,u,455000,SP,MICM,25/08/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,656 Station St,2,h,,S,Nelson,25/08/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,3 Boake St,3,h,1511000,S,Gary,25/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2B Hunter St,3,t,,VB,Jellis,25/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/28 Moonya Rd,2,u,511000,S,Woodards,25/08/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield North,6/10 Crimea St,2,u,500000,VB,Thomson,25/08/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,4 Raymond Gr,3,h,,SP,Marshall,25/08/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,40B Saturn St,4,h,,S,Marshall,25/08/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,32b Collins St,2,u,598000,S,Noel,25/08/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,20/149 Thames Prm,3,u,580000,S,Ray,25/08/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,10 Hoffman St,3,t,1090000,S,Buxton,25/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,26 Wilson St,4,h,,S,Buxton,25/08/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,19 Billanook Wy,3,h,603000,S,iTRAK,25/08/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton South,2/8 Keol St,2,u,,PI,Buxton,25/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/18 Knight St,3,t,795000,S,Auv,25/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,23 Third St,8,h,,PI,Biggin,25/08/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,98 Roseneath St,2,u,790000,S,Jellis,25/08/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,3 Rolls St,2,h,860000,VB,Nelson,25/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,63 Rose St,4,h,1360000,SP,Walshe,25/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,26 The Grove,4,h,,S,Jellis,25/08/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,1/29 Goleen St,2,h,742000,S,Barry,25/08/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,10 Bendigo St,3,h,860000,VB,Collins,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,5 Bendigo St,3,h,900000,VB,Collins,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,7 Bendigo St,2,h,800000,VB,Collins,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,8 Bendigo St,2,h,920000,VB,Collins,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,305/47 Peel St,2,u,665000,S,Nelson,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,303/35 Victoria Pde,3,u,1100000,VB,Jellis,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,1/350 Wellington St,2,u,790300,SP,Jellis,25/08/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,15 Aldercress Cl,3,h,,VB,YPA,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,77 Banbury Cr,4,h,475000,PI,hockingstuart,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,31 Hamilton St,3,h,,VB,Barry,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Highclere St,4,h,615000,S,HAR,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,104 Royal Tce,4,h,570000,SP,Ray,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,27 Spurr St,4,h,490000,S,O'Brien,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,312 Waterview Bvd,4,h,,PI,Melbourne,25/08/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,2 McEwan Dr,3,h,570000,SP,Area,25/08/2018,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cremorne,5/2 Kipling St,2,u,,PN,RT,25/08/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,10A Minkara Ct,3,h,760000,SP,Fletchers,25/08/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,12 Jeremic Ct,3,h,663000,S,McGrath,25/08/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,66 Jesson Cr,2,h,450000,VB,Stockdale,25/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,16 Seely St,4,h,700000,PI,LJH,25/08/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deer Park,10 Amron Cl,4,h,615000,S,RW,25/08/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,22 Pioneer Dr,4,h,676000,PI,Barry,25/08/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,2 Wordsworth Pl,3,h,703000,S,Barry,25/08/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,10 Rothesay Av,4,h,800000,PI,Stockdale,25/08/2018,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,9 Lauren Cl,2,h,673000,SP,Ray,25/08/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,47 Church Rd,4,t,1080000,S,Jellis,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Diosma Ct,3,h,,PI,Philip,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6/14 Firth St,2,u,480000,VB,Woodards,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Hanke Rd,3,h,,W,Noel,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,44 Henry St,5,h,1450000,VB,Jellis,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,37 Thiele St,4,h,1385000,S,Fletchers,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,8 Toronto Av,4,h,1450000,PI,Barry,25/08/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/134 Beverley St,3,u,,S,Fletchers,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Crofton Tce,4,h,1000000,PI,Barry,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Inglewood Cl,5,h,,VB,Jellis,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,24 Paula Cr,3,h,1000000,VB,Fletchers,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/2 Pine Wy,3,h,905000,S,Jellis,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,43 Russell Cr,5,h,1750000,S,Barry,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1a Timms Pl,4,h,1300000,PI,Barry,25/08/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,2 Argyle St,4,h,1150000,SP,Jellis,25/08/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,3 Clery Av,4,h,,SP,Barry,25/08/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/1 Powers St,3,u,759000,S,Barry,25/08/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,116 Elation Bvd,3,h,500000,SP,HAR,25/08/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,40 Lakeland Dr,4,h,529000,S,HAR,25/08/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Eaglemont,1/25 Durham St,3,h,985000,S,Nelson,25/08/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,78 Studley Rd,3,h,,SP,Miles,25/08/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,4/6 Clydebank Rd,2,t,585000,PI,Buxton,25/08/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1 Fraser Av,3,h,615000,S,Ray,25/08/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,38 Edward St,3,h,,SN,Biggin,25/08/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,1/9 Souter St,3,h,707000,S,Buckingham,25/08/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Endeavour Hills,1 Bittern Dr,3,h,547000,S,Ray,25/08/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,5 Plover Ct,3,h,514000,S,C21,25/08/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,4/8 Cooper St,3,u,505000,S,Stockdale,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4/12 Dryandra Av,2,u,,SN,Love,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Fertile St,4,h,,PI,Barry,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Hurst Ct,4,h,575000,S,hockingstuart,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,26 Mansfield St,4,h,,PI,LJH,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,38 McCabe Dr,6,h,698000,S,Ray,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Narina Wy,6,h,700000,PI,Barry,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Saunders Cr,4,h,636500,S,Stockdale,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Stonebridge Ri,4,h,,W,hockingstuart,25/08/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,25 Braemar St,4,h,2000000,S,Rendina,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,104/201 Buckley St,1,u,,W,Pagan,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/348 Buckley St,3,t,,VB,Brad,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Cameron Rd,1,h,820000,PI,Nelson,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,17 Crisp St,4,h,1947500,S,Frank,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,179 Napier St,3,h,1610000,S,Brad,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Nimmo St,4,h,,SP,McDonald,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/14 Raleigh St,2,u,580000,VB,Nelson,25/08/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,5/3 Royal Av,1,u,193000,S,Nelson,25/08/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,148 Christmas St,2,h,862500,S,Biggin,25/08/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,104/57 Station St,1,u,410000,SP,Nelson,25/08/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,15 Boston St,3,h,620000,SP,Ray,25/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,3 Claremont St,3,h,650000,VB,Nelson,25/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,17 Ledger Av,3,h,750000,SP,Barry,25/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,60A Marlborough St,3,h,639000,S,Barry,25/08/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,10 Akron St,3,h,720000,SP,Barry,25/08/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,63 Birkenhead St,3,h,,VB,Jellis,25/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,839 Brunswick St,2,h,1350000,S,Jellis,25/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,31 Rowe St,4,h,2400000,VB,Nelson,25/08/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,97 Crown St,3,h,928000,S,Nelson,25/08/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,18/2 Saltriver Pl,3,u,800000,PI,Jas,25/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,25 Stafford St,2,h,950000,SP,Greg,25/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,44 Whitehall St,3,h,980000,S,Jas,25/08/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,78A Bindy St,3,h,690000,VB,Jellis,25/08/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,12 Hillcrest Rd,5,h,,W,O'Brien,25/08/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 John St,2,h,,VB,hockingstuart,25/08/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,21 Violet St,3,h,1120000,S,Ray,25/08/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,38 Magnolia Rd,3,h,,VB,hockingstuart,25/08/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,34 Cassandra Dr,3,h,712000,SP,Barry,25/08/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,86 The Circuit,4,h,710000,SP,Barry,25/08/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,6/13 Manchester Gr,3,t,1210000,SP,Gary,25/08/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,9 Muswell Hill,4,h,2375000,S,Jellis,25/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Park Rd,4,h,,VB,Marshall,25/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Rowen St,3,h,1587000,S,Marshall,25/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Saxby Rd,3,h,1650000,VB,Marshall,25/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,70 Valley Pde,3,h,,S,hockingstuart,25/08/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,35 Camelot Dr,4,h,1179000,S,Harcourts,25/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,36 Guinevere Pde,4,h,1100000,S,Ray,25/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Hunter St,3,h,,SN,Harcourts,25/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Ilora Ct,3,h,,SN,Harcourts,25/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Larkspur Cct,4,h,,PI,Ray,25/08/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,73 Chapman Av,3,h,915000,S,Eview,25/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,136 Hilton St,3,h,565000,S,Barry,25/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/21 Hubert Av,2,t,485500,S,RW,25/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,30 Loongana Av,3,h,838000,S,Brad,25/08/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,17 Duncan Av,3,h,770000,PI,Darren,25/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,136 Elder St,3,h,772000,S,Barry,25/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,184 Hickling Av,3,h,,SN,Ray,25/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 Howard St,3,h,737000,S,Barry,25/08/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,3 Battista Gr,3,h,600000,SP,Jason,25/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,7 Maclaren Ct,4,h,810000,PI,Barry,25/08/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,2/17 Eileen St,2,t,,W,Raine,25/08/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,18 Everitt St,3,h,785000,S,New,25/08/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,6 Stratford St,3,h,,VB,Nelson,25/08/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,20 Bridge St,3,h,,PI,Hodges,25/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2A David St,2,t,830000,VB,Marshall,25/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,66b Ludstone St,4,t,1610000,PI,Jellis,25/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,48 Sargood St,4,h,1550000,VB,Marshall,25/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,7 Weeroona St,3,h,1179000,S,Buxton,25/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,202/2 Willis La,2,u,400000,PI,Buxton,25/08/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,14 Saltair St,4,h,,VB,Buxton,25/08/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/30 Elm St,2,u,588500,S,Jellis,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4 Lennox St,3,h,,S,Marshall,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/28 Liddiard St,2,u,,S,hockingstuart,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,103/6 Lisson Gr,1,u,445000,PI,Biggin,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8 Sercombe Gr,2,h,1150000,PI,Jellis,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,36 Urquhart St,4,h,3200000,VB,Kay,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/39 Wattle Rd,3,u,1600000,S,Jellis,25/08/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,20 Bowler St,2,h,,S,Marshall,25/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1A Brookfield Ct,4,h,2460000,S,Biggin,25/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3 Gillman St,3,h,1360000,S,Noel,25/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,62 Lilydale Gr,3,h,1525000,S,Jellis,25/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,320 Riversdale Rd,3,h,,PN,Marshall,25/08/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,24 Wollahra Pl,3,h,,PI,Philip,25/08/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,41 Bonar St,4,h,840000,VB,Jellis,25/08/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,17 Eden St,3,h,953000,S,Nelson,25/08/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,31 McEwan Rd,3,h,825000,S,Miles,25/08/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,15/601 Upper Heidelberg Rd,2,u,510000,VB,Miles,25/08/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,14 Achilles St,3,h,567500,S,Miles,25/08/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2/37 Beaumaris Pde,4,t,1340000,S,Jellis,25/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/34 Dalmont St,3,t,,VB,Buxton,25/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,16 Marshall Av,4,h,1850000,PI,Buxton,25/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/1207 Nepean Hwy,2,u,660000,S,Buxton,25/08/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,67 Timele Dr,3,h,630000,S,Brad,25/08/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,47 Barber Dr,4,h,655000,S,hockingstuart,25/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,35 Empire Dr,3,h,430000,PI,United,25/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,115 Pannam Dr,3,h,,PI,LJ,25/08/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,208/175 Kangaroo Rd,2,u,,PI,Ray,25/08/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Keilor East,25 David Av,4,h,1107000,SP,Nelson,25/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,34 Lauricella Av,3,h,650000,PI,Nelson,25/08/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,46 Derby St,3,t,964500,SP,Edward,25/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,210/465 Macaulay Rd,1,u,475000,S,Nelson,25/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,18 McConnell St,2,h,1066000,S,Nelson,25/08/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,10 Atkins St,3,h,1750000,VB,Kay,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7/377 Barkers Rd,2,u,,PN,RT,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8B Belmont Av,2,h,,S,Jellis,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/1219 Burke Rd,3,u,1000000,S,Fletchers,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,78 Charles St,5,h,,S,Marshall,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/77 Pakington St,2,u,635000,SP,Caine,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/18 Rossfield Av,2,u,555000,S,Nelson,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/41 Studley Park Rd,2,u,620000,S,hockingstuart,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,71 Willsmere Rd,3,h,,S,Jellis,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,63 Wiltshire Dr,2,u,550000,VB,MICM,25/08/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,15 Mathers Av,3,h,1425000,VB,Jellis,25/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,9 Spruzen Av,4,h,1960000,PI,Bekdon,25/08/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,29 Chapel Rd,4,h,705000,S,iSell,25/08/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,343 Corrigan Rd,5,h,,PI,O'Brien,25/08/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,7 Dunne St,3,h,1040000,S,Barry,25/08/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Lalor,96 Cyprus St,3,h,,SN,Love,25/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,14 Valerie St,4,h,620000,S,Barry,25/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,7 West Ct,3,h,,PI,HAR,25/08/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Macleod,25 Chapman St,3,h,785000,VB,Miles,25/08/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,52 Ferguson St,4,h,,SP,Nelson,25/08/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,28 Munro St,2,h,930500,S,Ray,25/08/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,76 Somers Av,3,h,920000,S,Fletchers/Fletchers,25/08/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Macleod,36 Wilmot St,3,h,,S,Jellis,25/08/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,106A Ashley St,3,h,,SN,Create,25/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,6/19 Burns St,2,t,600000,S,Burnham,25/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/50 Eucalyptus Dr,2,u,450000,SP,hockingstuart,25/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,16 Holland Ct,3,h,775000,PI,Barry,25/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,17 Wallace St,3,h,1055000,S,Jas,25/08/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,421 Glenferrie Rd,4,h,3000000,VB,Marshall,25/08/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,45 Allenby Av,4,h,1915000,S,Abercromby's,25/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/40 Burke Rd,3,u,,S,hockingstuart,25/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,37 Clynden Av,3,h,1375000,S,Marshall,25/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14/1810 Malvern Rd,3,u,805000,PI,Marshall,25/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/6 Rebecca Rd,4,h,,SP,Marshall,25/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,29 Turner St,2,h,1010000,SP,Jellis,25/08/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Meadow Heights,1 Benaud Cl,4,h,500000,PI,Barry,25/08/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1405/318 Russell St,1,u,,W,Pagan,25/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1601/572 St Kilda Rd,3,u,1250000,S,Ray,25/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,303/594 St Kilda Rd,1,u,300000,VB,Whiting,25/08/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,61 Blamey Dr,3,h,410000,SP,Reliance,25/08/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,9 Flinders St,3,h,1220000,PI,Buxton,25/08/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,95 Waterview Dr,4,h,545000,S,HAR,25/08/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,4/53 Blackman Av,2,t,553000,S,Ray,25/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,31 Hinkler Dr,4,h,675000,S,Ray,25/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1a Kenthurst Ct,2,u,,PI,Barry,25/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,13 Monterey Ct,3,h,570000,PI,Frank,25/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,63 Pindari Av,3,h,487000,S,Millership,25/08/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,52 Barkly Tce,2,h,721000,S,Ray,25/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,30 Deakin St,4,h,,PI,HAR,25/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/3 Rotherwood Av,2,u,726000,S,Jellis,25/08/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/29 Mayona Rd,3,u,800000,S,Jellis,25/08/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,12 Woodland Gr,3,h,920000,VB,Fletchers/Fletchers,25/08/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,7/49 Buckley St,2,u,525000,S,Barry,25/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,73 Buckley St,4,h,1360000,S,Jellis,25/08/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,12a Barilla Rd,4,h,1310000,SA,Buxton,25/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/9 Perry St,3,t,,SS,Buxton,25/08/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,58 Highview Dr,5,h,690000,SP,Ray,25/08/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,2/1 Ashmore Av,2,u,709000,S,Hodges,25/08/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9/119 McDonald St,2,u,491000,SP,Buxton,25/08/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,11 Powlett St,2,h,1320000,S,Ray,25/08/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1 Carrol Gr,5,h,,S,Jellis,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Emerald St,3,h,1295000,S,Fletchers,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Kathleen Av,4,h,1565000,PI,Ray,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,42 Lewton Rd,5,h,1850000,PI,hockingstuart,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,27 Nethercote Dr,4,h,1240000,S,Barry,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Sunhill Rd,3,h,,SN,Ray,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,38 Surrey Rd,3,h,1371000,S,Fletchers,25/08/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,8 Emden Cr,3,h,,SN,Ray,25/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,30 Excelsior Cct,3,h,754000,S,HAR,25/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Nimmo Ct,4,h,1015000,S,Win,25/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Pavilion Pl,3,t,758800,SP,Jellis,25/08/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,8A Irving Av,3,t,,S,Jellis,25/08/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,12 Facey Ct,4,h,,SP,Fletchers,25/08/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,63 Alma Tce,2,h,857500,S,Greg,25/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,2/485 Melbourne Rd,2,u,410000,VB,Williams,25/08/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,82A Hotham Rd,3,t,1140000,VB,Brad,25/08/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,58 Ida St,4,h,1310000,PI,Rendina,25/08/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,23 Jackson St,2,h,1050000,VB,Nelson,25/08/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +North Melbourne,500 Abbotsford St,3,h,1700000,VB,hockingstuart,25/08/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,28 Bower St,3,h,1421000,S,Nelson,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,79 Emmaline St,3,h,,PI,McGrath,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14/70 Gadd St,2,t,,PI,Rosin,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Henry St,2,h,,SN,Nelson,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,75 Jenkins St,3,h,1150000,SP,Nelson,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,34 Ross St,2,h,1350000,S,Jellis,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6/34 Wilmoth St,1,u,302500,S,Miles,25/08/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,1/18 Curie Av,3,t,800000,S,Eview,25/08/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/40 Curie Av,3,t,850000,VB,Stockdale,25/08/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,27 Victoria St,4,h,750000,VB,Nelson,25/08/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,4/7 Harpur Ct,3,t,753000,S,Ray,25/08/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Ormond,2/16 Leinster St,3,t,967000,S,Woodards,25/08/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,32 Queen St,4,h,1860000,S,Buxton,25/08/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,21A Davey St,3,t,942500,SP,Ray,25/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,13 Foam St,5,h,2600000,S,Buxton,25/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,16b McKay St,3,t,880000,S,Buxton,25/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,53 McSwain St,5,h,1120000,PI,Buxton,25/08/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,6/1 Manchester La,2,t,720000,PI,Jellis,25/08/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,9 Avoca Cr,3,h,1070000,VB,Nelson,25/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,300 Cumberland Rd,4,h,1050000,VB,Nelson,25/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/71 Cumberland Rd,3,t,,SN,Smart,25/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,14 Kaumple St,3,h,900000,PI,Nelson,25/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,104 Landells Rd,4,h,,SP,McDonald,25/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,78 Railway Pde,3,h,,S,Brad,25/08/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,18 Atkinson Cl,4,h,676000,S,Ray,25/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,40 Dunkirk Dr,4,h,705000,S,Point,25/08/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,5/12 Barlow St,3,t,1400000,S,Frank,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,204/62 Beach St,2,u,1600000,VB,hockingstuart,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,54 Dunstan Pde,3,h,,S,Greg,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,12 Morley St,3,h,1685000,S,Chisholm,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,271 Ross St,4,h,2150000,VB,Marshall,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,24/4 Seisman Pl,2,u,630000,S,Chisholm,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,534 Williamstown Rd,2,h,880000,S,Marshall,25/08/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,13 Larnook St,3,h,1720000,PI,hockingstuart,25/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,28 Pridham St,2,h,1000000,S,Beller,25/08/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,14C Gilbert Rd,1,h,463000,S,RW,25/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Hay St,4,h,950000,S,Nelson,25/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Holly St,3,h,,PI,RW,25/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,44 Tyler St,3,h,840500,S,Nelson,25/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/78 Wood St,2,u,535000,S,Love,25/08/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,25 Barton St,3,h,855000,S,Barry,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,123 Broadhurst Av,3,h,760000,PI,Harcourts,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,15 Eisenhower St,3,h,760000,PI,Barry,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,32 Elliot St,5,h,780000,PI,Love,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Oulton Cr,3,h,650000,VB,Ray,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,74 Strathmerton St,2,h,805000,PI,Ray,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,38 Yarra Av,3,h,790000,PI,Nelson,25/08/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,54 Bunting St,2,h,,SP,Biggin,25/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,103/174 Burnley St,2,u,510000,PI,Buxton,25/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2/199 Lennox St,2,u,595000,S,hockingstuart,25/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/37 Somerset St,2,t,,PI,Biggin,25/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,51 York St,3,h,900000,PI,Biggin,25/08/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,45 Kathryn Ct,5,h,810000,S,Raine,25/08/2018,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,11/330 Canterbury Rd,3,u,640000,PI,Ray,25/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,7/11 City Rd,2,u,576000,S,Jellis,25/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,51 Ford St,4,h,,SN,Philip,25/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,319B Maroondah Hwy,2,h,425500,S,RW,25/08/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,32 Dublin Rd,3,h,,PI,Philip,25/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/50 Grey St,3,h,600000,S,Fletchers,25/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,8 Langley St,4,h,,VB,Noel,25/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,31 Railway Av,3,h,,VB,Fletchers,25/08/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,46 Crawley Gr,5,h,1170000,S,Jellis,25/08/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,16 Jull Pde,3,h,772000,S,iHomes,25/08/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,17/162 Brighton Rd,2,u,477500,S,Morleys,25/08/2018,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,31 Coorie Cr,3,h,950000,VB,Miles,25/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,29 Dobson Av,4,h,,SP,Jellis,25/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,39 Grandview Gr,3,h,1055000,S,Miles,25/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/235 Rosanna Rd,3,u,,SP,RT,25/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,21 Stanton Cr,3,h,1032500,S,Miles,25/08/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,154 Waradgery Dr,3,h,700000,PI,Ray,25/08/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,1 Cedarwood Wy,3,h,580000,SP,Barry,25/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,34 Marne Dr,3,h,550000,SP,HAR,25/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,53 Sandover Dr,4,h,605000,S,Biggin,25/08/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,6/47 Abbott St,2,h,,S,Biggin,25/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,117 Bay Rd,3,h,1600000,PI,Nick,25/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/142 Bay Rd,4,t,1300000,PI,hockingstuart,25/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,45 Sims St,5,h,,S,hockingstuart,25/08/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,1/3 Tanunda Cl,3,u,571000,S,Ray,25/08/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,25 Rosslyn Av,4,h,,SN,HAR,25/08/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,4 Valerie Ct,5,h,,PI,O'Brien,25/08/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,163 Charles St,3,h,1200000,S,Jas,25/08/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,300 Bank St,2,h,1201000,S,hockingstuart,25/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,43/39 Dorcas St,3,u,774000,S,Greg,25/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,1215/52 Park St,2,u,,VB,MICM,25/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,13 Ward St,3,h,1865000,S,Marshall,25/08/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,16 Appleberry Pl,4,h,,PI,HAR,25/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,12 Methven Av,3,h,610000,S,Millership,25/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,10 Petal Ct,5,h,1020000,S,HAR,25/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4/71 Reid St,2,h,413000,S,RW,25/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,22 Xavier Wy,3,h,572000,S,Ray,25/08/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,15/34 Kensington Rd,2,u,750000,VB,hockingstuart,25/08/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,113 The Avenue,4,h,,SP,Greg,25/08/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,11 Fox St,3,h,,PI,Nelson,25/08/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,1/24 Belford St,2,u,650000,PI,Biggin,25/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,35/41 Chapel St,2,u,624000,S,Hodges,25/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,44 Clyde St,4,h,1700000,VB,Marshall,25/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/2 Marriott St,1,u,,W,Buxton,25/08/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,169 Mascoma St,4,h,1230000,S,Nelson,25/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2/28 Williamson Av,2,h,740000,S,Considine,25/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1/38 Windsor Av,2,u,735000,S,Nelson,25/08/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,17 Lawson St,1,h,355000,PI,Leeburn,25/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,16 Sunview Ct,4,h,,PI,Raine,25/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,13 Underhill Ct,3,h,551000,SP,Barry,25/08/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,114 Devonshire Rd,3,h,560000,PI,Biggin,25/08/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,6 Dundalk St,4,h,,PI,Barry,25/08/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,88 Parsons St,3,h,870000,VB,hockingstuart,25/08/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,3 Saliba Ct,3,h,610000,VB,Barry,25/08/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/10 Blackburn St,2,u,,S,Jellis,25/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,46 Florence Rd,3,h,2228000,S,Ray,25/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/5 Florence Rd,2,u,725000,S,Marshall,25/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/49 Middlesex Rd,3,t,,S,Fletchers,25/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,28 Wharton St,5,h,2310000,PI,Jellis,25/08/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,4 Charles Ct,3,h,,SN,Ray,25/08/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,9 Stagecoach Cr,3,h,686500,S,Barry,25/08/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,9 Samaria St,4,h,,PI,Barry,25/08/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,8 Burnley Gr,4,h,705000,SP,Barry,25/08/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,16 Cavenagh Tce,4,h,855000,S,Barry,25/08/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,69 Tasman Cr,5,h,955000,S,Barry,25/08/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,33 Glendale Av,4,h,,VB,Jellis,25/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,29 Templemore Dr,4,h,,SP,Jellis,25/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Warrick Gr,4,h,1750000,VB,Jellis,25/08/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,70 Rose Av,4,h,1110000,S,Barry,25/08/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,41 Alexander Av,4,h,703000,S,HAR,25/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,23 Oxford Dr,3,h,,PI,HAR,25/08/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,84 Clarendon St,2,h,,SN,RW,25/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,8/167 Darebin Rd,2,u,706000,S,Biggin,25/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/14 Mansfield St,2,u,580000,VB,Jellis,25/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/135 Raleigh St,2,u,530000,SP,Woodards,25/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3 Raleigh St,3,h,1100000,VB,Jellis,25/08/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,52B Lansell Rd,3,h,4700000,VB,Marshall,25/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,687 Orrong Rd,4,h,,SP,Marshall,25/08/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont,4 Trinian St,6,h,1330000,VB,Noel,25/08/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,15 Kuranga Rd,3,h,750000,VB,Nelson,25/08/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,8 Greenock Cr,4,h,931000,S,Harcourts,25/08/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1/124 Renou Rd,3,t,958000,S,Ray,25/08/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,134 Renou Rd,5,h,1435000,S,Barry,25/08/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,30 Judith St,3,h,740000,S,Barry,25/08/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,23 Nepean St,4,h,950000,VB,Nelson,25/08/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,14 Macadamia Gr,3,h,530000,SP,Barry,25/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,58 Powlett St,4,h,465000,S,hockingstuart,25/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,2/6 Wandin Ct,2,u,380000,SP,hockingstuart,25/08/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3A Ormond Rd,3,h,750000,VB,hockingstuart,25/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,35 Robbs Rd,3,h,780000,PI,Jas,25/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,4/28 Stanhope St,2,u,540000,S,Trimson,25/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,74 Wellington St,3,h,835000,S,hockingstuart,25/08/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,83A Capel St,2,h,,S,hockingstuart,25/08/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,33 Ireland St,3,h,,PI,Jellis,25/08/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,29 Parkmore Cr,3,h,522000,S,YPA,25/08/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,7 Cambrian Cr,3,h,990000,S,Ray,25/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Grantchester Rd,5,h,1405000,S,Biggin,25/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,18 Highwood Dr,4,h,1180000,S,Barry,25/08/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,16 Jobson St,2,h,900000,PI,Sweeney,25/08/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,32 Augusta Dr,4,h,750000,SP,Iconek,25/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,7 Augusta Dr,4,h,,S,hockingstuart,25/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,26 Birchmore Rd,3,h,406500,S,HAR,25/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,35 Cobungra Gr,4,h,606000,S,hockingstuart,25/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,10 Risdon Ch,3,h,505000,SP,Ray,25/08/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,16 Wilton Cl,3,h,511000,SA,Reliance,25/08/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,3 Allima Av,4,h,,PI,Barry,25/08/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,39 Buninyong St,3,h,1562000,S,Biggin,25/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,43 Cecil St,4,h,1180000,S,Village,25/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/499 Geelong Rd,2,u,370000,S,Williams,25/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/21 Goulburn St,2,t,720000,VB,Biggin,25/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,11 Gray St,2,h,890000,VB,hockingstuart,25/08/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,9 Albert St,2,h,920000,PI,Peter,25/11/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,49 Brunel St,3,h,2015000,S,McDonald,25/11/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,5/4 Combermere St,2,u,485000,SP,Walshe,25/11/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,95A Bowes Av,3,h,786000,S,Barry,25/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/32 Elstone Av,3,t,780000,VB,Nelson,25/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,32 Grange Rd,2,h,628000,S,Barry,25/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,244 Parer Rd,3,h,740000,VB,Nelson,25/11/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,57 Graham St,2,h,,VB,Marshall,25/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,47 Greig St,3,h,1710000,S,Marshall,25/11/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,66 Adelaide St,4,h,965000,S,hockingstuart,25/11/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,63 Derrimut St,2,h,746000,S,Douglas,25/11/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,10 Como St,4,h,2720000,S,McGrath,25/11/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,135 Fulham Rd,4,h,1870000,S,Nelson,25/11/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,2 Geneva Rd,4,h,1965000,S,Abercromby's,25/11/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,112 Wingrove St,2,h,,SP,Nelson,25/11/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,14a Charles Rd,3,u,,SA,hockingstuart,25/11/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,23 Romawi St,4,h,1650000,S,Barlow,25/11/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Ardeer,8 West St,3,h,,SN,RW,25/11/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,8/43 Armadale St,2,u,,SN,McGrath,25/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1 Barnato Gr,4,h,7000000,PI,Kay,25/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,569 Dandenong Rd,3,h,1851000,S,Marshall,25/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10 Hampden Rd,4,h,,S,RT,25/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11 Munro St,4,h,,S,Jellis,25/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,65 Northcote Rd,4,h,3000000,PI,Kay,25/11/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,7/123 Epsom Rd,2,u,,PI,Woodards,25/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,5/17 Hurtle St,2,u,450000,S,Nelson,25/11/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,163 Ashburn Gr,3,h,,SN,Marshall,25/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,4A Derna Rd,2,t,815000,PI,Buxton,25/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,47 Fakenham Rd,4,h,,SP,Marshall,25/11/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,30 Carlyle St,3,h,1450000,S,Tim,25/11/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,29 Ebb St,4,h,1260000,PI,Buxton,25/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,45 Eulinga Av,4,h,1210000,SP,Barry,25/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,16 Foam St,4,h,1125000,PI,O'Brien,25/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,8/25 Nepean Hwy,1,u,437000,S,hockingstuart,25/11/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,15/5 McIntosh Ct,2,u,,SP,Ray,25/11/2017,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,7 Wolfson Ct,4,h,1175000,S,Barry,25/11/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,7 Alexander St,5,h,1375000,VB,Nelson,25/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,74 Canning St,3,h,860000,PI,McDonald,25/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,78A Canning St,3,h,800000,VB,Nelson,25/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,14 Lake St,3,h,820000,PI,Nelson,25/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,11 Riverside Av,5,h,1330000,VB,Nelson,25/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,13 Windsor Dr,4,h,1000000,PI,Nelson,25/11/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,8/109 Hotham St,1,u,540000,SP,Biggin,25/11/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,2/11 Ellen St,3,u,,PI,Noel,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Freeman St,4,h,,S,Marshall,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/10 Mangan St,3,u,1280000,S,Noel,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,33 Power St,4,h,1760000,PI,Jellis,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10 Relowe Cr,4,h,1950000,VB,Jellis,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,7 Sevenoaks St,3,h,,SP,Jellis,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9 Walsh St,3,h,,S,Noel,25/11/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,41 Almond St,4,h,,SN,RT,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,243 Balwyn Rd,2,h,1500000,VB,Fletchers,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11A Capella St,4,h,1590000,S,Fletchers,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Kelvinside St,3,h,1550000,VB,Jellis,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Lime Av,4,h,2200000,PI,Buxton,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/56 Maud St,3,u,1350000,S,hockingstuart,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,37 Tower Rd,5,h,2600000,PI,Jellis,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Ventnor St,4,h,1730000,SP,Fletchers,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/63 Winfield Rd,3,t,1038000,S,Noel,25/11/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,4/45 Marlborough Rd,2,u,590000,S,Fletchers,25/11/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,16 Orange Gr,4,h,860000,PI,Noel,25/11/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,55 Ozone Rd,5,h,,SN,iTRAK,25/11/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,3 Wendover Av,4,h,735000,S,Fletchers,25/11/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield,25 Timberside Dr,5,h,,W,O'Brien,25/11/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,1/424 Balcombe Rd,3,h,1815000,S,Ray,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,438 Balcombe Rd,4,h,1815000,S,Ray,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,2/1 Cloris Av,2,h,975500,S,Barry,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 McNamara St,4,h,1515000,S,hockingstuart,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,29 Oak St,4,h,1950000,VB,Ray,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,21 Rosemary Rd,4,h,1730000,S,C21,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,5 Spicer St,3,h,,S,Hodges,25/11/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2/12 North Av,3,u,,PI,Jellis,25/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,17 Phillip St,2,h,1587500,S,Buxton,25/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,46a Tucker Rd,4,t,,VB,Buxton,25/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9/15 Vickery St,2,u,665000,SP,Buxton,25/11/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,9 Begg St,3,h,1215000,S,Barry,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14/76 East Boundary Rd,2,u,510000,SP,Jellis,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,55 Edinburgh St,3,h,1230000,S,C21,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Elwyn St,3,h,1530000,S,C21,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Gladwyn Av,3,h,1620000,S,Jellis,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12b Hinkler Av,4,t,1315000,S,C21,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Kadir St,3,h,1100000,PI,Buxton,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/39 Lancaster St,3,h,,VB,Jellis,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Latham St,4,h,1435000,S,Ray,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/24 Monash St,3,h,890000,S,Buxton,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/14 Sheffield St,3,u,1210000,SP,Buxton,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24b Shrewsbury St,3,t,1200000,S,Jellis,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,76 Stockdale Av,3,h,1245000,S,Greg,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Tasman Rd,3,h,1050000,PI,Gary,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,48A Wingate St,3,t,1060000,PI,Jellis,25/11/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,2 Yardley Ct,4,h,,SP,FN,25/11/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,60b Ardoyne St,4,h,1750000,S,Chisholm,25/11/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,54 Second St,3,h,,SN,Thomson,25/11/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1/14 Doulton Rd,3,h,,SP,Jellis,25/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,8 Furness St,3,h,,S,Noel,25/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,31A Sheehans Rd,3,t,1180000,S,Fletchers,25/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,42 Williams Rd,3,h,1300000,S,Noel,25/11/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,14 Esta St,3,h,1230000,S,RW,25/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,23 Fithie St,3,h,,SN,Barry,25/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,33 Peter Av,4,h,1370000,S,Noel,25/11/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,2 Tudor Ct,4,h,1150000,S,Fletchers,25/11/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,2/1 Breeze St,3,u,,S,hockingstuart,25/11/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,1/2 Harding La,4,h,1850000,PI,O'Brien,25/11/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,2B Patterson St,4,h,,W,Purplebricks,25/11/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,23 Elsie St,3,h,666000,S,Ray,25/11/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,43 Interman Rd,3,h,805000,SP,McGrath,25/11/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,25 Southey Rd,4,h,940000,S,LJ,25/11/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,32 Court St,3,h,1700600,SP,Lindellas,25/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,23 Merton St,3,h,1285000,S,Noel,25/11/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,39 Myalla St,5,h,1036000,S,Barry,25/11/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,8 Brandon Ct,4,h,1092000,S,Morrison,25/11/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,54a Gladstone Rd,4,t,1120000,S,Buckingham,25/11/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,4/106 St Helena Rd,3,u,715000,S,Darren,25/11/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,78 Cole St,4,h,,PN,Nick,25/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Dendy St,4,h,,S,Marshall,25/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,47 Durrant St,5,h,,SP,Nick,25/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Hall St,4,h,3780000,SP,For,25/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,165 New St,3,h,2340000,S,Buxton,25/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,67 South Rd,4,h,,SP,Marshall,25/11/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,14 Binnie St,4,h,,VB,Buxton,25/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,36 Binnie St,5,h,,VB,Buxton,25/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Denton St,4,h,2000000,S,RT,25/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,27 Ferguson St,3,h,,S,Marshall,25/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Parklands Cr,3,h,1700000,VB,Buxton,25/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,30b Pine St,4,t,1775000,PI,Nick,25/11/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,3 Cornell Cl,5,h,680000,S,YPA,25/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,58a Cuthbert St,3,u,567500,S,Stockdale,25/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,13 Keith Cr,3,h,380000,PI,YPA,25/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/16 Ortolan Av,3,u,423000,S,YPA,25/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,16 Stanhope St,4,h,,SN,Ray,25/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3 Winton Ct,4,h,580000,SP,Eview,25/11/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,178 Brooklyn Rd,3,h,555000,SP,YPA,25/11/2017,3338,Western Victoria,3122,29.8,Melton City Council +Brunswick,41 Bishop St,2,h,991000,S,Nelson,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Fifth Av,4,h,1700000,VB,Jellis,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,45a Garnet St,3,t,865000,PI,Barry,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,45b Garnet St,2,t,849000,S,Barry,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,70 Gold St,4,h,1300000,PI,Barry,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/21 Jones St,2,h,602000,S,Raine,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,44 Thistle St,3,h,1385000,S,Jellis,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/147 Victoria St,3,h,1335000,S,Nelson,25/11/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,5/130 Mitchell St,2,t,720000,S,Jellis,25/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,206 Stewart St,3,h,,PI,Ray,25/11/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,2 Coronation St,4,h,,VB,Jellis,25/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/80 Hopetoun Av,2,u,,PI,Ray,25/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,30 Smith St,3,h,1385000,S,Barry,25/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,29 Whitby St,3,h,1100000,PI,Raine,25/11/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,12a Flinders St,4,t,1350000,PI,Barry,25/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,18 Gisborne St,4,h,,SP,Fletchers,25/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,51 Golden Wy,4,h,,S,Jellis,25/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,6 Penderel Wy,4,h,2285000,S,Barry,25/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,39 Summit Dr,4,h,1680000,PI,Barry,25/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,17 White Wy,4,h,1245000,S,Barry,25/11/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,6 Avon Ct,3,h,822000,S,Barry,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Barbara Ct,4,h,,PI,Barry,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24 Glenn Cr,4,h,,PI,Barry,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/2 Greenwood Dr,2,u,521000,S,Barry,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Nash Ct,3,h,,PI,Barry,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,14 Shelley Av,3,h,700000,VB,Nelson,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,30 Tasman Dr,4,h,,VB,Love,25/11/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,6 Crimea St,3,h,1290000,S,Hodges,25/11/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside,32 Roycroft Av,4,h,,PI,HAR,25/11/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside,12 Strickland Cr,3,h,475000,S,YPA,25/11/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,5/380 Burwood Hwy,2,t,,PI,Woodards,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,46 Montpellier Rd,4,h,890000,SP,Fletchers,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3 Murray Dr,3,h,,SP,Jellis,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,35 Muyan Cct,3,t,891000,S,RW,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/5 Renown St,2,u,,PI,Noel,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,98 Roslyn St,3,h,1712000,S,Fletchers,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,84 Somers St,4,h,,VB,Buxton,25/11/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,2 Anthony Ct,3,h,1053000,S,Fletchers,25/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,2/201 Burwood Hwy,2,u,701000,S,Buxton,25/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1 Cooinda Ct,3,h,1160000,PI,Buxton,25/11/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,3 Eaglehawk Cct,5,h,800000,S,Barry,25/11/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,6 Sapling Tce,4,h,740000,PI,Barry,25/11/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,1 Treemont Ct,4,h,771200,S,HAR,25/11/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,8 Crellin Gr,3,h,1800000,VB,Garvey,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Lesley St,5,h,2900000,PI,Jellis,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Morey St,4,h,410000,VB,Jellis,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/28 Nevis St,2,u,745000,SP,Jellis,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,35 Nevis St,4,h,2300000,PI,Buxton,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Quinton Rd,5,h,,PI,hockingstuart,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/5 Through Rd,3,h,1580000,VB,Garvey,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6/1021 Toorak Rd,2,u,653000,S,Jellis,25/11/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,56 Somerset Rd,3,h,570000,SP,Barry,25/11/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,26 Chaucer Cr,4,h,3600000,VB,Marshall,25/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,38 Hopetoun Av,3,h,4508000,S,Jellis,25/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,7 Maysia St,4,h,2400000,S,Fletchers,25/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/151 Prospect Hill Rd,2,u,1374500,S,hockingstuart,25/11/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,179 Drummond St,4,h,5460000,S,Nelson,25/11/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,5/110 Keppel St,3,t,1350000,PI,LITTLE,25/11/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,167 Station St,2,h,,SP,Ray,25/11/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,159 Arnold St,5,h,,PI,Craig,25/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,94 MacPherson St,3,h,2700000,VB,Nelson,25/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,409 Station St,3,h,1670000,VB,Nelson,25/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,517 Station St,3,h,,S,McDonald,25/11/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/34 Madden Av,2,u,560000,S,Woodards,25/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/7 Maroona Rd,3,t,730000,S,Gary,25/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5 Tranmere Av,4,h,,SP,Fletchers,25/11/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,6 Burtt Av,4,h,740000,S,Barry,25/11/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,31 Kororoit App,4,h,675000,S,YPA,25/11/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,9 Parkside Cl,4,h,700000,PI,FN,25/11/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,11 Tumbalong St,3,h,499000,S,Calder,25/11/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,1/89 McLeod Rd,2,u,,S,hockingstuart,25/11/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,37 Hillview Dr,3,h,580000,PI,O'Brien,25/11/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,4/38 Alder St,1,u,348000,S,Rodney,25/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,4/1012 Glen Huntly Rd,2,u,620000,S,Gary,25/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,344 Kooyong Rd,3,h,,PI,hockingstuart,25/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,160 Sycamore St,3,h,1450000,S,Gary,25/11/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,10 Evans St,4,h,1221000,S,Buxton,25/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,30b Margot St,4,h,1472000,S,Buxton,25/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,12 Mawarra Cr,3,h,1080000,S,Buxton,25/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,4 Moorong St,3,h,,S,Buxton,25/11/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1/33 Chelsea Rd,3,t,660000,S,Eview,25/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,351 Station St,3,h,958000,S,hockingstuart,25/11/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,2/31 Cavanagh St,2,u,740000,S,hockingstuart,25/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Charnwood La,3,u,755000,S,Pride,25/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21 Nancy St,4,h,990000,S,hockingstuart,25/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,59 Oak Av,4,h,,SP,Barry,25/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,79 Weatherall Rd,4,h,1295000,S,Obrien,25/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Wembley Av,5,h,,S,Hodges,25/11/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,75 Chirnside Dr,4,h,750000,VB,Jellis,25/11/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,20 Wandoo Av,3,h,,VB,Buxton,25/11/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,77 Fulton St,3,h,1050000,PI,Buxton,25/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1 Glenbrook Av,4,h,1445000,S,Harcourts,25/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/35 Jaguar Dr,3,u,736000,S,Fletchers,25/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/3 Manatunga St,3,u,890000,SP,Fletchers,25/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,3/37 Margaret St,2,t,,PI,Buxton,25/11/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,106 Noone St,3,h,870000,S,Jellis,25/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,73 Roseneath St,2,h,,VB,Noel,25/11/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,56 Barrow St,3,h,830000,S,Peter,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/31 Bruce St,3,t,,PI,Ray,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/22 Florence St,3,h,1240000,VB,Jellis,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Glencairn Av,3,h,1170000,SP,Brad,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4 Higinbotham St,3,h,,PN,Peter,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6/2 Hudson St,3,t,621000,S,Nelson,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/1 Manna Gum Ct,3,h,,SP,Rendina,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Ryan St,3,h,,S,Woodards,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,22 Spring St,2,h,870000,S,Nelson,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,171 The Avenue,3,h,1100000,PI,Barry,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/78 The Grove,2,u,460000,VB,Brad,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,25 Webb St,3,h,1155000,S,Barry,25/11/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,1/29 Arthur St,3,t,672500,S,RW,25/11/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,181 Elizabeth St,5,h,,PI,Iconek,25/11/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13 Pallett St,3,h,750000,PI,Re,25/11/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,20 Ronald St,3,h,800000,SP,hockingstuart,25/11/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,13/76 Oxford St,2,u,888500,SP,Jellis,25/11/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,12 Lewisham Pl,3,h,525000,S,Barry,25/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,45 Loudon Cct,3,h,480000,SP,LJ,25/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,262A Waterview Bvd,3,h,482000,S,Nelson,25/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Wattletree St,4,h,652000,S,YPA,25/11/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,20 Elandra Wy,3,h,455000,SP,Munn,25/11/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,110 Cremorne St,3,h,1315000,S,Biggin,25/11/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,128 Gwynne St,2,h,1265500,S,Biggin,25/11/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,307 Dorset Rd,2,h,,PI,Barry,25/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/33 Jarvis Av,3,h,682000,S,hockingstuart,25/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,19 Marcus Rd,3,h,740000,S,Barry,25/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,32 Morgan Av,4,h,965000,S,McGrath,25/11/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,34A Exeter Rd,3,t,,PI,McGrath,25/11/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,39 Humber Rd,3,h,800000,PI,McGrath,25/11/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,2A Primrose Rd,2,h,581000,S,Philip,25/11/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,25 Central Av,4,h,1010000,S,Philip,25/11/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,471 Barry Rd,3,h,,SP,RW,25/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,47 Inverloch Cr,3,h,485000,SP,Stockdale,25/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,202 Railway Cr,3,h,475000,S,YPA,25/11/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,4/53 James St,2,u,334000,S,Stockdale,25/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3/1 Sheales St,2,u,460000,S,C21,25/11/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,14 Downard Cr,3,h,668400,SP,Del,25/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,20 Exell Dr,3,h,741000,S,Barry,25/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,9 Pinewood Av,3,h,,SP,McLennan,25/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,33 Sherwood Cr,4,h,718000,S,Stockdale,25/11/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Darley,3 Daly Ct,3,h,380000,S,FN,25/11/2017,3340,Western Victoria,2992,37.5,Moorabool Shire Council +Deer Park,7 Amron Cl,4,h,620000,S,FN,25/11/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,3 Deauville La,4,h,500000,SP,Biggin,25/11/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,90 Hatchlands Dr,4,h,610000,S,Ray,25/11/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,7 Rothesay Av,5,h,760000,SP,YPA,25/11/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,8 Sinclair Grn,4,h,860000,PI,FN,25/11/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,35 Chapman St,3,h,840000,S,Barry,25/11/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diggers Rest,24 Precious Rd,3,h,,PI,Brad,25/11/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,1 Holmwood Brk,2,h,706000,S,Buxton,25/11/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,17 Arnold Gr,3,h,,PI,Jellis,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,16 Fairway Rd,4,h,1870000,PI,VICPROP,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,27 Fairway Rd,4,h,1358000,SP,RT,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,23 Marianne Wy,3,h,1290000,PI,Barry,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,53 McCallum Rd,4,h,2113500,S,Jellis,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4a Myron Pl,2,u,750000,PI,Barry,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/35 Norfolk Cct,3,u,786000,SA,Ray,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,13 Soderlund Dr,4,h,1400000,S,Barry,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,10 Turana St,4,h,,PI,Philip,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,73 Wilsons Rd,4,h,1150000,PI,Barry,25/11/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,39A Brindy Cr,3,t,940000,PI,Barry,25/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,24 Capricorn Av,4,h,1310000,VB,Fletchers,25/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4/29 Cavalier St,2,h,660000,SA,Ray,25/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,20 Major St,4,h,1563000,S,Barry,25/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/60 Morna Rd,3,u,950000,S,Fletchers,25/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Newlands Cr,4,h,1400000,PI,Jellis,25/11/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,14 Baradine Tce,5,h,1500000,S,Jellis,25/11/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,50 Warrawong Cct,3,h,,SS,Ray,25/11/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,1 Laburnum Gr,3,h,,PN,Mindacom,25/11/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,35 Ormond Rd,4,h,,S,Nelson,25/11/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,17/129 Grey St,1,u,,SN,Caine,25/11/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,12 Hotham St,2,h,,SP,Marshall,25/11/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,3/223 Nepean Hwy,3,t,900000,S,hockingstuart,25/11/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/49 Northcliffe Rd,3,h,835000,SP,Eview,25/11/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/29 Vincent St,3,t,782000,S,Property,25/11/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,7 Alexandra Av,3,h,,SN,Biggin,25/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,41 Bertram St,3,h,2140000,S,Biggin,25/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4/28 Clarence St,3,u,631000,PI,Gary,25/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4/2 Gordon St,2,u,595000,S,Biggin,25/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/36 Parnell St,2,u,834000,S,Biggin,25/11/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,212 Bolton St,5,h,915000,S,Barry,25/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,9 Dandallo Dr,4,h,985000,S,Fletchers,25/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Landscape Ct,4,h,1525000,S,Fletchers,25/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,9 Regina Ct,5,h,955000,PI,Buckingham,25/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,45 Stanley Av,5,h,1500000,PI,Morrison,25/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,18 Withers Wy,4,h,930000,SP,Buckingham,25/11/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,36 Byrne Av,4,h,,SP,RT,25/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,18 Kendall St,4,h,,S,Marshall,25/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,36 Mitford St,5,h,2925000,PI,Chisholm,25/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/67 Shelley St,3,u,912000,S,Chisholm,25/11/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,5 Rola Cl,4,h,910000,SP,Del,25/11/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,5 Wingate Ct,4,h,616000,S,O'Brien,25/11/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,17 Baystone Rd,4,h,600000,S,Ray,25/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13A Garth Pl,3,h,480200,SP,RW,25/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,46 Pentland Dr,3,h,610000,S,hockingstuart,25/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Vilcins Views,4,h,865000,S,hockingstuart,25/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Winchester Av,3,h,606000,S,Love,25/11/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,2/3 Ballater St,2,u,525000,SA,Nelson,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,137A Bradshaw St,4,t,1731000,S,Barry,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/14 Bulla Rd,3,u,906500,S,Brad,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,15 Daisy St,4,h,1910000,S,Pagan,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10 Eric St,4,h,,SP,Barry,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/84 Market St,3,t,1450000,VB,Nelson,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/183 Napier St,2,u,500000,PI,Brad,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,82 Napier Cr,4,h,2000000,PI,McDonald,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,112 Primrose St,5,h,1890000,S,Walshe,25/11/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,9/17 Bulla Rd,2,u,422000,SP,Barry,25/11/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,4/44 Kerferd St,2,u,390000,VB,Brad,25/11/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,1/13 McCulloch St,1,u,238000,S,Nelson,25/11/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Eynesbury,23 Marong Av,4,h,700000,SP,Purplebricks,25/11/2017,3338,Western Victoria,852,29.8,Melton City Council +Fawkner,1 Hudson St,3,h,600000,PI,Jellis,25/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,124 Jukes Rd,3,h,971000,SP,Brad,25/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,10 Kathryn St,4,h,642000,S,Brad,25/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15 Shirley St,2,h,812000,S,hockingstuart,25/11/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,7 Salina Ri,4,h,750000,PI,Schroeder,25/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,26 Winwood Dr,3,h,690000,S,iTRAK,25/11/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,197 Victoria Pde,3,h,1300000,S,Nelson,25/11/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,40 Jamieson St,3,h,1450000,S,Collins,25/11/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,42 Marshall St,4,h,1520000,S,Nelson,25/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,5/155 Mt Alexander Rd,3,t,740000,VB,Nelson,25/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,3/142 Shields St,1,u,300000,S,Nelson,25/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,85 Shields St,2,h,905000,S,Nelson,25/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,36 Wisewould St,3,h,1400000,VB,Nelson,25/11/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,16/204 Ballarat Rd,2,u,306000,S,Sweeney,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,230 Ballarat Rd,2,h,647000,S,Sweeney,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,2/38 Geelong Rd,2,u,,S,Jas,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,10/155 Gordon St,2,u,,SN,McGrath,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,43 Railway Pl,3,h,935000,S,Jas,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,3 Rippon St,4,h,1560000,S,Village,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11/4 Saltriver Pl,3,u,660000,S,Barry,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,41 Stafford St,2,h,1005000,S,Jas,25/11/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,45 Barter Cr,3,h,,SN,Woodards,25/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,9 Calypso Ct,4,h,1220000,S,Ray,25/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,27 Deanswood Rd,3,h,1253000,S,Fletchers,25/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,15 Hampshire Rd,6,h,1620000,S,Ray,25/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Ripon Ct,3,h,1057500,S,McGrath,25/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2/5 Valma Ct,3,t,,PI,Woodards,25/11/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,323 Cranbourne Rd,4,h,636000,S,Barry,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,11A Fairway St,2,h,,PI,Barry,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/63 Frankston Flinders Rd,2,u,,SP,Peninsula,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,201 Heatherhill Rd,3,h,,PI,Barry,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/2 Kelman St,2,u,415000,S,Community,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/2 Kelman St,2,u,426000,S,Community,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,45 McAlister St,2,h,,PI,Barry,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,41 Murawa St,4,h,,SP,Biggin,25/11/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,23 Plantation Av,3,h,485000,VB,hockingstuart,25/11/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,35 Harcourt Av,3,h,1000000,S,hockingstuart,25/11/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,55 Sanders Rd,4,h,890000,PI,O'Brien,25/11/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 The Spur,4,h,1032000,S,O'Brien,25/11/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,4/58 Lantana Rd,1,u,337000,S,Gary,25/11/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne South,47 Tweddle Rd,4,h,1350000,SA,RT,25/11/2017,3437,Northern Victoria,290,45.9,Macedon Ranges Shire Council +Gladstone Park,272 Carrick Dr,4,h,650000,PI,Brad,25/11/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,12/5 Wattle Av,2,u,390000,S,Marshall,25/11/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,34 Aintree Rd,3,h,,SP,Jellis,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,54 Brandon St,3,h,1900000,S,hockingstuart,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Heaton Av,4,h,3600000,S,Jellis,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,113/1555 Malvern Rd,2,u,,VB,hockingstuart,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Morell St,3,h,,SP,Jellis,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/23 Netherlee St,2,u,665500,SP,Upside,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/31 Osborne Av,2,u,,PI,hockingstuart,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,42 Park Rd,3,h,1810000,S,OBrien,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,13 Peate Av,5,h,,VB,Jellis,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/23 Scott Gr,3,u,1100000,VB,Thomson,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4A Seaton St,3,h,1427000,S,Jellis,25/11/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Alimar Rd,4,h,1760000,PI,Barry,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Alimar Rd,5,h,1863000,PI,Noel,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/36 Angus Dr,3,u,,SP,Biggin,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/88 Bogong Av,3,u,,PI,Harcourts,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/2 Charlotte St,2,u,1002000,S,Philip,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Finton Cl,4,h,,PI,Barry,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Grantley Dr,3,h,1270100,SP,Harcourts,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/5 Janice Rd,2,u,,S,Barry,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Mount St,2,h,1801001,S,Barry,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/16 Pindari St,5,t,,VB,Jellis,25/11/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,7/56 Acacia St,3,t,600000,SP,Brad,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,25 Connell St,3,h,750000,VB,Barry,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,109 Daley St,3,h,667000,S,Barry,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Dromana St,3,h,720000,S,Brad,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6/162 Glenroy Rd,2,u,375000,S,Stockdale,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,159 Hilton St,3,h,770000,S,Barry,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1 King St,3,h,556000,S,YPA,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4/45 Lytton St,2,h,525000,SP,Eview,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,14 Morley St,3,t,720000,SP,Stockdale,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9 Prospect St,2,h,,PI,Stockdale,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,29 Sadie St,5,h,939000,S,Barry,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,34 Trevannion St,3,h,750000,VB,Stockdale,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,83 View St,3,h,725000,VB,Stockdale,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,57 Wheatsheaf Rd,2,h,825000,VB,Stockdale,25/11/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,1 Doris St,3,h,727000,SP,Fletchers,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,512 Greensborough Rd,3,h,860000,S,Barry,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,514 Greensborough Rd,3,h,960000,S,Barry,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Greta St,2,h,817500,S,RT,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/152 Nell St,3,u,665000,S,Nelson,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/207 Nepean St,3,h,706000,SP,Fletchers,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2 Wyuna Cl,3,h,905000,S,Morrison,25/11/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,2/1 Fleetwood Dr,3,u,472000,S,YPA,25/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Terrick Ct,5,h,741000,PI,LJ,25/11/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1 Richmond St,3,h,840000,S,Nelson,25/11/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,18 Avelin St,3,h,,SP,Charlton,25/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13 Barnett St,4,h,,VB,Hodges,25/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/458 Bluff Rd,3,t,855500,SP,Buxton,25/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/518 Bluff Rd,2,u,,SA,Hodges,25/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,76 Littlewood St,3,h,2000000,S,Buxton,25/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,66b Ludstone St,4,t,,PI,Hodges,25/11/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,5/17 Keiller St,2,u,540000,S,Buxton,25/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,30 Short St,3,h,1050000,VB,Buxton,25/11/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,2/9 Fordholm Rd,2,u,683000,S,Jellis,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/506 Glenferrie Rd,1,u,,PI,Jellis,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7 Hambledon Rd,4,h,,S,Marshall,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/39 Park St,1,u,,VB,hockingstuart,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5 Reserve Rd,4,h,3200000,VB,Marshall,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/127 Riversdale Rd,1,u,380000,VB,Jellis,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,73/8 Wallen Rd,2,u,,SP,Kay,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/22 Wattle Rd,2,u,630000,S,Marshall,25/11/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5/16 Auburn Gr,2,u,595000,S,Noel,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,15/19 Auburn Gr,2,u,633000,S,Marshall,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/76 Campbell Rd,2,u,642100,SP,Fletchers,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,21a Clifton Rd,3,u,1600000,VB,Jellis,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,39 Ryeburne Av,4,h,3250000,VB,Jellis,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,536 Tooronga Rd,3,h,1450000,VB,Marshall,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10 Wiseman St,5,h,,SP,Kay,25/11/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,250 Canterbury Rd,3,h,774000,SP,Fletchers,25/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,10 Karista Av,3,h,,PI,Barry,25/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,18 Orchid St,4,h,1290000,SP,Barry,25/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,26 Royal Av,3,h,,SN,Barry,25/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,6 Valerie Ct,4,h,971000,S,Fletchers,25/11/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,6 Dorset Av,4,h,1470000,VB,Miles,25/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4/152 Hawdon St,2,u,648500,S,Miles,25/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,4 Learmonth St,3,h,1395000,VB,Miles,25/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,27 Martin St,3,h,1010000,S,Noel,25/11/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,19 Haig St,4,h,1032000,SP,Miles,25/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,29 Monash St,2,h,780000,VB,Nelson,25/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,48 Outhwaite Rd,4,h,1190000,S,Miles,25/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,9/601 Upper Heidelberg Rd,2,u,568000,S,Miles,25/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/215 Waiora Rd,3,h,700000,VB,Fletchers,25/11/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,235 Liberty Pde,3,h,752000,S,Miles,25/11/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,4 Wau St,3,h,800000,VB,Fletchers,25/11/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,9 Jillian Av,4,h,1570000,PI,Buxton,25/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/6 Thistle Gr,2,u,,PI,Hodges,25/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,35 Wilson St,3,h,1268000,S,Charlton,25/11/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,33 Bellevue Bvd,4,h,685000,SP,Barry,25/11/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,6 Hawkesbury Av,4,h,630000,SP,Sweeney,25/11/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Langmore Dr,4,h,767000,S,Barry,25/11/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,12 Domigan Ct,4,h,752000,S,hockingstuart,25/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,118 Grevillea Cr,3,h,542500,S,Ray,25/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,133 Mossfiel Dr,3,u,441000,S,hockingstuart,25/11/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1/7 Carlisle Cr,2,h,750000,S,Woodards,25/11/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,11 Fellows St,2,h,,SP,Marshall,25/11/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/89 Beatty St,3,t,880000,S,Miles,25/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2 Hampton Ct,3,h,2320000,S,Miles,25/11/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,339 The Boulevard,3,h,,S,Nelson,25/11/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Kealba,22 McShane Dr,3,h,632500,S,Brad,25/11/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,40 Aldershot Dr,3,h,731000,S,Barry,25/11/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,49 Saratoga Cr,3,h,671000,S,Nelson,25/11/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,42 Berembong Dr,3,h,850000,SP,Nelson,25/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1b Shelley St,3,h,650000,VB,Nelson,25/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,36a Vista Dr,3,h,,PI,Nelson,25/11/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,210/86 Altona St,2,u,450000,S,Jellis,25/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,3 Nottingham St,2,h,915000,S,Nelson,25/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,69 Rankins Rd,3,h,1550000,S,Nelson,25/11/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,4 Belmont Av,4,h,,SN,Kay,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/1295 Burke Rd,2,u,,VB,Marshall,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,118 Harp Rd,4,h,,S,Marshall,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Hartington St,5,h,2900000,VB,Jellis,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,46 Malin St,3,h,,S,Marshall,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,20 Oshaughnessy St,3,t,1290000,S,Purplebricks,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,60 Pakington St,4,h,2015000,S,Nelson,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/110 Wellington St,2,t,,PI,Greg,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Wellington St,3,h,1900000,VB,Marshall,25/11/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,13 Hale St,5,h,,S,Marshall,25/11/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kilsyth,13 Glendale Ct,3,h,,PI,McGrath,25/11/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth,132 Lomond Av,3,h,680000,PI,Schroeder,25/11/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,1A Cheleon Wy,3,h,450000,SP,Barry,25/11/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,16 Winchester Ct,3,h,480000,PI,YPA,25/11/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,2/34 Highland St,3,u,675000,S,Barry,25/11/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kurunjang,3 Joshua Pl,3,h,,PI,Raine,25/11/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,9 Kirkton Dr,3,h,355000,SP,Eric,25/11/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,108 Cyprus St,4,h,,PI,HAR,25/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Franklin Rd,4,h,710000,S,HAR,25/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1/115 Messmate St,3,t,666000,S,Love,25/11/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,7 Kate Ct,4,h,,PI,Bowman,25/11/2017,3910,Eastern Victoria,8743,41,Frankston City Council +MacLeod,19 Dwyer St,3,h,1341000,S,Darren,25/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,3 Laing Pl,4,h,,VB,Ray,25/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,33 Torbay St,3,h,695000,S,Barry,25/11/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,92 Ashley St,4,h,1111000,S,Jas,25/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/6 Baird St,2,t,630000,PI,Burnham,25/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/28 Burns St,4,u,708000,S,Biggin,25/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,20/15 Eucalyptus Dr,2,u,421500,S,Biggin,25/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/49 Richelieu St,3,t,,PI,Sweeney,25/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,12 Summerhill Rd,3,h,950000,VB,Nguyen,25/11/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,33 Claremont Av,4,h,,SP,Marshall,25/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,39 Finlayson St,4,h,2610000,S,Jellis,25/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2 Glendearg Gr,3,h,,S,Marshall,25/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,23 Horace St,3,h,,S,Marshall,25/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,16 Irving St,3,h,,SN,Thomson,25/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,6/17 Sorrett Av,3,h,2790000,S,Marshall,25/11/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,2/14 Arcadia Av,4,u,1400000,PI,Barry,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/26 Ferncroft Av,2,u,,VB,Marshall,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14 Hedgeley Av,5,h,4500000,VB,Marshall,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,12 Kilmuir Rd,3,h,,SP,Marshall,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,34 Manning Rd,4,h,3350000,PI,Jellis,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,66 Millewa Av,3,h,1667000,S,Marshall,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Oak Gr,4,h,2400000,VB,Jellis,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 Oak Gr,4,h,,SN,Marshall,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1 Thomas St,3,h,,S,Jellis,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/312 Wattletree Rd,3,t,1400000,PI,Jellis,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,333 Wattletree Rd,3,u,2765000,S,RT,25/11/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,98 Blair St,3,t,585000,S,Purplebricks,25/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,41 Forge Cl,3,h,845000,S,Nelson,25/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1/7 Grandview Av,2,t,495000,S,Nelson,25/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/40 Middle Rd,2,u,,S,Nelson,25/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,33 Pridham St,3,h,1165000,PI,GL,25/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,8/18 Wests Rd,2,u,400000,S,Woodards,25/11/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,5 Fumina Ct,3,h,545000,S,YPA,25/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,111 Malmsbury Dr,3,h,,W,Raine,25/11/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,221/9 Commercial Rd,2,u,,SP,Marshall,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,5/27 Flinders La,1,u,575000,S,Woodards,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1009/70 Queens Rd,2,u,1180000,S,Hodges,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,16/73 Queens Rd,3,u,910000,PI,Biggin,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1102/1 Roy St,3,u,1660000,S,Marshall,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,433/67 Spencer St,1,u,480000,VB,LJ,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,406/360 St Kilda Rd,3,u,,S,Kay,25/11/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,15 Bittern St,3,h,,PN,YPA,25/11/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,7 Curlew Cl,3,h,385000,SP,PRDNationwide,25/11/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,5 Albert Dr,4,h,451000,S,HAR,25/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,24 Connel Dr,2,h,386000,S,Reliance,25/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,13 Kingsford Av,3,h,425000,S,hockingstuart,25/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,41 Kurrajong Cr,3,h,476000,S,hockingstuart,25/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,3 Ruth Ct,3,h,370000,S,Raine,25/11/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,14 Fairhaven Bvd,3,h,,SP,Ray,25/11/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,16 Gleneagles Dr,4,h,484000,S,PRDNationwide,25/11/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,55 Piccolotto Dr,3,h,413000,S,Ray,25/11/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,4/60 Beach Rd,2,u,600000,PI,O'Brien,25/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,8 Derwent St,4,h,1125000,PI,Obrien,25/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,23 Levanto St,2,h,780000,S,hockingstuart,25/11/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,58 Basilica Vs,3,h,605000,S,Millership,25/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,59 Goulburn St,4,h,705000,S,HAR,25/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Shearwater Pl,4,h,555000,S,HAR,25/11/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,4 Berry Ct,4,h,640000,PI,The,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Carlita Cl,3,h,665000,S,HAR,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,67 Freeman Cr,3,h,660000,S,Barry,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,10 Langvale Ct,3,h,,S,Love,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Madigan Cr,4,h,675000,S,Ray,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Peacock Cl,4,h,800000,S,Ray,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Riley Dr,3,h,800000,S,Ray,25/11/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,10 Alexander St,3,h,1070000,S,hockingstuart,25/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,4/26 Burnett St,3,u,862000,S,McGrath,25/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,41 Owen St,3,h,985000,S,Jellis,25/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,41 Venice Av,3,h,1050000,S,McGrath,25/11/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3/19 Gordon St,2,u,1050000,S,Nelson,25/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,46 Kenmare St,3,h,3680000,PI,Marshall,25/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,36 Zetland Rd,4,h,,S,Marshall,25/11/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,6/24 Rattray Rd,3,t,691000,SP,Purplebricks,25/11/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,116 Dean St,4,h,1310000,S,Nelson,25/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,28 Dean St,3,h,902000,PI,Nelson,25/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,15 Newhall Av,3,h,1610000,S,Brad,25/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,14 Normanby St,3,h,1353000,S,Raine,25/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Railway Cr,2,h,1150000,S,Nelson,25/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,36 Vine St,4,h,1780000,S,Jellis,25/11/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,29 Hamer St,3,h,1410000,S,Jellis,25/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,4a Stayner Gr,3,u,,VB,Jellis,25/11/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,2A Ellen Rd,3,t,735000,S,McGrath,25/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,3 Elm Gr,4,h,915000,S,Fletchers,25/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,45 Hedwig Dr,3,h,,SP,Fletchers,25/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,254 Manchester Rd,5,h,740000,S,Fletchers,25/11/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,79 Barkly St,3,h,1480000,S,Buxton,25/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,63 Chute St,3,h,1120000,S,Buxton,25/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,19 Rivette St,3,h,801000,S,hockingstuart,25/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,38A White St,3,t,,SP,O'Brien,25/11/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/19 Albert St,3,u,,VB,Sutherland,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,23 Amber Gr,3,h,1400000,S,Barry,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Birch St,6,h,,PI,Harcourts,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6/540 High Street Rd,3,u,610000,PI,Stockdale,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/7 Lesay Ct,3,t,1115000,S,Ray,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,59 Mayfield Dr,4,h,980000,S,Barry,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Nigretta Ct,4,h,,PI,Ray,25/11/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,7 Bevis St,4,h,960000,S,Win,25/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Blanford Ct,4,h,978000,S,Leaders,25/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Cicada Ct,4,h,,PI,Win,25/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,20 Grovelands Dr,3,h,,S,Barry,25/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,94 Lea Rd,3,h,960000,S,Win,25/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,26 Merrill St,3,h,925000,S,Barry,25/11/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,8/8 Kangaroo Rd,1,u,330000,S,Woodards,25/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,45 Kinlock Av,4,h,1425000,S,Buxton,25/11/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,79 Ford St,3,h,900000,PI,Williams,25/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16/114 Mason St,2,u,485000,SP,Village,25/11/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,47 Grandview Rd,3,t,970000,S,Barry,25/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,13 Kelvin Cl,3,h,,W,Nelson,25/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/13 Ross St,2,u,600000,VB,Nelson,25/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3/32 Spring St,2,u,365000,VB,Brad,25/11/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/157 Buckley St,3,u,571000,SP,C21,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,31 Bunnerong Cr,3,h,,PI,Barry,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/4 Eden Ct,2,u,489000,S,C21,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,25 Jellicoe St,3,h,,PI,Barry,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,17 Larbert Rd,4,h,,PI,iSell,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,36 Nance St,3,h,,VB,O'Brien,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4 Newman Av,3,h,630000,S,iSell,25/11/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,494 Abbotsford St,4,h,,S,RT,25/11/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,17/315 Flemington Rd,1,u,330000,S,Alexkarbon,25/11/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,204/85 Leveson St,2,u,687000,PI,Alexkarbon,25/11/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,86 Molesworth St,2,h,1405000,S,Nelson,25/11/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,8 Scotia St,3,t,,SN,Nelson,25/11/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,23 Boothby St,3,h,1290000,S,Jellis,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11 Brooke St,3,h,1500000,VB,Nelson,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,254 Clarke St,2,h,1701000,S,Jellis,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,87 Clarke St,2,h,1225000,S,Nelson,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,130 Darebin Rd,3,h,,S,Collins,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,10/442 High St,1,u,410000,S,Harcourts,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,86 Kellett St,3,h,1410000,S,Haughton,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Mitchell St,3,h,1900000,SP,McGrath,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1295000,PI,McGrath,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Oldis Av,3,h,1020000,S,Haughton,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Separation St,3,h,989000,SP,McGrath,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2 Simpson St,2,h,960000,S,Woodards,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,401/231 St Georges Rd,3,u,1900000,SP,McGrath,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Stafford St,4,h,2025000,S,McGrath,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,76 Union St,3,h,1205000,S,Woodards,25/11/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,12B Samada St,3,t,925000,S,Biggin,25/11/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,28 Lindsay Av,5,h,1700000,PI,Jellis,25/11/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,25 Winifred St,3,h,891000,S,Barry,25/11/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,2/8 Lincoln Av,4,h,,PI,Woodards,25/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,1/35 Tamar Gr,2,t,1050000,S,Ray,25/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,805 Warrigal Rd,4,h,1160000,PI,Barry,25/11/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,4 Dalwood Ct,4,h,1021000,S,Buxton,25/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,10B Esper Av,3,h,1050000,PI,Ray,25/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,3 Norma Av,3,h,1080000,SP,Buxton,25/11/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/268 Grange Rd,3,t,1092500,S,Buxton,25/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,712 North Rd,3,h,,SP,Buxton,25/11/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,5 Sunline Tce,3,h,502500,SP,Barry,25/11/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,33 Davey St,2,h,1206000,S,Hodges,25/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,5/33 Parkers Rd,2,u,,S,hockingstuart,25/11/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,15/18 Lennon St,1,u,350000,S,Jellis,25/11/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,57 Morrah St,4,h,3700000,VB,Nelson,25/11/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,7/43 Arndt Rd,2,u,,PI,Ray,25/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,120 Derby St,3,h,750000,PI,Nelson,25/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,7/1 Heath St,3,t,540000,PI,Walshe,25/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/31 Northumberland Rd,3,u,776000,S,Hodges,25/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,10B Olive Gr,3,h,743000,S,Woodards,25/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/13 Olive Gr,2,u,480000,VB,Nelson,25/11/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,23 Moore Dr,3,h,521000,S,YPA,25/11/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,19 Maxwell St,4,h,665000,S,hockingstuart,25/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,22 Parkwood Tce,4,h,682000,SP,Ray,25/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Sapphire Cl,4,h,,SN,Barry,25/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,8 Sincere Dr,4,h,,PI,LJ,25/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,19 Surrey Gr,4,h,,SN,LJ,25/11/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,152 Albert St,2,h,1410000,S,Marshall,25/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2/12 Barlow St,3,h,1250000,VB,Greg,25/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,17/105 Beach St,3,u,1650000,PI,RT,25/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,210/49 Beach St,3,u,1250000,PI,Cayzer,25/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,108 Graham St,3,h,1400000,VB,Greg,25/11/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,83 Bendigo St,2,h,,VB,Marshall,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,62/321 Chapel St,2,u,780000,S,hockingstuart,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2 Closeburn Av,4,h,2340000,S,Jellis,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,117/220 Commercial Rd,2,u,475000,VB,hockingstuart,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,18 Greville St,3,h,2925000,S,Marshall,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,27 Woodfull St,2,h,1120000,S,Jellis,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,29 Woodfull St,3,h,3250000,SP,Kay,25/11/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,7/33 Cramer St,2,t,665000,S,Nelson,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,60a May St,3,t,985000,VB,Nelson,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,9 Neale St,3,h,860000,VB,Nelson,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17 Robertson St,3,h,,SN,Barry,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Ruby St,3,h,820000,S,Purplebricks,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/43 Spring St,2,u,310000,SP,Woodards,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,23 Symons St,4,h,1380000,S,Ray,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,8 Watson St,4,h,,SP,RW,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,37 William St,3,h,1045000,S,Ray,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,6 Young St,4,h,1585000,S,McGrath,25/11/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,165 Arnold St,2,h,1252500,S,Woodards,25/11/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Princes Hill,26 Paterson St,2,h,957000,S,Woodards,25/11/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,16 Anstey Av,3,h,665000,S,Ray,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/27 Clements Gr,2,u,,SP,Love,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/5 Crabtree Ct,2,t,555000,PI,Barry,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/25 George St,2,u,650000,S,Love,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Invermay St,3,h,1210000,S,Love,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,45 Kingsley Rd,3,h,850000,S,Love,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/7 Kyneton Av,2,u,550000,SP,Barry,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/7 Kyneton Av,3,u,675000,SP,Barry,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,52 Lockton Av,4,h,750000,PI,Stockdale,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 MacKenzie St,3,h,780000,PI,Barry,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 McMahon Rd,3,h,650000,S,Ray,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/72 Pine St,1,u,300000,PI,Barry,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,114 Spring St,3,h,715000,SA,HAR,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Wilson Bvd,3,h,770000,SP,Barry,25/11/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,20 Bosisto St,2,h,1324000,S,Greg,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/86 Burnley St,1,u,401000,SP,Biggin,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,65 Church St,3,h,951000,SP,Jellis,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1/65 Elizabeth St,1,u,281200,S,Purplebricks,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12/12 Glasshouse St,4,h,1260000,S,Biggin,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,80 Hunter St,2,h,1101000,S,RT,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/35 Rowena Pde,1,u,408000,S,Biggin,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,99 Rowena Pde,3,h,,S,Marshall,25/11/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,9 Cheriton Dr,5,h,,VB,Raine,25/11/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Riddells Creek,6 Southbourne Rd,5,h,,SP,Raine,25/11/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,2 Adele Ct,3,h,808000,S,Carter,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,24 Burwood Av,4,h,1150000,PI,@Realty,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/7 Collett Av,4,t,850000,SA,Philip,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,6 Garden St,3,h,,SS,Philip,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Harwick Cl,3,h,893500,S,RW,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,31 Jeffrey Dr,4,h,1050000,S,Jellis,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,21 Kendall St,2,h,1204000,S,Carter,25/11/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,19 Eastfield Rd,4,h,,SP,Barry,25/11/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,30 Cantala Cr,4,h,950000,PI,Barry,25/11/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,11 Powrie Ct,4,h,865000,SA,Philip,25/11/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,6 Alfreda Av,4,h,1530000,VB,Miles,25/11/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,21 Dobson Av,3,h,1100000,SP,Miles,25/11/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,105 Hodgson St,4,h,,SP,Miles,25/11/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,4 Ovens Pl,4,h,1001000,S,Harcourts,25/11/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,49 Athol Av,6,h,680000,PI,Max,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Hemsworth Ct,4,h,640000,S,HAR,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 MacKay Wk,3,h,563500,S,HAR,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,7/26 McKinley Dr,2,t,373500,S,RW,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Pickersgill Cr,3,h,520000,S,Raine,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,22 Serpens Ct,3,h,531000,S,Raine,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,15 Stainsby Cr,3,h,591000,S,FN,25/11/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,1 Henry St,2,h,,PN,Buxton,25/11/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,2/26 Emma St,3,t,920000,SP,Village,25/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,283 Nicholson St,4,h,1220000,S,hockingstuart,25/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,42 Seddon St,3,h,970000,S,Village,25/11/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,8 Bridport St,3,h,,SP,Marshall,25/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,37 Cobden St,2,h,1150000,VB,Marshall,25/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,11/69 Dorcas St,3,u,703000,S,RT,25/11/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,4 Camden Cl,4,h,630000,PI,Buckingham,25/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,22 Gabriel Tce,4,h,635000,PI,Love,25/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jindabyne Av,5,h,810000,S,Stockdale,25/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19 Junor Ct,4,h,637500,S,RW,25/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,16 Leonie Cl,4,h,652000,SP,Ray,25/11/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,39 Argo St,2,h,1160000,S,Marshall,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/41 Caroline St,2,u,1075000,S,Jellis,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,210/657 Chapel St,1,u,535000,S,Kay,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/7 Clowes St,3,u,750000,PI,Jellis,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16 Fitzgerald St,2,h,,S,Marshall,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,51 Hawksburn Rd,3,h,2261000,S,RT,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,76 Hawksburn Rd,2,h,1600000,VB,Marshall,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,55 Lang St,3,h,,VB,Marshall,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,76 River St,4,t,,SN,Abercromby's,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,22/384 Toorak Rd,3,u,,SP,hockingstuart,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,81 Wilson St,3,h,,PI,Biggin,25/11/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1603/8 Dorcas St,2,u,585000,S,RT,25/11/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,72 Hillside St,3,h,738000,S,Noel,25/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,21 Keets Ct,4,h,,W,iSell,25/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,48 Kemp St,5,h,,PI,Barry,25/11/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,7 Dangerfield Dr,3,h,833000,SP,Harcourts,25/11/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,7 Adams St,3,h,840000,SP,YPA,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,7 Joan Ct,6,h,,PI,Westside,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,13 Marsden Cr,3,h,,PI,Barry,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,126 Power St,3,h,,SN,Sweeney,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,20 Ravenna St,3,h,622000,S,Ray,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,46 Scott Av,4,h,,S,Barry,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,33 West Esplanade,3,h,655000,S,Barry,25/11/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,38/10 Acland St,1,u,435000,S,hockingstuart,25/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/62 Alma Rd,3,u,663000,S,hockingstuart,25/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4a Dalgety St,2,u,,S,hockingstuart,25/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,2/17 Herbert St,2,u,580000,S,hockingstuart,25/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/15 Jackson St,1,u,333000,S,Wilson,25/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,73 Spenser St,2,h,,VB,hockingstuart,25/11/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,1/15 Lebanon St,2,u,677500,S,Nelson,25/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,41 Loeman St,3,h,1300000,VB,Brad,25/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,13 Willonga St,2,h,1240000,SA,Barry,25/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,53 York St,2,h,1210000,S,Barry,25/11/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,1 Denison Ct,3,h,468000,PI,Brad,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,27 Gleneagles Dr,4,h,420000,SP,YPA,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Lalor Cr,3,h,540000,SP,Raine,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,7 Manfred Ct,4,h,608000,S,Brad,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,116 Phillip Dr,4,h,470000,S,L,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,4 Talbot Pl,4,h,550000,SA,Leading,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,22 Turnberry Dr,3,h,427500,S,YPA,25/11/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,21 Anderson Rd,3,h,670000,PI,Homes,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,96 Cornwall Rd,3,h,885000,SP,Biggin,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,35 Dunbar Av,2,h,730000,S,Barry,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,32 Graham St,3,h,925000,S,RW,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,15 Maryvale St,3,h,927500,S,Douglas,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,4 Osbert St,4,h,945800,SP,hockingstuart,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,74 Parsons St,4,h,,VB,Jas,25/11/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,26 Belmore Rd,3,h,,PN,Ray,25/11/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,12 Dalpura Dr,3,h,695000,S,Douglas,25/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,42 Gresham Wy,4,h,750000,VB,Barry,25/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/3 Marcia St,3,u,565000,S,YPA,25/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,55 Nicholson Pde,4,t,580000,S,Douglas,25/11/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,6/14 Broughton Rd,2,u,,VB,Noel,25/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,10 Empress Rd,4,h,2900000,S,Marshall,25/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,251 Union Rd,4,h,,SN,Marshall,25/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,47 Warrigal Rd,2,h,1170000,VB,Jellis,25/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/7 Warwick Ct,3,t,,SP,Fletchers,25/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/4 Wells St,2,u,770000,VB,hockingstuart,25/11/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,12 Baneem Ct,3,h,642000,S,O'Brien,25/11/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,5 Jolly Pl,3,h,670000,S,Barry,25/11/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,1 Liam Av,3,h,575000,S,Ray,25/11/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Pyrmont Tce,4,h,720000,S,YPA,25/11/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,20 Sherbrooke Cr,5,h,,SP,Barry,25/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,1/43 Wentworth Dr,2,h,462000,S,Prof.,25/11/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,25 Aumann Dr,4,h,1168888,S,Jellis,25/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,307 Church Rd,6,h,3030000,S,Jellis,25/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,10 Kingburn Ct,4,h,1500000,VB,Fletchers,25/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,29A Monckton Rd,4,h,,PI,Jellis,25/11/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,18 Feathertop Av,3,h,1300000,S,Barry,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Hickory St,3,h,,SP,Fletchers,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,69 Hodgson St,4,h,1699000,SA,Ray,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2/35 John St,3,t,1155000,S,Jellis,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,19 Sunhill Rd,5,h,2325000,S,Jellis,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,39 Sunrise Cr,4,h,1130000,VB,Fletchers,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,347 Thompsons Rd,4,h,1200000,S,Barry,25/11/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,89 Gardenia Rd,3,h,,PI,Barry,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2 Hampstead Court,4,h,,PI,Iconek,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Marlock Cl,3,h,710000,S,Barry,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4 Middle Ct,4,h,841000,S,Barry,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3/19 Plane St,2,u,514000,S,HAR,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/36 Richardson St,3,u,480000,S,HAR,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/18 Waratah St,2,u,475000,S,HAR,25/11/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/15 Ballantyne St,2,h,835000,S,Jellis,25/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,188A Dundas St,3,t,915000,PI,McGrath,25/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,10/66 Dundas St,1,u,373333,SP,Harcourts,25/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,142 Flinders St,3,h,,PI,Love,25/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,11 Hutton St,4,h,,S,Nelson,25/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,3/90 Normanby Av,1,u,,PI,Love,25/11/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,146 Kooyong Rd,4,h,,S,Kay,25/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/18 Lansell Rd,3,u,,S,Marshall,25/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,26/46 Lansell Rd,3,u,830000,SP,RT,25/11/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,72 Baroda St,2,h,1655000,S,Nelson,25/11/2017,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Truganina,1/22 Starflower Wy,3,u,450000,S,hockingstuart,25/11/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,12 Tennyson Dr,3,h,567000,S,Purplebricks,25/11/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,2/32 Banksia Gr,2,h,490000,PI,Jason,25/11/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,28 Churchill Av,3,h,651000,S,Jason,25/11/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,14 Dianne Dr,3,h,666000,S,Brad,25/11/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,31 Janus St,4,h,756000,S,Jason,25/11/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,10 Abbey Wk,5,h,,SN,Harcourts,25/11/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,21 Lascelle Dr,5,h,1280000,SP,Ray,25/11/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,4 Jason Ct,5,h,1060000,VB,Miles,25/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,81 Rutherford Rd,3,h,,SP,Miles,25/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,17 Somerset Dr,3,h,960000,S,Fletchers,25/11/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,2 Downe Pl,4,h,906000,S,Noel,25/11/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Warwick Cl,4,h,1085000,S,Ray,25/11/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,12 Bent Ct,3,h,1261000,S,LLC,25/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Newry Cl,5,h,1205000,S,Barry,25/11/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,10 Russell Rd,3,h,860000,VB,Gardiner,25/11/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia North,8 Dallas Cr,3,h,756000,S,Darren,25/11/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,9 Chirnside Av,4,h,900000,PI,Ray,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,15 Coventry Dr,3,h,425000,S,hockingstuart,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,84 Edwards Rd,3,h,660000,S,Barry,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,65 Manorvale Pde,3,h,580000,S,Ray,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,25 Market Rd,3,h,931000,S,YPA,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1/5 Sanderling St,2,u,355000,S,Barry,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Shannon Cl,3,h,430000,SP,Barry,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Taisho Ct,3,h,465000,S,Ray,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Tanilba St,4,h,500000,SP,Greg,25/11/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3A Aliwal St,2,h,580000,VB,hockingstuart,25/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,7/624 Barkly St,2,u,490000,VB,Nguyen,25/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,3 Elphinstone St,3,h,895000,SP,Jas,25/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,6 First St,4,h,1378000,S,Sweeney,25/11/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,99 Stanley St,3,h,1470000,SP,Nelson,25/11/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,3 Redan Ct,3,h,,SN,RW,25/11/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,4 Europa Ct,4,h,1010000,SP,Jellis,25/11/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,88 Aitken St,3,h,,VB,hockingstuart,25/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,202 Osborne St,4,h,4020000,S,Williams,25/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,87 Power St,3,h,1145000,S,Williams,25/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,101 Thompson St,3,h,1375000,SP,Greg,25/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,85 Thompson St,2,h,1200000,SA,Hunter,25/11/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,3 David La,2,h,,PI,hockingstuart,25/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,3a Duke St,3,h,,S,Biggin,25/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,12 Eastbourne St,2,h,,SA,hockingstuart,25/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,22 Eastbourne St,2,h,,SA,Biggin,25/11/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,50 Cloverfield Cr,4,h,600000,SP,Love,25/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,23 Dalwood Wy,3,h,530000,SP,Iconek,25/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,19 Joyfields Pl,3,h,710000,SP,Iconek,25/11/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,57 Balcombe Dr,4,h,551000,S,hockingstuart,25/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,45 Federal Dr,4,h,463000,S,Barry,25/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,7 Hawkstone Rd,3,h,412000,S,YPA,25/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,70 Kinglake Dr,3,h,575000,S,@Realty,25/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,5 Manifera Cl,4,h,625000,S,YPA,25/11/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,118 Severn St,4,h,1343000,S,Village,25/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,241 Somerville Rd,3,h,900000,VB,hockingstuart,25/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1a Stanger St,3,t,796000,S,Jas,25/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1a Sturt St,2,t,,SP,Sweeney,25/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1A Sturt St,2,t,807000,S,Sweeney,25/11/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,104 Yarra St,2,h,1120000,PI,Biggin,26/05/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,29 Etzel St,3,u,,PI,Barry,26/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/52 Fraser St,2,u,600000,S,Barry,26/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,16 Harrington Rd,3,h,,SS,Barry,26/05/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,17 Erskine St,4,h,1700000,VB,Greg,26/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,394 Ferrars St,2,h,1612000,S,Gary,26/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,48 Page St,3,h,,SN,Cayzer,26/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,42 Reed St,3,h,1900000,S,Greg,26/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,78 Reed St,3,h,1550000,S,Marshall,26/05/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/15 Sydney St,2,h,560000,SP,hockingstuart,26/05/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona Meadows,17 Hall Av,3,u,530000,SP,Barlow,26/05/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,2/24 Rymill Ct,2,t,615000,S,hockingstuart,26/05/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,24 Glinden Av,3,h,627000,S,Sweeney,26/05/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,28 Holt St,3,h,650000,S,Sweeney,26/05/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,69 Suspension St,3,h,610000,PI,Barry,26/05/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,21/47 Kooyong Rd,1,u,382000,S,hockingstuart,26/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10/51 Kooyong Rd,2,u,480000,VB,hockingstuart,26/05/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,53 North St,2,h,1000000,VB,Nelson,26/05/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,30 Alamein Av,4,h,,S,Marshall,26/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,28 Baird St,3,h,1550000,VB,Marshall,26/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,361 High St,3,h,,SP,Buxton,26/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,23 Markham Av,4,h,2320000,S,hockingstuart,26/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,6 Meaden St,5,h,,VB,Marshall,26/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,12 Young St,4,h,2075000,VB,Tim,26/05/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,29B Closter Av,4,t,1270000,S,Buxton,26/05/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,4 Connewarra Av,5,h,,SP,Hodges,26/05/2018,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,37 Hickman Av,3,h,912500,S,Ray,26/05/2018,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,3 Hanley St,4,h,835000,S,Moonee,26/05/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,150 Templewood Cr,4,h,,SP,Barry,26/05/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,10 The Avenue,2,t,700000,VB,hockingstuart,26/05/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,11/11 Parring Rd,2,u,760000,S,Noel,26/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,44 Relowe Cr,3,h,1800000,VB,Buxton,26/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/71 Rochester Rd,2,u,,SP,Jellis,26/05/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/41 Corhampton Rd,3,u,1650000,S,Bekdon,26/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,85 Greythorn Rd,4,h,1300000,VB,Marshall,26/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,31 Larbert Av,5,h,1800000,PI,Noel,26/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Libra St,4,h,,PI,Philip,26/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,39 MacEdon Av,3,h,2000000,PI,Fletchers,26/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Nevada St,4,h,2150000,PI,Noel,26/05/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,2/147 Charman Rd,3,h,951000,S,hockingstuart,26/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,91 Cromer Rd,3,h,1550000,S,Buxton,26/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,22A Deauville St,4,h,,SP,Marshall,26/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,15 Florida Av,4,h,,VB,Buxton,26/05/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,22 Bendigo Av,5,h,1400000,VB,Woodards,26/05/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,3B Benina St,3,t,1060000,PI,Woodards,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,166 Bignell Rd,3,h,1000000,VB,Buxton,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,71 Blamey St,4,t,1150000,PI,Buxton,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Deakin St,4,h,1622000,S,Woodards,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Denver St,3,h,1100000,S,Woodards,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,41 Gowrie St,3,h,1150000,VB,Jellis,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/21 Hinkler Av,3,u,,PI,Hodges,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/9 Kennedy St,2,h,770000,PI,Buxton,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/26 Manuka St,3,h,610000,PI,Jellis,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14b Millard St,3,t,1150000,VB,Jellis,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/33 Neville St,3,t,820000,S,Buxton,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,109B Parkmore Rd,3,t,950000,PI,Buxton,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,23 Valkstone St,3,h,,S,Jellis,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/747 Warrigal Rd,4,u,,PI,Jellis,26/05/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Derwent Ct,3,h,,SP,Ray,26/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,4 Farnborough Wy,4,h,614000,SP,Harcourts,26/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,4 Goodall Ct,4,h,,PI,C21,26/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,45 Lyall Rd,5,h,892500,S,Barry,26/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,13 Silverleaves Bvd,3,h,640000,S,Harcourts,26/05/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,349A Beach Rd,3,h,2704000,S,hockingstuart,26/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/14 Fourth St,4,t,1260000,S,Buxton,26/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,39 Tulip St,4,h,1540000,VB,Hodges,26/05/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,2/5 Dewrang Cr,2,u,942000,S,Fletchers,26/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,9/13 John St,2,u,585000,S,Jellis,26/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,25 Kerr St,3,h,1400000,PI,Woodards,26/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,22 Malabar Rd,3,h,1321000,S,Ray,26/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,37 Stanley Gr,4,h,,VB,Jellis,26/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,121 Surrey Rd,3,h,1020000,SP,Noel,26/05/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,9 Garner Ct,4,h,,VB,Noel,26/05/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,22 Marama St,3,h,1067000,S,Harcourts,26/05/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,5/28 Central Av,3,u,575000,SP,OBrien,26/05/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,302/33 Harrow St,2,u,420000,VB,Ray,26/05/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,39 Thames St,3,h,1500000,VB,RT,26/05/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,94 Lawn Cr,3,t,606000,S,Barry,26/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/19 Mullenger Rd,3,t,680000,S,Sweeney,26/05/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,54 Durrant St,3,h,,SN,Kay,26/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9/249 New St,2,u,1035000,S,Hodges,26/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Rooding St,4,h,,SP,Marshall,26/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/6 Tracey Cr,3,t,1600000,PI,Nick,26/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,61 Were St,3,h,2850000,SP,Buxton,26/05/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,81 Baird St,4,h,2740000,S,hockingstuart,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,121 Dendy St,4,h,2450000,VB,RT,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Denton St,4,t,1610000,SP,Buxton,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,23 Florence St,4,h,,S,Buxton,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,14 Glencairn Av,4,h,1400000,VB,Weast,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1c Gleniffer Av,3,t,1345000,S,Hodges,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7/17 Roberts Ct,3,u,660000,S,Hodges,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,46B Robinson St,3,t,1800000,VB,Marshall,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,35 Studley Rd,4,t,1685000,S,Buxton,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8a Thomas St,4,t,1700000,VB,Gary,26/05/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,11 Cooper St,3,h,701000,S,YPA,26/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,14 Katunga Cr,3,h,,PI,YPA,26/05/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,2/1 Conifer Av,3,u,680000,S,Purplebricks,26/05/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,3/170 Albion St,2,u,610000,S,McGrath,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8/405 Brunswick Rd,2,u,560000,S,Jellis,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/173 Edward St,2,u,740000,S,Woodards,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,36 Evans St,3,h,1362500,S,Harrington,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,206/9 Florence St,2,u,,S,Jellis,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,57 Garnet St,3,h,1000000,VB,Nelson,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,208 Moreland Rd,3,h,,PI,Ray,26/05/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,12 Aintree St,4,h,1500000,VB,Nelson,26/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/28 Lyndhurst Cr,2,u,560000,S,Nelson,26/05/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,28/13 Hopetoun Av,2,u,370000,S,Frank,26/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3 Hudson Gr,3,h,1245000,S,Jellis,26/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/3 South Daly St,1,u,372500,S,Brad,26/05/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,90 Golden Wy,4,h,,S,Philip,26/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,30 Moresby Av,4,h,,PI,Barry,26/05/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,6 Erica Ct,3,h,720000,SP,Purplebricks,26/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,255 Greenhills Rd,3,h,721000,S,Barry,26/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,529 Grimshaw St,3,h,670000,PI,Ray,26/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,531 Grimshaw St,3,h,730000,SP,Barry,26/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Shoalhaven St,4,h,905000,S,Barry,26/05/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,16/6 Adam St,1,u,,PI,Biggin,26/05/2018,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside Heights,29 Bungaree Tr,3,h,622000,S,YPA,26/05/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burnside Heights,13 Ryans Ct,4,h,,PI,Ray,26/05/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,4 Barnes Av,4,h,1100000,VB,Fletchers,26/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/42 Eley Rd,4,h,,PI,Ray,26/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,11 Fulton Cr,4,h,,S,Buxton,26/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2A Sinnott St,4,t,,PI,Barry,26/05/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,2/24 Barry Rd,2,u,600000,VB,McGrath,26/05/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,20 Pickford St,4,h,990000,PI,McGrath,26/05/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,43 Rochdale Dr,3,h,990000,S,Fletchers,26/05/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,9 Gurrin Rd,4,h,715000,S,Barry,26/05/2018,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,8/3 Acheron Av,2,u,570000,S,Woodards,26/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 Doonkuna Av,3,h,1800000,S,Jellis,26/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/34 Fermanagh Rd,2,u,,S,Jellis,26/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,10 High Rd,5,h,,S,Marshall,26/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,42 Through Rd,3,h,,PN,Marshall,26/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,24 Woodlands Av,5,h,,S,Jellis,26/05/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,1 Cobden St,5,h,580000,VB,RW,26/05/2018,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,38 Alta St,3,h,2250000,VB,Jellis,26/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,12 Logan St,4,h,,PI,Jellis,26/05/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,107/20 Reeves St,2,u,,SP,Woodards,26/05/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,1305/604 Swanston St,2,u,602000,SP,Nelson,26/05/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,174 MacPherson St,4,h,1800000,VB,Nelson,26/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,448 Station St,2,h,1335000,S,Nelson,26/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,614 Station St,3,h,1420000,S,Nelson,26/05/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,3/91 Coorigil Rd,2,u,740000,S,Stockdale,26/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,315/9 Morton Av,2,u,470000,S,Woodards,26/05/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,7 Woodward Wy,4,h,820000,S,FN,26/05/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Caulfield,14 Blake St,4,h,1735000,S,Jellis,26/05/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield,1/2 Miriam St,3,u,,SN,Gary,26/05/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,5/492 Dandenong Rd,3,u,1922000,S,Gary,26/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,7/614 Inkerman Rd,2,u,,SN,Gary,26/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,73 Normanby Rd,4,h,1775000,S,Gary,26/05/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,55 Jupiter St,4,h,1430000,S,hockingstuart,26/05/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,1/31 Batesford Rd,3,u,681000,S,Buxton,26/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/31 Batesford Rd,3,u,675000,S,Buxton,26/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,335 Huntingdale Rd,3,t,810000,S,Buxton,26/05/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/2 Chadwell La,4,h,2040000,S,Buxton,26/05/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,5/13 Glenola Rd,2,u,435000,VB,O'Brien,26/05/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2A Scotch Pde,3,h,800000,PI,Buxton,26/05/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,24 Charlton Av,2,h,,S,Hodges,26/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/227 Charman Rd,2,t,,PI,Buxton,26/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8 Evesham Rd,4,h,1212500,S,Ray,26/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30 Glebe Av,4,h,1700000,S,hockingstuart,26/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Lincoln Dr,4,h,1145000,S,Hodges,26/05/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chintin,140 Toomeys La,4,h,1500000,PI,Keatings,26/05/2018,3756,Northern Victoria,39,44.2,Macedon Ranges Shire Council +Chirnside Park,22 Bardaster Bvd,3,h,682500,S,LLC,26/05/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,44 Davanzo Av,3,h,785000,S,Ray,26/05/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,21 Leonard Cl,3,h,795000,S,C21,26/05/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,36 Wandoo Av,2,h,755000,S,C21,26/05/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,10 Carlson Av,3,h,1335000,S,Woodards,26/05/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,57 Dwyer St,3,h,1730000,S,Collins,26/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,11/15 South Tce,2,u,749000,S,Nelson,26/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,62 The Esplanade,4,h,2152500,S,Nelson,26/05/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,2/17 Beckley St,2,h,721000,S,Ray,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Bell St,3,h,815000,S,Raine,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Collins St,3,h,,SN,Peter,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,16 Deakin St,3,h,1175000,S,Jellis,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,64 Harding St,3,h,1045000,PI,Barry,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/10 Hudson St,2,u,432000,S,Nelson,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/40 Linsey St,2,t,617500,PI,Jellis,26/05/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,12 Williams Rd,3,h,,S,Jellis,26/05/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,16 Bendigo St,3,h,950000,S,Collins,26/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,4 Bendigo St,3,h,900000,VB,Collins,26/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,4/67 Easey St,2,u,540000,VB,Nelson,26/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,5/84 Gold St,1,u,355000,S,Walshe,26/05/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,20 Baronial Wy,4,h,740000,S,Ray,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Carlisle St,4,h,676000,S,O'Brien,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Conservation Dr,4,h,700000,S,Ray,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,58 Dianne Av,3,h,532000,S,Ray,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Freshwater Dr,5,h,850000,S,Ray,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,78 Hanson Rd,3,h,580000,S,Barry,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Hilton St,3,h,500000,S,LJ,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Mangrove Wy,4,h,590000,S,Stockdale,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16/8 Moresby Ct,3,t,423500,S,Ray,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Mulberry Ps,3,h,,VB,Barry,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Oakgrove Dr,4,h,530000,S,Ray,26/05/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,3 Monmouth Rd,4,h,661000,S,Area,26/05/2018,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cremorne,69 Green St,2,h,965000,S,Biggin,26/05/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,79 Diane Cr,4,h,,PI,Methven,26/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Morecroft Av,3,h,815000,S,Jellis,26/05/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,35 Apollo Cr,3,h,575000,S,Barry,26/05/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,13 Alsace St,4,h,770000,S,Del,26/05/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,2/28 Edward Av,2,u,440000,PI,Stockdale,26/05/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,100 Jesson Cr,3,h,631000,S,Ray,26/05/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,29 Admirala Av,3,h,,SN,C21,26/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,80 Boyd St,4,h,575000,SA,Boutique,26/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,11 Madison Av,3,h,700000,PI,Barry,26/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,4 Simpson Dr,3,h,600000,S,McLennan,26/05/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,898 Ballarat Rd,3,h,480000,PI,Stockdale,26/05/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,17 Bunker Circiut,3,h,666500,S,Stockdale,26/05/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,25 Fuller St,4,h,762500,SP,Jellis,26/05/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,14 Grandiflora Ct,4,h,1203000,S,Buxton,26/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,20 Higgins Cl,5,h,1156000,S,Buxton,26/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Jannali Dr,4,h,840000,VB,Ray,26/05/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,2111/673 La Trobe St,1,u,,PI,Lucas,26/05/2018,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,4 Eastern Av,4,h,1350000,VB,Jellis,26/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,13 Finlayson St,4,t,1100000,VB,RW,26/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Fromhold Dr,5,h,1700000,VB,Fletchers,26/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,13 Philip Av,4,h,1555000,S,Barry,26/05/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1 Hallifax Ct,4,h,1220000,VB,Jellis,26/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,50 Landscape Dr,4,h,1250000,PI,Barry,26/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,21 Meryl St,3,h,1200000,SP,Barry,26/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,41 Morna Rd,3,h,,S,Philip,26/05/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6 Akoonah Cl,4,h,1268000,S,Jellis,26/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,14 Aranga Cr,3,h,1050000,PI,Barry,26/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2 Astelot Dr,4,h,,PI,Jellis,26/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,6 Martha St,3,h,800000,PI,Barry,26/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/30 Wooddale Gr,2,u,,PI,Noel,26/05/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,40 Preserve Cct,4,h,680000,SP,Barry,26/05/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Edithvale,130 Ella Gr,5,h,,PI,Buxton,26/05/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,16 Elster Av,4,h,2500000,SP,Buxton,26/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4/12 Parkside St,3,t,,S,Hodges,26/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,2 Seymour Rd,3,h,2200000,S,Biggin,26/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,48 Shoobra Rd,4,h,2450000,PI,Biggin,26/05/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,19 Andrews St,4,h,860000,SP,Buckingham,26/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,3 Anka Cl,4,h,1030000,S,Jellis,26/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Bainbridge Dr,4,h,1020000,S,Flannagan,26/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,104 Bridge St,3,h,,VB,Jellis,26/05/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,13 Kelway Cr,4,h,1000000,VB,Morrison,26/05/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,65 Milton St,4,h,3550000,PI,McGrath,26/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,71 Milton St,3,h,1661000,SP,Chisholm,26/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,116 Mitford St,4,h,,S,Chisholm,26/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,57 Spray St,3,h,1820000,VB,hockingstuart,26/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,98 Tennyson St,3,h,1825000,VB,Chisholm,26/05/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,15 Hellyer Wy,4,h,,W,Harcourts,26/05/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,1 Greenbrook Dr,3,h,575000,S,HAR,26/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,28 Halter Cr,3,h,581000,S,Love,26/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Rosamond Wy,3,u,400000,PI,HAR,26/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9/81 Rufus St,3,u,372000,S,HAR,26/05/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,2/15 Grice Cr,3,t,970000,VB,Nelson,26/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/8 Schofield St,2,u,926500,S,Nelson,26/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Violet St,6,h,,PI,Brad,26/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,115A Woodland St,2,h,1480000,S,Brad,26/05/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,4/11 McCulloch St,1,u,266000,S,Nelson,26/05/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,28 Garnet St,4,h,1120000,VB,Nelson,26/05/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,125 Christmas St,2,h,1525000,S,Nelson,26/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,192 Gillies St,3,h,,SP,Biggin,26/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,6/259 Gillies St,1,u,460000,S,Harcourts,26/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,4/39 Park Cr,2,u,710000,S,Nelson,26/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,3/293 Station St,2,t,,SN,McGrath,26/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,5/293 Station St,2,t,815000,S,McGrath,26/05/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,72 Argyle St,3,h,,PI,Stockdale,26/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,116 Jukes Rd,3,h,900000,SP,Barry,26/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/54 Somerlayton Cr,3,u,520000,VB,Brad,26/05/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,51/1 St David St,2,u,616000,SP,Nelson,26/05/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,838 Brunswick St,3,h,980000,SA,Woodards,26/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,71/682 Nicholson St,3,u,860000,S,Nelson,26/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,220 Scotchmer St,3,h,1480000,S,Nelson,26/05/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,28 Church St,2,h,,SA,hockingstuart,26/05/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,17/2 Ballarat Rd,3,t,652000,S,Village,26/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/43 Ballarat Rd,2,u,455000,SP,McGrath,26/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,60 MacPherson St,3,h,950000,S,Sweeney,26/05/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,526 Springvale Rd,4,h,1007000,S,RW,26/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,6 Tisane Av,4,h,1465000,S,Jellis,26/05/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Birch Gr,3,h,,VB,Barry,26/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,44 Cliff Rd,5,h,480000,VB,hockingstuart,26/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18/105 McMahons Rd,3,h,485000,S,Aquire,26/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,21 Stanley St,3,h,800000,S,Barry,26/05/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gardenvale,72 Gardenvale Rd,4,h,2625000,PI,Jellis,26/05/2018,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,43 Melbourne Rd,4,h,,PN,Raine,26/05/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,6 Rodda Ct,4,h,,SP,Barry,26/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,20/16 South Circular Rd,1,u,225000,S,Barry,26/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,11 Taunton Pl,3,h,670000,S,Ray,26/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,15 Windermere Cr,3,h,650888,S,Barry,26/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,5 Wylye Cl,3,h,,S,Jellis,26/05/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,10/9 Park Av,2,u,,PI,Hodges,26/05/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,47 Albion Rd,5,h,,PN,Marshall,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,43 Flowerdale Rd,4,h,2900000,S,J,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/37 Iris Rd,2,u,,PI,Fletchers,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,29 Madeline St,3,h,1550000,S,Buxton,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/1690 Malvern Rd,2,u,475000,VB,David,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/14 Nash St,2,u,487500,S,Jellis,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,155 Summerhill Rd,5,h,2700000,S,Marshall,26/05/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2 Burramine Rd,5,h,1700000,PI,RT,26/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Newton Gr,4,t,972000,SP,Barry,26/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Nottingham St,4,h,1661000,S,Harcourts,26/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Sandgate Av,3,h,1220000,PI,Barry,26/05/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4/15 Gladstone Pde,2,t,529000,S,Nelson,26/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,13 May St,3,h,686000,S,YPA,26/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,22 Pengana Av,3,h,801888,S,Eview,26/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/217 West St,2,u,564500,S,Peter,26/05/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,145 Gowanbrae Dr,4,h,820000,VB,Nelson,26/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,23 Rutherglen Cr,4,h,720000,S,Nelson,26/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,6 Seggan Cir,3,h,600000,SP,Stockdale,26/05/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,7 Farm Cl,4,h,970000,S,Fletchers,26/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,26 Manatunga Cct,4,h,920000,PI,Barry,26/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,128 Nell St,3,h,860000,S,Morrison,26/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Tamboon Dr,4,h,820000,VB,Morrison,26/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/12 William St,3,u,700000,PI,Darren,26/05/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,94 Frontier Av,4,h,805000,PI,Barry,26/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,171 Greenvale Dr,4,h,,SN,YPA,26/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,5 Mantua Dr,4,h,850000,SP,Ray,26/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,26 Posy St,4,h,637000,S,Raine,26/05/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1/117 North St,3,t,580000,S,Eview,26/05/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,24 Talbot St,3,h,775000,S,Stockdale,26/05/2018,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,79 Albert Rd,3,h,,SN,REMAX,26/05/2018,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,1 Alexander St,2,t,1230000,S,Buxton,26/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3/572 Hampton St,2,u,,S,Kay,26/05/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,14 Belgrave St,2,h,,SP,Abercromby's,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,20 Falmouth St,3,h,1835000,S,Jellis,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3A Fordholm Rd,3,h,3835000,S,Kay,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12/480 Glenferrie Rd,2,u,,SP,Kay,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/60 Hawthorn Gr,2,u,700000,PI,Kay,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,24/3 Kooyongkoot Rd,2,u,549000,S,Woodards,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16/9 Lisson Gr,2,u,610000,S,Marshall,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,21/25 Malmsbury St,2,t,759000,S,Woodards,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/48 Morang Rd,3,t,990000,VB,Jellis,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,101/17 Riversdale Rd,2,u,,S,hockingstuart,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17/41 Riversdale Rd,1,u,,SP,Woodards,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,46 Urquhart St,5,h,3400000,PI,Marshall,26/05/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,3/799 Burwood Rd,2,u,,PI,Ray,26/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,821 Burwood Rd,3,h,1650000,PI,Noel,26/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,31 Cole St,3,h,,S,Marshall,26/05/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,2 Craig Ct,4,h,,W,Barry,26/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,70 Heathmont Rd,3,h,690000,VB,Barry,26/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,7 Muller Ct,3,h,746000,S,Fletchers,26/05/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,35 Dalvey St,4,h,,SN,Miles,26/05/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2 Learmonth St,3,h,,S,Fletchers,26/05/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,99 Dougharty Rd,3,h,700000,S,Miles,26/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/21 Thames St,2,t,655000,S,Miles,26/05/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,3 Blackwood Pde,3,h,800000,VB,Jellis,26/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,10 Wau St,4,h,,PI,William,26/05/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,1127 Nepean Hwy,3,h,1300000,SP,Buxton,26/05/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,125 Community Hub,3,h,600000,S,YPA,26/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,37 Mathisen Tce,4,h,,PI,Barry,26/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,2 Penshurst Ct,4,h,622000,S,Barry,26/05/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,2 Connor Pl,3,h,517500,S,hockingstuart,26/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,65 Kathleen Cr,4,h,,PI,Barry,26/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Marlborough Cr,4,h,754500,S,hockingstuart,26/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2/31 Virgilia Dr,2,u,385000,SP,YPA,26/05/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,26 Fairy St,3,h,,S,Miles,26/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,139 Ivanhoe Pde,3,h,1590000,PI,Miles,26/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2A Rose St,4,h,2015000,S,Jellis,26/05/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,36 Charteris Dr,4,h,,PI,Jellis,26/05/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,18 McArthur Rd,5,h,,S,Jellis,26/05/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,118 Sunset Bvd,2,h,410000,S,Barry,26/05/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,45 Harefield Cr,3,h,635000,PI,Brad,26/05/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,19 Rowan Dr,3,h,,VB,Brad,26/05/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,17 Dulcify Ct,4,h,560000,PI,Barry,26/05/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,1 Talbot Cl,3,h,770000,PI,Barry,26/05/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,10 Bernard Ct,3,h,840000,VB,Nelson,26/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,60 Brees Rd,4,h,1080000,VB,Nelson,26/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3 Hedgerow Ct,5,h,1047000,S,Nelson,26/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2/236 Milleara Rd,3,h,628000,S,Nelson,26/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,27 Milleara Rd,2,h,,W,Moonee,26/05/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,32 Adrienne Cl,3,h,680000,SP,Nelson,26/05/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,34 Export La,3,t,950000,VB,Nelson,26/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,8/16 Mawbey St,2,u,480000,VB,Rendina,26/05/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,4 Banool Av,4,h,2300000,VB,Marshall,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,150 Brougham St,3,h,,S,Jellis,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/67 Earl St,3,h,1025000,S,Marshall,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,59 Eglinton St,4,h,1590000,SP,Fletchers,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,60 Eglinton St,2,h,,S,Jellis,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1 Glendene Av,4,h,,S,Jellis,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/29 Mary St,2,u,631000,S,Nelson,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/52 Pakington St,2,u,,S,Marshall,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Selbourne Rd,6,h,5600000,PI,Buxton,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,129 Wellington St,3,h,1160000,VB,Kay,26/05/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,21 Baker Av,5,h,,PN,Marshall,26/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,23a Frater St,4,t,,S,Jellis,26/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,3/57 Hartwood St,2,u,640000,PI,Woodards,26/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,16 Munro St,4,h,2250000,VB,hockingstuart,26/05/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,3 Winslow Ct,3,h,611000,S,Hodges,26/05/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,1/13 Dunne St,3,h,540200,SP,Stockdale,26/05/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,28 Green Av,4,h,,SN,Barry,26/05/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Lalor,141 Gardenia Rd,3,h,640000,S,HAR,26/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,8 Middleton St,4,h,712000,S,Barry,26/05/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lilydale,27 Clearwater Dr,4,h,,VB,Fletchers,26/05/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lilydale,13 William Rd,4,h,832000,S,McGrath,26/05/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,4/14 Kett St,2,t,717500,SP,Buckingham,26/05/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,26 Lindsay St,3,h,747000,S,Jellis,26/05/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,29 Inkerman St,3,h,950000,S,Biggin,26/05/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,41 Spring Rd,3,h,,S,Kay,26/05/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,47 Chadstone Rd,3,h,1300000,VB,Marshall,26/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,82 Manning Rd,4,h,3225000,PI,Jellis,26/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/55 Paxton St,3,t,1600000,VB,Jellis,26/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,77 Waverley Rd,3,h,,VB,Jellis,26/05/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,20 Bow Cr,3,h,467500,S,Benlor,26/05/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,29 Ibis Pl,3,h,841000,SP,hockingstuart,26/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Lakeside Cr,2,h,766000,S,Biggin,26/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,11 Lyric St,3,h,1420000,PI,hockingstuart,26/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/11 Pridham St,4,t,840000,PI,Jas,26/05/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,20 Draper St,3,h,,PI,Jellis,26/05/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1/31 Lindsay St,2,h,850000,SP,Purplebricks,26/05/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,12 Linden Cl,3,h,495000,SP,HAR,26/05/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,41 Nicholson Cr,3,h,,W,Iconek,26/05/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2603/620 Collins St,2,u,437500,S,Barry,26/05/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,34 Coburns Rd,3,h,390000,S,Barry,26/05/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,1/8 Collins St,3,h,1435000,S,Hodges,26/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,27 Naples Rd,5,h,,PI,hockingstuart,26/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/52 Plummer Rd,1,u,340000,VB,Hodges,26/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,23C Riviera St,3,h,750000,PI,Scott,26/05/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,7 Dante Wk,3,t,505000,S,Millership,26/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Francesca Dr,4,h,620000,S,HAR,26/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,17 Oakwood St,4,h,748000,S,HAR,26/05/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,4 Bernborough Pl,3,h,705000,S,HAR,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,45 Blackman Av,4,h,,PI,Barry,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/49 Bowman Dr,3,u,500000,PI,Stockdale,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Carroll Cr,3,h,620000,SP,Ray,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,39 Delacombe Dr,4,h,660000,S,Millership,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,78 Heritage Dr,3,h,520000,S,Ray,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,115 Redleap Av,3,h,616000,S,HAR,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/5 Windeatt Cl,3,h,545500,S,Ray,26/05/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/8 Forster St,3,u,701000,S,Win,26/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,20/12 Irvine St,2,t,,S,Ray,26/05/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,16 Grace St,5,h,,PI,Fletchers,26/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,19/17 Kingsley Cr,2,u,730000,PI,Nelson,26/05/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,66 Looker Rd,3,h,985000,S,Jellis,26/05/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,17 Heritage St,3,t,1120000,S,Jellis,26/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,151 Holmes Rd,3,h,1056000,SP,Nelson,26/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,14/110 Maribyrnong Rd,1,u,290000,PI,Pagan,26/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/689 Mt Alexander Rd,2,u,614000,S,Pagan,26/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,96 Waverley St,2,h,840000,SP,Brad,26/05/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,22 Wimmera St,3,h,1100000,PI,Buxton,26/05/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,11 Blueberry Rd,4,h,,SN,iTRAK,26/05/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,102 Hayrick La,4,h,,VB,Fletchers,26/05/2018,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,17 Albert St,3,t,,PI,Ray,26/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,8 Chute St,3,h,1390000,S,Ray,26/05/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,61 Cratloe Rd,4,h,1350000,PI,K.R.Peters,26/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Fletcher Ct,4,h,,VB,Jellis,26/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/2 Lang Rd,2,t,720000,S,Ray,26/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,95 Leeds Rd,6,h,2550000,S,LLC,26/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Solomon St,5,h,,PI,iSell,26/05/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,61 Albany Dr,3,h,,W,Barry,26/05/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2 Adams St,5,h,1440000,S,Woodards,26/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9A Irving Av,3,h,1140000,VB,Buxton,26/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,477 Neerim Rd,4,h,,VB,Buxton,26/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,18 Perth St,4,h,1605000,S,Woodards,26/05/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,49 Agg St,3,h,990000,S,Greg,26/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,61a Graham St,3,h,1117000,S,Jas,26/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,6 Jubilee St,3,h,800000,S,Williams,26/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,7 Melrose St,3,h,975000,S,Sweeney,26/05/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,7 Haldane Rd,3,h,1200000,PI,Nelson,26/05/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,15 Jeffers St,3,h,,PI,Ray,26/05/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,9/18 Tyrone St,2,u,610000,VB,Dingle,26/05/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,150 Beaconsfield Pde,4,h,1700000,S,Jellis,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,104/4 Beavers Rd,2,u,,SN,McGrath,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,88 Bent St,4,h,1400000,VB,Nelson,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,90 Elm St,3,h,1325000,S,McGrath,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,31 Kellett St,3,h,1160000,SP,Jellis,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5/101 Victoria Rd,2,t,770000,S,McGrath,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/76 Victoria Rd,1,h,562000,S,Jellis,26/05/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,22 Crest Gr,3,h,,S,Fletchers,26/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,5 Haros Av,3,h,980000,VB,Fletchers,26/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,1 Lasiandra Av,3,h,1000000,PI,Noel,26/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,8 Oshannessy St,3,h,1325000,S,Jellis,26/05/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/12 Ethel St,3,t,890000,SP,Stockdale,26/05/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,6/110 Atherton Rd,2,u,,PI,Buxton,26/05/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,17 Grant St,3,h,1140000,PI,Woodards,26/05/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3/17 Claudel St,3,t,865000,S,Ray,26/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/3 Lanham St,3,u,790000,S,Ray,26/05/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,2/26 Joyce Av,4,t,,S,Jellis,26/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,7 Selworthy Av,3,h,1160000,S,O'Brien,26/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/17 Sumersett Av,3,h,960000,S,O'Brien,26/05/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,6/47 Murray Rd,2,u,728000,S,Woodards,26/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,4/5 Walsh St,2,u,558000,S,Gary,26/05/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,4 Greenways Ct,4,h,1630000,S,Hodges,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,14 Ivy St,4,h,930000,SP,O'Brien,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 Lawborough Av,3,h,910000,VB,Buxton,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/378 Nepean Hwy,4,h,,SP,Hodges,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/4 The Corso,3,u,835000,S,Buxton,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,59A The Corso,3,h,,PI,Buxton,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,62 Third St,4,t,1275000,VB,Buxton,26/05/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,6A Alwyn St,3,t,736000,SP,Brad,26/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,25 Danin St,2,h,1270000,SP,Raine,26/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8 Kinross St,3,h,1331000,SA,Alexkarbon,26/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,118/15 Pascoe St,2,u,435000,S,Barry,26/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Pleasant St,3,h,,PI,Hodges,26/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,20 Sims St,2,h,955000,S,Brad,26/05/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,2/148 Palm Beach Dr,2,h,625000,S,Area,26/05/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,53 Fairbridge Rd,4,h,680000,S,Ray,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,21 Findon Ct,4,h,,PI,hockingstuart,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Gray Mw,4,h,723000,SP,Point,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,64 Malibu Bvd,4,h,,PI,hockingstuart,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,2/31 May Gibbs Cir,3,t,515000,S,Point,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3 Prichard Wk,4,h,570000,S,Point,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10 Trigg Wy,4,h,650000,S,Mandy,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,1 Vine Cl,4,h,850000,SA,Sanctuary,26/05/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,9 Beacon Rd,3,h,,SP,Biggin,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,19 Capistrano Pl,3,h,1382500,S,Chisholm,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111/50 Dow St,2,u,,S,RT,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Esplanade Pl,3,h,,PI,The,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,86 Evans St,2,h,868000,S,Cayzer,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,411/19 Pickles St,2,u,580000,S,Greg,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,504/142 Rouse St,2,u,1400000,SP,The,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,120 Stokes St,4,h,,VB,Greg,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2 Velvet Rd,3,t,937500,S,Frank,26/05/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,92 Bendigo St,2,h,1865000,S,Biggin,26/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,64 Chatsworth Rd,3,h,1922000,S,Beller,26/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4 Harvey St,2,h,1100000,VB,hockingstuart,26/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,28 York St,2,h,1330000,SP,hockingstuart,26/05/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,6 Ambon St,3,h,870000,VB,Purplebricks,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,86 Beauchamp St,3,t,850000,S,Nelson,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Hubert St,3,h,968000,SP,Nelson,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,656 Murray Rd,2,h,610000,S,Nelson,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/5 Oak St,3,u,571500,S,Love,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,14 Sapphire St,3,h,932000,S,Nelson,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,20 South St,2,h,865000,S,Nelson,26/05/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,244 Albert St,5,h,620000,PI,Barry,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/74 Barton St,2,h,528000,SP,RW,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/18 Duffy St,2,u,525000,S,Ray,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/28 Glasgow Av,2,u,665500,S,Nelson,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/41 Hobbs Cr,2,t,595000,S,Sweeney,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Landy St,2,h,670000,SP,Barry,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,82 Oconnor St,5,h,920000,PI,hockingstuart,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/85 Pine St,3,u,830000,SP,RW,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/58 Purinuan Rd,2,t,661000,SP,Nelson,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,186 Spring St,3,h,700000,PI,RW,26/05/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,22 Charles St,2,h,,SP,Biggin,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11/297 Church St,2,u,675000,S,hockingstuart,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,302/3 Kennedy Av,2,u,855000,S,hockingstuart,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,306/185 Lennox St,1,u,,PI,Biggin,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35 Leslie St,3,h,2075000,S,Jellis,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16 North St,3,h,1100000,VB,Biggin,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/15 Somerset St,2,u,,PI,Biggin,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6 Stawell St,3,h,,PI,Biggin,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Wall St,2,h,1200000,S,Biggin,26/05/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,7/12 Bourke St,3,t,630000,VB,Fletchers,26/05/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,56 Alexandra Rd,4,h,981000,S,Philip,26/05/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,22 Melview Dr,3,h,840000,PI,Fletchers,26/05/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,138 Waiora Rd,3,h,910000,VB,Jellis,26/05/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,14 Ontario Pl,4,h,,PI,Harcourts,26/05/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,1/26 McKinley Dr,2,h,375000,SP,Barry,26/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Mensa Ct,4,h,530000,S,Raine,26/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Recreation St,4,h,770000,PI,LJ,26/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,59 Rossiter Av,3,h,536000,S,HAR,26/05/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,32 Abbott St,3,h,1525000,VB,Buxton,26/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3A Cowper St,2,h,1220000,S,Buxton,26/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9 Daly Rd,4,h,2200000,VB,Hodges,26/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,41 Grange Rd,4,h,2888000,S,Marshall,26/05/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,50 Borg Cr,4,h,,SP,Hill,26/05/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,2/194 Nepean Hwy,4,t,1128450,SP,hockingstuart,26/05/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,54 Mountain St,2,h,,S,Greg,26/05/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,20 Auburn Rd,3,h,552000,S,HAR,26/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,55 Reid St,3,h,724000,S,Love,26/05/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,14/73 Alexandra Av,1,u,,S,Biggin,26/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,202/4 Cromwell Rd,2,u,1200000,VB,Marshall,26/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,33 Motherwell St,4,h,,S,Jellis,26/05/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,3400/118 Kavanagh St,3,u,815000,SP,MICM,26/05/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,20 Steel St,3,t,790000,S,Village,26/05/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale South,5 Effie Ct,4,h,,W,iSell,26/05/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,33 Wardale Rd,3,h,725000,S,iSell,26/05/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,41 Anna St,3,h,616000,S,YPA,26/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,143 Sunshine Av,4,h,690000,S,YPA,26/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Wahgunyah Dr,5,h,840000,PI,Ray,26/05/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,4 Halidon Cl,4,h,800000,VB,Jellis,26/05/2018,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,57 Blanche St,2,h,,SN,Gary,26/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/3 Bundalohn Ct,1,u,420000,VB,Woodards,26/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/40 Burnett St,2,u,640000,VB,hockingstuart,26/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,28 Eildon Rd,5,h,4000000,S,Marshall,26/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,29 Marriott St,2,h,900000,VB,Gary,26/05/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2 Glenview Rd,2,h,1670000,SP,Brad,26/05/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,103 Anderson Rd,4,h,430000,VB,Barry,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,15 Bannermann St,3,h,566000,SP,Raine,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,226 Elizabeth Dr,4,h,520000,SP,Raine,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,21 Lister Cr,3,h,535000,S,YPA,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,29 Mitchells La,4,h,480000,S,YPA,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,27 Powlett St,4,h,655000,SP,Raine,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Yallop Cr,3,h,,SN,Daniel,26/05/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,177 Morris St,3,h,683000,PI,hockingstuart,26/05/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/13 Walter St,2,t,,VB,hockingstuart,26/05/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,45 Armstrong St,3,h,750000,S,Douglas,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Felstead Av,3,h,560000,PI,Barry,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,12 McCoubrie Av,3,h,588000,S,Barry,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,23 Morrison Cr,3,h,600000,VB,Bells,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,28 Morrison Cr,3,h,580000,PI,Douglas,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,27 Raymond St,2,h,605000,S,Douglas,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,77 The Avenue,4,h,970000,SP,Douglas,26/05/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,2/72 Essex Rd,2,u,1039500,S,Fletchers,26/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,19 Union Rd,3,h,,SP,hockingstuart,26/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,26 Union Rd,4,h,1512000,S,Jellis,26/05/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,1 Moonlight Tce,4,h,,PI,YPA,26/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,29 Robina Rd,4,h,655000,S,Barry,26/05/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,56 Hummingbird Bvd,4,h,,PI,hockingstuart,26/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,175 Thames Bvd,4,h,590000,VB,hockingstuart,26/05/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,19 Addicott Wy,3,h,801000,S,Sweeney,26/05/2018,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,13 Lawson Ct,4,h,1020000,SP,Brad,26/05/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,4 Newlyn Cl,4,h,1300000,PI,Barry,26/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Oliver Rd,4,h,1470000,S,Jellis,26/05/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,8 Corroboree Pl,4,t,,PI,Barry,26/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/3 Tasker St,3,u,,SN,Space,26/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,25 Verene Av,4,h,1620000,VB,Jellis,26/05/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thornbury,52 Leinster Gr,3,t,,VB,Jellis,26/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,99 Rossmoyne St,2,h,957000,S,Nelson,26/05/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2A Balmerino Av,2,h,,S,Marshall,26/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,40A Lansell Rd,4,h,2980000,VB,Kay,26/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,717A Malvern Rd,2,h,,VB,Jellis,26/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,75 Mathoura Rd,2,h,,S,Marshall,26/05/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,30 Cheviot Dr,4,h,1050000,PI,YPA,26/05/2018,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,83 Churchill Av,3,h,660000,S,Jason,26/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/260 Melrose Dr,2,u,,PN,Walshe,26/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,4B Waratah Av,3,h,621000,S,Ray,26/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,1/8 Warwick Pl,2,t,610000,S,Ray,26/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,2/8 Warwick Pl,3,t,675000,S,Ray,26/05/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Wallan,18 Boronia Av,4,h,,PI,LJ,26/05/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,20 Amesbury Av,4,h,,PI,Harcourts,26/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,2/5 Hadlow Dr,3,u,785000,S,Ray,26/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,2 Kellaway Ct,4,h,925000,VB,Ray,26/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,111 Milpera Cr,4,h,1003500,S,Harcourts,26/05/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,33 Arbroath Rd,3,h,906000,S,Ray,26/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,43 Arbroath Rd,4,h,720000,S,Ray,26/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,8 Sally Cl,4,h,1238000,S,Ray,26/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,8 Suffolk St,3,h,861000,S,Stockdale,26/05/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Waterways,6 Binglebay Av,5,h,1300000,VB,Stockdale,26/05/2018,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Wattle Glen,25 Upper Rd,3,h,736000,SP,Flannagan,26/05/2018,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,5 Bexley Cl,4,h,535000,S,hockingstuart,26/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,36 Cormorant Cr,3,h,492000,S,Gold,26/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,120 Market Rd,3,h,530000,S,hockingstuart,26/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,84 Tarneit St,3,h,,VB,YPA,26/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8 Veronica Ct,3,h,600000,SP,hockingstuart,26/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,32 Westleigh Dr,5,h,,SP,Ray,26/05/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,20/24 Dongola Rd,2,t,691000,S,Jas,26/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,7/146 Rupert St,2,u,300000,S,McGrath,26/05/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,12/61 Stanley St,2,u,550000,PI,MICM,26/05/2018,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Wheelers Hill,31 Leatherwood Cr,6,h,1115000,S,Jellis,26/05/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Whittlesea,5 Everlasting Ch,4,h,650000,S,Ray,26/05/2018,3757,Northern Victoria,2170,35.5,Whittlesea City Council +Williamstown,180 Cecil St,4,h,2300000,PI,Sweeney,26/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 Hotham St,3,h,1100000,VB,Raine,26/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,11/53 Morris St,2,u,535000,S,Sweeney,26/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2 Pentland St,3,h,1355000,S,Williams,26/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,42 Smith Av,5,h,,PI,Sweeney,26/05/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,4/19 Peel St,2,u,740000,S,hockingstuart,26/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,46 Peel St,3,h,1800000,VB,Marshall,26/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,57 Peel St,3,h,1755000,S,Dixon,26/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,5/28 The Avenue,2,u,620000,VB,Marshall,26/05/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,61 Saltlake Bvd,3,h,625000,S,HAR,26/05/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,202 McGrath Rd,3,h,266000,S,Wyndham,26/05/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,4 Mundara Dr,3,h,472000,SP,Pavilion,26/05/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,22 Wendover Pl,3,h,860000,S,Miles,26/05/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarra Glen,70 Forest St,5,h,1750000,PI,Integrity,26/05/2018,3775,Northern Victoria,1160,31.4,Yarra Ranges Shire Council +Yarraville,14 Hood St,4,h,1625000,S,Village,26/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14 Hughes St,3,h,1041000,S,Village,26/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/2 Severn St,2,t,760000,VB,Jas,26/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,60 Stephen St,4,h,,S,RT,26/05/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,11/205 Gipps St,1,u,470000,S,Nelson,26/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,4/40 McNamara Av,2,u,474000,PI,Barry,26/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,5/93 McNamara Av,2,t,490000,SP,Frank,26/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,2b Dundas Pl,3,h,1532000,S,Chisholm,26/07/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,22 Greig St,3,h,3755000,S,Greg,26/07/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,13a Fulham Rd,3,h,1310000,S,Jellis,26/07/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona North,81 Fifth Av,4,h,840000,S,hockingstuart,26/07/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,23 Huxtable Av,3,h,840000,S,Sweeney,26/07/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,1/770 Malvern Rd,2,u,,S,hockingstuart,26/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,25 Dalgety Dr,3,h,940000,S,Jellis,26/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7 Dalgety Dr,3,h,995000,S,Nelson,26/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,37 Epsom Rd,3,h,1050000,SP,Frank,26/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6 Waller Ct,3,h,786000,S,Brad,26/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,2/21 Lavidge Rd,4,t,,PI,Fletchers,26/07/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Attwood,17 Tollkeepers Pde,4,h,745000,S,Brad,26/07/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,61 Doyle St,3,h,635000,SP,Moonee,26/07/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,109 North Rd,4,h,762000,S,Nelson,26/07/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,57 Rosamond St,3,h,,SP,McGrath,26/07/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,1 Prowse Av,6,h,4600000,SP,Philip,26/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Bentleigh,34 Buckingham Av,3,t,1200000,S,hockingstuart,26/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/7 Railway Cr,4,t,900000,VB,Buxton,26/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,13a Rosina St,4,t,1533000,S,hockingstuart,26/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Talbot Av,4,h,1545000,SP,Hodges,26/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,48 Vickery St,4,h,1650000,S,Hodges,26/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1a Werona St,2,t,670000,PI,Buxton,26/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,45 Chesterville Dr,4,h,900000,VB,Gary,26/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,61 Molden St,3,t,860000,PI,hockingstuart,26/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,75b Parkmore Rd,3,t,1216000,S,Buxton,26/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Blackburn,2/65 Canterbury Rd,4,t,910000,PI,Allens,26/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1 Leons Ct,4,h,1217000,S,Noel,26/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,6/28 Main St,2,u,670000,S,Noel,26/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,12 Fithie St,3,h,835000,S,Jellis,26/07/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,18 Grange Rd,4,h,,SN,Woodards,26/07/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,5/61 Bondi Rd,2,t,588000,S,hockingstuart/hockingstuart,26/07/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,1/10 Kangerong Rd,2,u,737000,S,hockingstuart,26/07/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,25 Errol St,4,h,550000,S,Barry,26/07/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,58 Champion St,4,h,2640000,S,Hodges,26/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Laburnum St,4,h,2900000,VB,Buxton,26/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,3/127 Dendy St,2,u,692000,S,Buxton,26/07/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/21 Hodder St,4,t,1367000,S,McGrath,26/07/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,10 Dacelo Av,3,h,420000,S,YPA,26/07/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,12 Dacelo Av,3,h,450000,S,YPA,26/07/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,4/24 Fashion Pde,2,u,255000,S,Nelson,26/07/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,10/285 Brunswick Rd,1,u,370000,S,Jellis,26/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 Charles St,3,h,,SP,Nelson,26/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Frederick St,3,h,1170000,S,Nelson,26/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Goodman St,3,h,,S,Jellis,26/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,12 Hamilton St,2,h,820000,S,Jellis,26/07/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,28 Flinders St,2,h,903000,S,Barry,26/07/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,103 Greenwood Dr,4,h,670000,S,Barry,26/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,28a Main Dr,3,t,,PI,Ray,26/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,35 Milton Pde,3,h,637000,S,Barry,26/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,34 Dorothy St,4,h,1580000,S,Ray,26/07/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,9 Chesterfield Rd,5,h,,PI,Barry,26/07/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,2/47 Cornell St,2,t,,S,Jellis,26/07/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3 West Ct,3,h,,S,Marshall,26/07/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,3 Allenby Rd,3,h,,S,Jellis,26/07/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,12a View St,3,h,1850000,PI,Marshall,26/07/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,377 Canning St,3,h,,S,Nelson,26/07/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,14/82 Coorigil Rd,2,u,370000,VB,Thomson,26/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,22 Neville St,4,h,1880000,S,Private/Tiernan's,26/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,86 Neville St,2,h,896000,S,Woodards,26/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,27b Toolambool Rd,4,t,1200000,S,hockingstuart,26/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,14 Tamborine Wy,3,h,420000,PI,Barry,26/07/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,57 Shearwater Dr,3,h,400000,S,Munn,26/07/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,30 Cedar St,2,h,1001000,S,Biggin,26/07/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,5/466 Kooyong Rd,2,u,665000,S,Gary,26/07/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,42 Poplar St,3,h,1330000,S,Gary,26/07/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,50 Railway Pde,3,h,,W,McGrath,26/07/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Cheltenham,2 Kimpton St,3,h,830000,S,Buxton,26/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,8/23 Francis St,2,u,510000,S,C21,26/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/4 Iona St,2,h,,PI,Barry,26/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,48 Council St,3,h,1150000,VB,Nelson,26/07/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,193 Roseneath St,2,h,,S,Nelson,26/07/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,21 May St,4,h,,PI,Barry,26/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,14 Rose St,4,h,1150000,PI,Peter,26/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,24 Norris St,4,h,792000,SP,Jellis,26/07/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,45 Shorts Rd,3,h,720000,S,Nelson,26/07/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,6 Brookedge Ct,3,h,,SN,Barry,26/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,28 Kelso St,3,h,,PI,RT,26/07/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,79 Lincoln Rd,4,h,,W,McGrath,26/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Rappold Av,4,h,,PI,Barry,26/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,57 Jones Rd,4,h,,PI,C21,26/07/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,8/160 Gladstone Rd,3,u,,PN,Hall,26/07/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,14 Winnington St,4,h,840000,PI,Burnham,26/07/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,7 Chiswick Cr,2,h,348000,S,Bells,26/07/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Doncaster,1/21 Nola St,3,u,735000,S,Ray,26/07/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,12 Norfolk Cct,4,h,1520000,S,Barry,26/07/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,14 Ireland Av,4,t,,S,Jellis,26/07/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Lionel St,8,h,1270000,PI,Assisi,26/07/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,22 Mitcham Rd,3,h,930000,S,Lindellas,26/07/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,75 Box St,3,h,425000,S,Leyton,26/07/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,34 Durham St,3,h,1601000,S,Miles,26/07/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eltham North,6 Darwinia Ri,4,h,1210000,SP,Barry,26/07/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,3/1 Garden Ct,2,u,875000,SP,Chisholm,26/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/25 Kingsley St,2,u,582500,SP,Chisholm,26/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,9/97 Spray St,2,u,,SP,Chisholm,26/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/99 Spray St,2,u,570000,S,McGrath,26/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,9 Filin Dr,3,h,,SN,Harcourts,26/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Sahra Ct,2,h,340000,S,Love,26/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Tyler Ct,3,h,,SN,Iconek,26/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,8 Buckley St,3,h,1330000,S,Barry,26/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,31 Graves St,3,h,1625000,S,Nelson,26/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7 Hilda St,3,h,1150000,S,Paul,26/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fawkner,1/66 Lorne St,3,u,470000,SP,Brad,26/07/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,19 Stanford Cl,4,h,700500,S,Stockdale,26/07/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,684 Burwood Hwy,4,h,668000,S,Ray,26/07/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,101/416 Gore St,2,u,715000,S,Nelson,26/07/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,303/185 Rose St,2,u,,SP,hockingstuart/Jellis,26/07/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,191 Scotchmer St,3,h,1300000,VB,Nelson,26/07/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,5/69 Edinburgh St,2,u,350000,VB,Jellis,26/07/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,707/250 Barkly St,2,u,,SN,Barry,26/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4/155 Gordon St,3,h,,SN,Barry,26/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,14 Latrobe St,3,h,842500,S,Village,26/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,62 Moore St,3,h,980000,S,GL,26/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,1 Dunraven Ct,3,h,,PI,Ray,26/07/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/42 Golconda Av,2,u,331000,SP,hockingstuart,26/07/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,9 Gretana Cr,3,h,411000,S,hockingstuart,26/07/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,46 Screen St,3,h,780000,S,Community,26/07/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,5 Ronald Av,3,h,,SN,O'Brien,26/07/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,79 Brantome St,3,h,520000,PI,Raine,26/07/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Glen Huntly,1/205 Grange Rd,2,u,640000,S,Gary,26/07/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,8 Hadley Ct,2,h,1723000,S,Jellis,26/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/7 Maitland St,2,u,529500,S,hockingstuart,26/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1687 Malvern Rd,3,h,2800000,S,Greg,26/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,14 Aston Hth,4,h,,SP,hockingstuart,26/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Dubbo Ct,4,h,,PI,Harcourts,26/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/10 Evelyn St,3,t,1090000,S,Ray,26/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Gerrard Ct,3,h,,PI,Ray,26/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,36 Thompson St,3,h,,PI,Ray,26/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,837 Waverley Rd,5,h,,SP,Buxton,26/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,40 Augustine Tce,3,h,,SN,Melbourne,26/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,134 Marigold Cr,4,h,660000,VB,Nelson,26/07/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,18 Primula Bvd,4,h,800000,S,Nelson,26/07/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,1/184 Grimshaw St,2,u,555000,S,Darren,26/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,26 Howard St,4,h,885000,S,Buckingham,26/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,69 Manatunga Cct,4,h,741000,SP,Darren,26/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,44 Drummond St,5,h,1075000,PI,Jason,26/07/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,16 Samos Dr,4,h,520000,S,YPA,26/07/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,119 Middle St,4,h,650000,S,Barry,26/07/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,2/22 Volga St,2,t,468000,S,Nelson,26/07/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,3/56 Beach Rd,2,u,738000,S,Buxton,26/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3/22 Holyrood St,3,t,1140000,S,hockingstuart,26/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,146b Ludstone St,3,t,1350000,VB,Buxton,26/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2a Evans Av,3,t,1270000,S,Buxton,26/07/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,18/508 Glenferrie Rd,2,u,695000,S,Jellis,26/07/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Heidelberg Heights,2/601 Upper Heidelberg Rd,2,u,400000,PI,hockingstuart,26/07/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,22 Redwood St,1,h,636000,S,Barry,26/07/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,18a Barnet St,4,h,132500,PI,Chisholm,26/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,46 Nicol St,3,h,1275000,S,hockingstuart,26/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3/14 Sandford St,2,u,746000,S,Buxton,26/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hughesdale,3 Dalston Rd,4,h,1167500,S,Buxton,26/07/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1/3 Euston Rd,3,t,900000,S,Buxton,26/07/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,86 Ivanhoe Pde,4,h,,S,Nelson,26/07/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor Downs,14 Draper Ct,4,h,587000,S,YPA,26/07/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,83 Milleara Rd,3,h,875000,PI,Barry,26/07/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,2a Flinders St,3,h,685000,S,Nelson,26/07/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,25 Chelmsford St,2,h,960000,S,Brad,26/07/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,1/5 Wight St,2,t,773000,S,Rendina,26/07/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/99 Earl St,2,t,707500,S,Jellis,26/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,205/56 Harp Rd,2,u,727500,S,Fletchers,26/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,53 Mary St,3,h,1410000,S,Nelson,26/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,59 Peel St,3,h,,SN,Nelson,26/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/93 Princess St,3,t,732000,S,Nelson,26/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,70 Kingsclere Av,3,h,720000,SP,McDonald,26/07/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,52 Hawthory Rd,3,h,650000,S,Philip,26/07/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,18 Camelia St,5,h,,W,Barry,26/07/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,22 Coronation St,4,h,1336000,S,Jas,26/07/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,15 Cromwell Ct,3,h,,PI,Harcourts/YPA,26/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,8 Kimberley St,3,h,,PI,Harcourts,26/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 Mosaic Dr,4,u,630000,SA,Harcourts,26/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,2/8 Jacka St,2,u,615000,S,Darren,26/07/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,34 Joynt St,2,h,950000,SP,Greg,26/07/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,52 Torbay St,2,h,715000,S,Ray,26/07/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,75 Yallambie Rd,2,h,601000,S,Darren,26/07/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/12 Clarendon St,3,h,490000,SP,Biggin,26/07/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11d Rooney St,3,t,657000,S,Nguyen,26/07/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,6/31 Claremont Av,2,u,,S,hockingstuart,26/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,8a Prior Rd,3,t,1510000,S,Jellis,26/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/9 Tollington Av,2,u,977000,S,Marshall,26/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,329 Gordon St,4,h,770000,SP,Jas,26/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,21/4 Wests Rd,2,h,,PI,Barry,26/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Mentone,1/45 Albenca St,2,t,705000,S,O'Brien,26/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/166 Charman Rd,3,t,600000,PI,hockingstuart/hockingstuart,26/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,103/42 Rowell Dr,2,u,,PI,Millership,26/07/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,171 Ashworth St,3,h,2623000,S,Greg,26/07/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,77 Mills St,3,h,,PI,Peter,26/07/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mitcham,2/24 Forster St,3,t,725000,S,hockingstuart,26/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,13 Glenburnie Rd,5,h,1200000,S,Noel,26/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,44 Linlithgow St,3,h,,PI,Philip,26/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1a Hotham Ct,3,t,1150000,PI,Jellis,26/07/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/3 Inglisby Rd,2,h,666000,S,Nelson,26/07/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montrose,31 Trevallyn Cl,3,h,637500,S,Ray,26/07/2016,3765,Eastern Victoria,2493,28.8,Yarra Ranges Shire Council +Moonee Ponds,6/28 Hopetoun St,1,u,,PI,Barry,26/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,36 Scotia St,3,h,850000,S,Nelson,26/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,10 Beilby St,3,h,800000,PI,hockingstuart,26/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,56 Chapel Rd,4,h,921000,S,Buxton,26/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6a Clay St,3,t,917000,S,Ray,26/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,52 Royena Rd,3,h,890000,PI,Buxton,26/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,89 Leeds Rd,4,h,1232000,PI,Fletchers,26/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,33 Pascall St,3,h,,VB,Jellis,26/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,61 Albany Dr,3,h,755000,S,Win,26/07/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,24 Suva St,4,h,750000,S,Win,26/07/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/15 Melbourne St,2,u,603000,S,Anderson,26/07/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,226 Murrumbeena Rd,3,h,1076000,S,Woodards,26/07/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,14 Saxonwood Dr,3,h,,SN,Barry,26/07/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,26 Croker St,4,t,930000,PI,Greg,26/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,176 Mason St,2,h,,SN,Raine,26/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,2/26 Grandview Rd,3,u,773000,S,Barry,26/07/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,142 Hotham Rd,2,u,522500,SP,Nelson,26/07/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2a Rosehill Rd,4,t,790000,PI,Nelson,26/07/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,17 Dunblane Rd,4,u,,PI,Barry,26/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,7 Reumah Ct,5,h,720000,SP,C21,26/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,2 Wachter Ct,3,h,,SN,Barry,26/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,1b Reid St,2,h,722000,SP,Peter,26/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oakleigh,1/233 Huntingdale Rd,3,u,637000,S,Ray,26/07/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/10 Tullius Av,4,h,,SN,Barry,26/07/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,28 Devoy St,3,h,1260500,S,Buxton,26/07/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,1/280 Grange Rd,4,t,1200000,PI,hockingstuart,26/07/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,10/21 Lillimur Rd,1,u,362000,SP,hockingstuart,26/07/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,3/11 Ormond Rd,2,u,410000,SA,Stockdale,26/07/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,5/20 Warrigal Rd,2,u,600000,S,Hodges,26/07/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,3/36 Alpine Gr,3,t,,VB,hockingstuart,26/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,26 Northumberland Rd,2,h,855000,S,Brad,26/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6/3 Plymouth Av,2,u,567000,S,Brad,26/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/47 Surrey St,4,t,665000,SP,New,26/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,21 Swallow Ct,3,h,,SN,Ray,26/07/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Port Melbourne,73 Heath St,1,h,1014000,S,Chisholm,26/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,14 Lalor St,4,h,1450000,S,RT,26/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,692 High St,3,h,,S,Marshall,26/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,3/18 Furzer St,3,u,605000,S,Love,26/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/492 Murray Rd,2,t,530000,SP,hockingstuart,26/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12 Newcastle St,3,h,890000,S,Ray,26/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13 Patterson St,2,h,790000,S,Nelson,26/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16 Swallow St,3,h,1000000,S,Barry,26/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,418 Reynolds Rd,4,h,1045000,S,Morrison,26/07/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,5/25 Ashley St,2,u,300000,S,Love,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/18 Gourock St,2,t,420000,VB,Love,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Harmer St,4,h,885000,S,hockingstuart,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/1067 High St,2,u,240000,PI,Stockdale,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Kingsley Rd,3,h,815000,S,Nelson,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Mendip Rd,3,h,882500,S,Barry,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,54 Pine St,3,h,793000,S,Barry,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/170 Spring St,2,t,541000,SP,Ray,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,135 Wilson Bvd,3,h,,PI,Harcourts,26/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,302/366 Church St,2,u,712000,S,Jellis,26/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28 Farmer St,3,h,2055000,SP,Jellis,26/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,18 Reeves Cr,3,h,1395000,S,Biggin,26/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,39 Nelson St,2,h,600000,VB,Jellis,26/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,23/14 Reynolds Av,2,u,501000,SP,Barry,26/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,33 Sonia St,5,h,679000,S,Philip,26/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/12 Surrey St,3,h,698000,S,Jellis,26/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,12 Vine St,2,h,645000,S,Philip,26/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/15 Wattle Av,2,u,,PI,Barry,26/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,1/28 Dublin Rd,2,u,440000,VB,Fletchers,26/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,22 Nicholson St,3,h,,SP,Fletchers,26/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,2/2 Valda Av,5,h,,SN,Barry,26/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,9 Walhalla Dr,4,h,1015000,S,Philip,26/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,51 Melview Dr,4,h,972500,S,Jellis,26/07/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,14 Invermay Gr,3,h,945000,S,Miles,26/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Sandringham,8 Regent Ct,4,h,1525000,S,Buxton,26/07/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,140 George St,3,h,790000,S,Ray,26/07/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,87 Fortescue Av,3,h,600000,VB,Asset,26/07/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,8 Perry St,2,h,887000,S,Jas,26/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,2/3 New St,2,h,420000,SP,Jas,26/07/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,2 Cobb St,4,h,550000,S,Millership,26/07/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,15 Danjera Pl,3,h,521000,S,Harcourts,26/07/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,8/27 Kensington Rd,2,u,613000,S,hockingstuart,26/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/943 Punt Rd,2,u,520000,SP,hockingstuart,26/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,504/79 River St,2,u,827000,S,hockingstuart,26/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,27 The Avenue,3,h,1016000,SP,Jas,26/07/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,1/13 Loller St,2,u,,SN,Barry,26/07/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,51 Glyndon Av,4,h,,SN,Barry,26/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,301/182 Barkly St,2,u,750000,SP,Whiting,26/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,66 Clyde St,2,h,1365000,S,Whiting,26/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/328 Dandenong Rd,2,u,480000,PI,McGrath,26/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,229/135 Inkerman St,2,u,380000,VB,Gary,26/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,30 Odessa St,4,h,1950000,S,hockingstuart,26/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,311/13 Wellington St,2,u,470000,VB,Jas,26/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,3/9 Esmale St,3,t,,PN,Melbourne,26/07/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,2 Head St,3,h,1400000,S,Nelson,26/07/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,199 Gap Rd,5,h,,PI,Leeburn,26/07/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,11 Brislington St,3,h,679500,S,Sweeney,26/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,6/1 Lorraine Ct,2,u,,SP,Sweeney,26/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,31 Buckley Av,3,h,540000,PI,FN,26/07/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4a Downing St,3,h,620000,SP,Douglas,26/07/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,34 Joan St,3,h,682000,S,Barry,26/07/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16 Noble Ct,3,h,,PN,FN,26/07/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,19 Sydenham La,6,h,2000000,VB,Jellis,26/07/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,10 Bhangoo Ct,4,h,491000,PI,Ray,26/07/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,96 Delbridge Dr,5,h,590000,S,Ray,26/07/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,19 Dunraven Ct,3,h,501000,S,Barry,26/07/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,19 Kirribilli Bvd,3,h,679000,S,Barry,26/07/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,7 Liddicoat Ct,4,h,670000,VB,Barry,26/07/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,1/411 Church Rd,2,u,531000,S,Philip,26/07/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,20 Astley St,4,h,1209000,S,Barry,26/07/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,62 Hodgson St,5,h,2080000,S,Barry,26/07/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,13 Chapman Av,3,h,412500,S,Ray,26/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,154 Edgars Rd,4,h,545000,SP,hockingstuart,26/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,11 Martin St,3,h,1272000,S,Jellis,26/07/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,6 Martin St,2,h,972000,S,Jellis,26/07/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,337 Rossmoyne St,4,h,928500,S,Barry,26/07/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,16/36 Grange Rd,1,u,460000,PI,hockingstuart,26/07/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,9/438 Morris Rd,3,t,265000,SP,Sweeney,26/07/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1/2 Millar Rd,3,h,426000,S,Jason,26/07/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,9 Hayward Ct,5,h,1266000,S,Philip,26/07/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,6 Lucerne St,2,h,801000,S,M.J,26/07/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Viewbank,3 The Nook,4,h,1050000,VB,Nelson,26/07/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Warranwood,20 Landau Dr,4,h,950000,PI,Woodards,26/07/2016,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +West Footscray,44 Clive St,3,h,1151500,SP,Sweeney,26/07/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,31 Napoleon St,3,h,860000,S,Biggin,26/07/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,20 Richelieu St,3,h,,SN,hockingstuart,26/07/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,11/24 Ireland St,1,u,482000,SP,Nelson,26/07/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,1/28 Fawkner St,2,t,305000,SP,Walshe,26/07/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,22 Pascoe St,3,h,615000,S,YPA,26/07/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,17 Ajax Dr,3,h,1250000,PI,Woodards,26/07/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,24 John St,2,h,920000,S,Jas,26/07/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,12/29 Upton Rd,2,u,518000,S,hockingstuart,26/07/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,118 Highpark Dr,4,h,510000,PI,Iconek,26/07/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,17 Cullen Dr,5,h,375000,S,Wyndham,26/07/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,27 Ovata Cl,3,h,936000,S,Buckingham,26/07/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,122 Blackwood St,4,h,1606000,SP,Jas,26/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,16 Cooke St,3,h,1200000,PI,P,26/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,75 Studley St,4,h,,PI,Biggin,26/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,70/80 Trenerry Cr,2,h,,PI,Biggin,26/08/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,11 Grange Rd,3,h,975500,S,Barry,26/08/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,125 Parer Rd,3,h,880000,S,Jellis,26/08/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,59 Barrett St,3,h,2340000,S,Greg,26/08/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,6 Pickles St,3,h,2225000,S,Greg,26/08/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,2/16 Perth Av,3,u,,PI,Sweeney,26/08/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,20 Burt St,3,h,920000,VB,PRD,26/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2/134 Civic Pde,2,u,672000,S,Sweeney,26/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/76 Queen St,2,u,801250,S,Sweeney,26/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,7/36 Sargood St,3,t,820000,SP,hockingstuart,26/08/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,23 Hatherley Gr,3,h,791000,S,Jas,26/08/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,51B MacDonald Av,3,t,730000,S,Williams,26/08/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,16 Bailey Av,4,h,4060000,S,Marshall,26/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8/537 Orrong Rd,2,u,,VB,Marshall,26/08/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,22 Burton Cr,3,h,1180000,S,Nelson,26/08/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6 MacArthur Av,4,h,1151000,S,Bullen,26/08/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,28 Baker Pde,4,t,1650000,VB,Jellis,26/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,73 Dent St,3,h,,S,Marshall,26/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,3 Hudson Ct,3,h,,PI,Jellis,26/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,59 Winton Rd,3,h,2550000,S,Marshall,26/08/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/18 Raymond St,4,t,1245000,S,Buxton,26/08/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Balaclava,16 Grosvenor St,3,h,1680000,S,McGrath,26/08/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,6/98 Westbury St,3,t,1250000,S,Gary,26/08/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,3/33 Gordon St,2,u,,S,Marshall,26/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,13 Tivey Pde,3,h,,SP,Jellis,26/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/339 Union Rd,3,h,985000,S,Jellis,26/08/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,6 Aquila St,5,h,3000000,VB,Marshall,26/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,33 Cityview Rd,3,h,1900000,S,Jellis,26/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/12 Highbury St,4,t,1690000,PI,Buxton,26/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Hosken St,5,h,2800000,S,Marshall,26/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,22 Kalonga Rd,4,h,1650000,PI,Jellis,26/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Singleton Rd,4,h,,SP,RW,26/08/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,2/6 Margaret Av,3,h,,SP,Barry,26/08/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2/1 Orchard Rd,2,h,661000,S,Barry,26/08/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,22 Sherbourne Av,3,h,,SN,Philip,26/08/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,488 Balcombe Rd,3,h,,SP,Ray,26/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,21 Hardinge St,5,h,2750000,S,Greg,26/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11 Hastings Av,3,h,1589000,S,Hodges,26/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,12 McNamara St,4,h,1385000,S,hockingstuart,26/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,26 Reid St,4,h,2000000,VB,Buxton,26/08/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,5 Davidson St,4,h,951000,S,Miles,26/08/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,15a Delhi St,3,t,1700000,S,Jellis,26/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,65 London St,3,h,,VB,Buxton,26/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,27 Marston St,4,h,1540000,S,Jellis,26/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,44 McLean Av,3,h,1300000,VB,Woodards,26/08/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,63 Barrington St,3,h,1372500,S,Jellis,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Bevis St,5,h,1800000,VB,Gary,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Box Ct,4,h,1655000,S,Buxton,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,43 Brady Rd,4,h,,PI,Buxton,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,50a Brady Rd,3,u,905000,SP,Woodards,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Celia St,4,h,,SP,Buxton,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/8 Deborah Av,4,t,1180000,VB,Jellis,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/8 Deborah Av,3,t,1225000,S,Jellis,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Hill St,4,h,1200000,VB,Woodards,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/4 Hull St,2,t,860000,S,Hodges,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,21 Matthews Rd,3,h,1151000,S,Woodards,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,28 Melva St,4,t,1130000,S,Buxton,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,794 North Rd,4,h,,PI,Buxton,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,47 Parkmore Rd,4,h,1370000,VB,Gary,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Sassella St,3,h,1311000,SP,Jellis,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Wolai Av,4,h,1150000,VB,Woodards,26/08/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Black Rock,209 Beach Rd,3,h,1900000,S,Buxton,26/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/66 Bluff Rd,3,t,1410000,S,Hodges,26/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,6 Prospect Gr,4,h,,S,Buxton,26/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,27 Second St,2,h,1090000,S,Buxton,26/08/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,3/29 Baldwin Rd,2,u,630100,SP,Woodards,26/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Fir St,3,h,1350000,S,Noel,26/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4 Goodwin St,4,h,1660000,PI,Jellis,26/08/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,7 Erica Ct,3,h,,PN,Noel,26/08/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1/81 Koonung Rd,3,h,,S,Noel,26/08/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,117 Fulton Rd,3,h,905000,S,Ray,26/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Shaun Av,3,h,,SN,McGrath,26/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,20 Wreford Rd,3,h,1152000,S,Fletchers,26/08/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,14 Haldane St,3,h,920000,S,Buxton,26/08/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,23A Gertonia Av,3,h,840000,S,Ray,26/08/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2 Norwich St,4,h,728000,S,iTRAK,26/08/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,3/32 Ashted Rd,1,t,,SN,William,26/08/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,13 Cunningham St,5,h,1900000,PI,Buxton,26/08/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,6A Kintore Cr,4,h,1325000,S,Buxton,26/08/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,44 Carlton St,3,h,1200000,SP,Biggin,26/08/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,6/11 Kent St,2,u,,W,HAR,26/08/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,2 Acacia Ct,3,h,735000,S,Morrison,26/08/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,77 Karingal Dr,4,h,1030000,S,Nelson,26/08/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,3 Adamson St,4,h,3200000,VB,Marshall,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,109B Carpenter St,3,h,1450000,PI,Nick,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,19/18 Cochrane St,2,u,550000,VB,Gary,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/107 Cole St,2,h,,S,Biggin,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Elwood St,4,h,2830000,S,Nick,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,44 Meek St,4,h,2260000,S,Nick,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,71 Outer Cr,4,h,,SP,Marshall,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/5 Rippon Gr,4,t,,SP,Marshall,26/08/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,76 Canberra Gr,3,h,2060000,S,Jellis,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Cummins Rd,3,h,1650000,SP,Buxton,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,635 Hawthorn Rd,4,h,,S,Marshall,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,375 South Rd,5,h,1650000,SP,Hodges,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,17 Tatong Rd,3,h,,SP,Marshall,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,110 Thomas St,3,h,1380000,VB,Marshall,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/24 Thomas St,2,u,561000,S,Gary,26/08/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brunswick,224 Albert St,2,h,,SN,Walshe,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,226 Albert Street,2,h,830000,PI,Walshe,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1/208 Albion St,1,u,424000,SP,Jellis,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,25 Horne St,4,h,1750000,S,Nelson,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,62 Laura St,3,h,995000,S,Jellis,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,84 Lydia St,3,h,1320000,SP,Jellis,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7/1 Pottery Ct,1,u,350000,S,Woodards,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,40 Rose St,3,h,1250000,VB,Nelson,26/08/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,10B Albion St,3,t,959000,S,Jellis,26/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,117 Barkly St,2,h,975000,S,Nelson,26/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,4/22 French Av,3,t,935000,S,Jellis,26/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7/374 Lygon St,2,u,494000,S,Collins,26/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/20 Lyndhurst Cr,2,u,580000,VB,Nelson,26/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,1a Queen St,3,t,790000,PI,Nelson,26/08/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,33 Irvine Cr,3,h,1160000,S,Nelson,26/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/6 McColl Ct,1,u,325000,S,Ray,26/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,38 McLean St,2,h,887500,S,Ray,26/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,16 Temple St,3,h,2350000,VB,Collins,26/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,495 Victoria St,3,h,,S,Jellis,26/08/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,8 Cabernet Cr,5,h,940000,S,Ray,26/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,36 Cameron Pde,4,h,850000,SP,Ray,26/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Chaucer Cr,4,h,760000,S,Barry,26/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,37 Greenwood Dr,4,h,815000,S,Ray,26/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Warrawee Dr,3,t,505000,S,Barry,26/08/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,18 Fydler Av,3,h,580000,S,YPA,26/08/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside Heights,13 Wilkins Cr,3,h,603000,S,Bombay,26/08/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,3 Aylwin Av,3,h,1220000,VB,Noel,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,23 Cromwell St,3,h,1238000,S,Buxton,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,58 Eley Rd,4,h,1535000,S,Nelson,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,30 Montpellier Rd,4,h,1480000,S,Ray,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,6 Morton Rd,3,h,,PI,Ray,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/109 Station St,3,u,,SP,RW,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,42 Uganda St,3,h,1340000,S,Fletchers,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,11 Webb St,2,h,1322500,S,Buxton,26/08/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,35 Bellett St,3,h,1855000,S,Fletchers,26/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/2 Callanish Rd,2,u,670000,VB,Jellis,26/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,236 Highfield Rd,4,h,2200000,S,Jellis,26/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/5 Stornoway Rd,3,h,,S,Jellis,26/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Trafalgar Rd,4,h,2385000,S,Marshall,26/08/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,10 Beaumont St,3,h,1935000,S,Jellis,26/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,52 Bryson St,4,h,,SP,Jellis,26/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,6/27 Chatham Rd,2,u,757500,S,Domain,26/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,36 Dudley Pde,3,h,,SP,Marshall,26/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2 Wentworth Av,3,h,,SP,Jellis,26/08/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,50 Dorrit St,3,h,1760000,S,hockingstuart,26/08/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,5/105 Neill St,3,u,1325000,S,Woodards,26/08/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,426 Canning St,3,h,,S,Nelson,26/08/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,6/1150 Dandenong Rd,1,u,355000,S,Ray,26/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,59 Oakleigh Rd,3,h,1400000,PI,Jellis,26/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/13 Rosstown Rd,1,u,456000,SP,hockingstuart,26/08/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,1 Broderick Rd,4,h,546000,SP,Harcourts,26/08/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,2 Donna St,3,h,532000,S,Barry,26/08/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,2 Tasman Ct,3,h,615000,S,hockingstuart,26/08/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,8/38 Alder St,1,u,340000,VB,Buxton,26/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,2/203 Booran Rd,2,u,790000,S,Gary,26/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,2/12 Griffiths St,4,h,,SN,Gary,26/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,96 Sycamore St,3,h,,SN,Nick,26/08/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/17 Carramar St,4,t,1095000,S,Buxton,26/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/46 Margot St,3,u,851500,S,Buxton,26/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/3 moona Ct,4,h,920000,S,Ray,26/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,23 Oakpark Dr,3,h,990000,PI,Buxton,26/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/1 Rae St,3,t,865000,S,McGrath,26/08/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea Heights,7 Brolga Av,3,h,725000,S,Ray,26/08/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,78 Albenca St,5,h,1300000,VB,Buxton,26/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/33 Rosewarne Av,3,u,911000,SP,Thomson,26/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,42 Snowdon Dr,3,h,975000,S,Charlton,26/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/273 Warrigal Rd,3,t,,S,O'Brien,26/08/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,3/3 Auguste Av,4,t,,PI,Ray,26/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,29 Beddoe Av,3,h,,S,Darras,26/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1437 Centre Rd,3,h,,PI,First,26/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,9 Lantana St,2,h,1366000,S,Ray,26/08/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,3 Avoca Cl,3,h,,PI,C21,26/08/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/54 Oakes Av,2,u,460000,SP,Barry,26/08/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,26 Tarago Cr,3,h,950000,S,C21,26/08/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,472 Wellington St,4,h,2440000,S,Nelson,26/08/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,263 Bell St,4,h,990000,VB,Nelson,26/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,373 Moreland Rd,2,t,770000,PI,Ray,26/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,103/5 Wardens Wk,2,u,413500,S,Ray,26/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Watchtower Rd,3,t,704000,S,Ray,26/08/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,62 Dawson St,3,h,601000,S,Nelson,26/08/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,3/24 Lorensen Av,2,t,650000,S,hockingstuart,26/08/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coolaroo,21 Norval Cr,3,h,460000,S,Stockdale,26/08/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,14 Clopton Ri,3,h,680000,S,Ray,26/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Leveque Lp,4,h,622000,S,Ray,26/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Mountleigh Cct,4,h,,PI,LJ,26/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,28 Powell St,3,h,412500,S,RE,26/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Scarborough Tce,3,h,465000,S,Ray,26/08/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,48 Majestic Bvd,5,h,720008,SP,O'Brien,26/08/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +croydon,81 hull Rd,3,h,730000,S,Ray,26/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 Columbia Av,5,h,1188000,S,hockingstuart,26/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1 Murray Rd,3,h,,SN,Philip,26/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4/7 Newman Rd,3,u,630000,PI,Purplebricks,26/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,19 Sevenoaks Av,5,h,905000,S,Barry,26/08/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,43 Ann St,5,h,825000,PI,Stockdale,26/08/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,22 Pinewood Av,5,h,600000,PI,Biggin,26/08/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,3/3 Meadow Gr,4,t,1750000,S,Jellis,26/08/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,1/64 Railway Pde,3,u,450000,PI,Bells,26/08/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diggers Rest,1/129 Calder Hwy,3,u,397000,S,Barry,26/08/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Doncaster,2/20 Queens Av,2,u,,S,Fletchers,26/08/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,9 Abelia St,4,h,1370000,SP,Fletchers,26/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/9 Dianne St,3,t,850000,PI,Barry,26/08/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,6 Dellview Ct,4,h,,S,Barry,26/08/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,9 Langford Cr,4,h,1150000,S,Fletchers,26/08/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +East Melbourne,208/25 Hotham St,1,u,303500,S,hockingstuart,26/08/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,20 Northcliffe Rd,3,h,1100000,VB,Buxton,26/08/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,2/7 Trevelyan St,2,u,780000,S,Gary,26/08/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,16 Foster Rd,4,h,1060000,S,Buckingham,26/08/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,45 Allison Cr,4,h,905000,S,Buckingham,26/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,184 Progress Rd,3,h,,S,Barry,26/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,2 Progress Rd,5,h,,S,Barry,26/08/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,382 Barkly St,3,h,,S,RT,26/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Wave St,4,h,,SP,Marshall,26/08/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,16 Hughes Cl,3,h,580000,S,Quinta,26/08/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Farmhouse Bvd,3,h,620000,S,Barry,26/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/18 Hall St,2,u,402500,S,Love,26/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,26 Lowalde Dr,3,h,595000,S,hockingstuart,26/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,11 Simon Ct,3,h,569000,S,hockingstuart,26/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Trumper Pl,4,h,810000,S,Barry,26/08/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,214/36 Collins St,2,u,500000,S,Edward,26/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,54 Cooper St,5,h,2335000,SP,Barry,26/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,58 Primrose St,3,h,1240000,PI,Nelson,26/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,14 Shaftesbury St,3,h,1580000,PI,Frank,26/08/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/9 Grace St,3,t,820000,PI,Brad,26/08/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,1/3 Edward St,3,t,635000,S,Stockdale,26/08/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,27 Elsa St,4,h,836000,S,Jellis,26/08/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,2/6 Simpson Rd,2,h,594000,S,Ray,26/08/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,32 Argyle St,3,h,,SP,Nelson,26/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,471 George St,3,h,1311000,SP,Peter,26/08/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,6/657 Brunswick St,1,u,390000,SP,Jellis,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,50 Church St,2,h,1385000,SP,Jellis,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,134 Clauscen St,2,h,1400000,S,Nelson,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,11 Laura Pl,2,t,770000,S,Nelson,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,426 Queens Pde,4,h,,S,Collins,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,171 Scotchmer St,4,h,1870000,S,Jellis,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,211 Scotchmer St,4,h,1620000,S,Nelson,26/08/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,10 Jezabeel Ct,4,h,1110000,SP,Nelson,26/08/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,22A Wisewould St,3,t,935000,S,Brad,26/08/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,6/63 Hyde St,3,t,915000,S,Sweeney,26/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,39 Moore St,3,h,755000,PI,hockingstuart,26/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,141 Summerhill Rd,3,h,750000,PI,hockingstuart,26/08/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,39 Barter Cr,4,h,1078000,SP,Buxton,26/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,9 Jackson St,3,h,1197000,S,Ray,26/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,6 Tonmar Ct,4,h,1000000,PI,Ray,26/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,16 Wickham Av,6,h,1065000,S,hockingstuart,26/08/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Sassafras Dr,3,h,515000,SP,O'Brien,26/08/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,7 Huon Ct,3,h,493000,S,Barry,26/08/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,3 Diosma Ct,3,h,1155000,S,hockingstuart,26/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,23 Fenton Cr,4,h,980000,S,hockingstuart,26/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,53 Fleetwood Cr,3,h,902000,S,Barry,26/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Fulham Cl,3,h,750000,S,Barry,26/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,21 Karina St,5,h,1825000,S,T,26/08/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,9 Banks Pl,3,h,742000,S,Barry,26/08/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,84 Lenoak St,4,h,,PI,YPA,26/08/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,2/1110 Glen Huntly Rd,2,u,442000,S,Woodards,26/08/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1 Anthony St,5,h,5770000,S,Marshall,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Britten St,4,h,2850000,VB,Marshall,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,67 Florizel St,3,h,,S,Jellis,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Leopold St,3,h,,SP,Marshall,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Madeline St,5,h,1700000,VB,Tim,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Viva St,4,h,2690000,PI,Marshall,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,33 Welfare Pde,3,h,1688000,S,Purplebricks,26/08/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,1/7 Carramar Av,2,u,625000,S,Harcourts,26/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/27 Fernhurst Dr,3,u,,VB,Fletchers,26/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,40B Myrtle St,3,t,,PN,Harcourts,26/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/6 Shirley Av,2,u,850000,PI,Hodges,26/08/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4/35 Clovelly Av,2,u,500000,S,Brad,26/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/19 Finchley Av,2,t,582000,S,Frank,26/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,80 Paget Av,2,h,725000,S,Stockdale,26/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,7/103 Plumpton Av,2,u,500000,VB,Nelson,26/08/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,24 Duranta Dr,4,t,655000,S,Nelson,26/08/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,17 Glenwood Dr,6,h,1050000,VB,Darren,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,53 Greenhill Rd,4,h,950000,S,hockingstuart,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,190 Henry St,3,h,,S,Barry,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/5 McDowell St,2,u,540000,S,Darren,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1 Ruby La,3,h,600000,PI,Darren,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9 Tangari Ct,3,h,842000,S,Parkes,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/18 Vermont Pde,2,u,670000,S,Darren,26/08/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,8 Howren Tce,4,h,715000,S,Stockdale,26/08/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1 Silverwood Dr,3,h,465000,S,RE,26/08/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,23/56 Beach Rd,2,u,842000,S,Buxton,26/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/233 Hampton St,3,t,,SS,Barry,26/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2A Roydon St,4,h,1810000,S,hockingstuart,26/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,43 Service St,4,h,2086000,SP,Marshall,26/08/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3 Besant St,3,h,1280000,SP,Buxton,26/08/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1/3 Keith St,2,t,,PI,Purplebricks,26/08/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,3 Sybil St,3,h,1335000,S,Buxton,26/08/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,5 Bickerton Ct,3,h,680000,S,O'Brien,26/08/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hampton Park,4 Somerville Rd,4,h,625000,S,Rexhepi,26/08/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,60/44 Burwood Rd,2,u,581000,S,Jellis,26/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14 Callantina Rd,5,h,,S,Marshall,26/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2 College St,6,h,2825000,S,Jellis,26/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,42 College St,2,h,1350000,VB,Jellis,26/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,11/508 Glenferrie Rd,2,u,838000,SP,LITTLE,26/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,80/8 Wallen Rd,3,u,1335000,SP,Jellis,26/08/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,10/5 Grandview Gr,2,u,,S,Kay,26/08/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,25 The Boulevard,3,h,795000,PI,Carter,26/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,40 Viviani Cr,3,h,925000,S,Carter,26/08/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,1/57 Rosanna Rd,3,t,610000,S,Miles,26/08/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,5 Bonar St,3,h,,S,Fletchers,26/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,18 Gotha St,2,h,849000,S,Fletchers,26/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,97 Outhwaite Rd,2,h,,S,Barry,26/08/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,81 Ramu Pde,3,h,520000,S,William,26/08/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,19 South Cr,3,h,,S,Barry,26/08/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2/41 Albert St,3,t,1350000,SP,Buxton,26/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,6 Frances St,3,h,1460000,S,Thomson,26/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/4 Turner Rd,2,u,680500,S,Ray,26/08/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,7 Greybox Ct,4,h,730000,S,Barry,26/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,61 Landscape Dr,4,h,654000,S,Prof.,26/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,9 Silvana Wy,4,h,550000,PI,Barry,26/08/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,26 Abbotswood Dr,4,h,602000,S,hockingstuart,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,23 Bayview Cr,3,h,565000,S,Barry,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,166 Bethany Rd,3,h,,SP,LJ,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Bordeaux Dr,3,h,505000,S,RW,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,14 Coolabah Cr,3,h,550000,S,Sweeney,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3/41 Evrah Dr,3,u,406500,S,Triwest,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,80 Judkins Av,4,h,567000,PI,hockingstuart,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Lyon Ct,3,h,565000,S,Sweeney,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3/14 Moffatt Cr,2,u,315000,S,Triwest,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Saddington Av,3,h,470000,S,hockingstuart,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,70 Whitsunday Dr,3,h,512000,S,hockingstuart,26/08/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,63 Beauford St,4,h,1190000,SA,Buxton,26/08/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,2/7 Ambrose St,4,t,1175000,S,McGrath,26/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,197 Banksia St,4,h,1200000,VB,Barry,26/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,9 Linden Av,2,h,,S,Barry,26/08/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,1 Hartlands Rd,3,h,1630000,S,Miles,26/08/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,19 Wilfred Rd,5,h,3350000,VB,Nelson,26/08/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,71 Church St,4,h,1125000,PI,Daniel,26/08/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,2/20 Kennedy St,3,u,760000,SP,Brad,26/08/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,16 Kiewa Cr,5,h,739000,S,Daniel,26/08/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,17 Goodwood Dr,3,h,683000,S,Barry,26/08/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,27 Minerva Cr,4,h,705000,S,Barry,26/08/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,11 Turfan Cl,4,h,700000,PI,Barry,26/08/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,17 Diorite Ct,1,h,860000,SP,Ace,26/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,18 Heatherlea Cr,4,h,886000,S,Nelson,26/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,7 Pumice Ct,3,h,960000,PI,Barry,26/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,148 Rachelle Rd,4,h,1160000,S,Nelson,26/08/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,1 Flinders St,3,h,821000,S,Stockdale,26/08/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kew,64 Barnard Gr,4,h,1115000,S,Fletchers,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,135 Brougham St,4,h,1800000,SP,Nelson,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Carson St,4,h,3300000,SP,Jellis,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/35 Hartington St,3,u,650000,S,Jellis,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,537 High St,3,h,1750000,VB,Kay,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16 Hodgson St,5,h,3450000,PI,Kay,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,20 John St,4,h,,S,Kay,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5 Regency Gr,4,h,2045000,S,Fletchers,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Second Av,3,h,2200000,S,Jellis,26/08/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,5 Fairway Dr,4,h,1837500,S,RT,26/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/5 Munro St,3,t,1500000,PI,Jellis,26/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,86 Windella Av,3,h,1960000,PI,Fletchers,26/08/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,17 Kotiko Rd,3,h,930000,S,Barry,26/08/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,17 Birkenhead Dr,3,h,803000,S,Max,26/08/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,3 Ikara Cl,3,h,560000,S,Barry,26/08/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,4 Mavis Cr,3,h,,W,YPA,26/08/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,15A Curtain St,4,h,900000,S,Barry,26/08/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Knoxfield,2/49 Allister Cl,4,h,795000,SP,Barry,26/08/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,1/5 Bunnett Rd,4,h,704000,S,Ray,26/08/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,707 Toorak Rd,4,h,3080000,SP,Jellis,26/08/2017,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,1 Ashdown Ct,3,h,671000,SP,Ray,26/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,25 Bruce St,3,h,690000,SA,HAR,26/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,264 Edgars Rd,3,h,520000,SP,Barry,26/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,183 Kingsway Dr,3,h,625000,S,HAR,26/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,42 Suncroft Dr,4,h,955000,S,Nelson,26/08/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,50 Cotoneaster Wy,4,h,,PN,Eview,26/08/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,83 Pindara Bvd,4,h,965000,PI,O'Brien,26/08/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,30 Lakeview Dr,4,h,840000,S,Fletchers,26/08/2017,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,1/28 Para Rd,3,h,,SS,Barry,26/08/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,6 Tyalla Cl,3,h,,S,Barry,26/08/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/56 Braid Hill Rd,3,t,961500,S,Ray,26/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,32 Chapman St,3,h,998000,S,Purplebricks,26/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,51 Joynt St,3,h,,SN,Miles,26/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,4 Tucker Wy,4,h,831000,S,Ray,26/08/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,88a Ballarat Rd,3,t,706000,S,Sweeney,26/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,3 Wallace St,3,h,735000,S,Biggin,26/08/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,7 Northbrook Av,4,h,860000,SP,Abercromby's,26/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2 Thanet St,3,h,3610000,S,Kay,26/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2/21 Thanet St,1,u,410000,PI,hockingstuart,26/08/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,32 Karma Av,3,h,,SP,Marshall,26/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,65 Kerferd St,2,h,2585000,S,Marshall,26/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,26 MacGregor St,4,h,,SP,Marshall,26/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2002 Malvern Rd,2,u,651000,SP,Jellis,26/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1B The Grange,2,h,1365000,S,Jellis,26/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,531 Waverley Rd,3,h,1100000,VB,Jellis,26/08/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6/3 Hillside Cr,3,t,1625000,S,Jellis,26/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,315/5 Ordnance Res,2,u,410000,VB,Greg,26/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,88 The Esplanade,3,h,3400000,SP,Jas,26/08/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,55 McKinnon Rd,4,h,1830000,S,McGrath,26/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,99 Nicholson St,2,u,,PI,Jellis,26/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,270 Tucker Rd,6,h,2025000,PI,Jellis,26/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,36A Windsor Av,4,t,1655000,S,Buxton,26/08/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,17 Canadian Ct,3,h,535000,SP,Barry,26/08/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,22 Lightwood Cr,5,h,710000,S,YPA,26/08/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,505/1 Roy St,2,u,,SP,Kay,26/08/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,505/1 Roy St,2,u,,S,Kay,26/08/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,12 Alkemade Dr,3,h,359000,S,Raine,26/08/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,21D Yuille St,5,h,710000,PI,Ryder,26/08/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,115 Exford Rd,3,h,340000,S,Raine,26/08/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,1 Fraser St,3,h,395000,S,YPA,26/08/2017,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,50 Allandale Rd,3,h,980000,S,Buxton,26/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10/78 Beach Rd,2,t,860000,SP,hockingstuart,26/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,29 Neville St,3,h,1002500,S,Ray,26/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,20A Winsome St,3,t,905000,S,Hodges,26/08/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,60 Hunters Rd,3,h,970000,S,Ray,26/08/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,3 Selkirk Wy,2,h,335000,S,YPA,26/08/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,81 Erskine St,3,h,2090000,S,Chisholm,26/08/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,34 Carbon Cr,3,h,,PI,The,26/08/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,4/5 Coppin Cl,2,u,651000,SP,Noel,26/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Culwell Av,3,h,855000,S,Noel,26/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,29 Highland Av,4,h,1185000,S,Fletchers,26/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1B Irvine St,2,h,735000,S,hockingstuart,26/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/61 Orient Av,3,u,907800,S,Noel,26/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,37 Purches St,3,h,1010000,S,Noel,26/08/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Monbulk,21 David St,4,h,720000,SP,Fletchers,26/08/2017,3793,Eastern Victoria,1424,34.1,Yarra Ranges Shire Council +Mont Albert,56 View St,4,h,,SP,Marshall,26/08/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,38 Reichelt Av,3,h,835000,S,Ray,26/08/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,11 Argyle St,4,h,1716000,S,Nelson,26/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/53 Buckley St,2,u,435000,S,Nelson,26/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,46 Eglinton St,4,h,1525000,S,Nelson,26/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,53 Moore St,4,h,1305000,SP,Biggin,26/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,55 Pattison St,2,h,700000,VB,Nelson,26/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,37 Winchester St,2,h,1115000,SP,Nelson,26/08/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,110 Chapel Rd,3,h,1072000,S,Jellis,26/08/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,7 Walsh Av,3,h,1290000,S,Ray,26/08/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,68 Bellara Dr,4,h,794500,S,iTRAK,26/08/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,48 Croydondale Dr,3,h,,S,Fletchers,26/08/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,11 Western Wy,3,h,760000,S,Fletchers,26/08/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,46 Barkly St,4,h,1500000,S,Buxton,26/08/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,71 McDonald St,4,h,1617000,S,Hodges,26/08/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,38B White St,3,t,755000,S,hockingstuart,26/08/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,15 Anthony Dr,3,h,1028800,S,Jellis,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Cranleigh Gr,3,h,1761000,S,Ray,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Hillside Rd,4,h,1470000,S,Fletchers,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,38 Hillview Av,3,h,1430000,S,McGrath,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Huntingtower Cr,6,h,1840000,S,Jellis,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Larch Cr,3,h,,SN,Harcourts,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,62 Marianne Wy,4,h,1500000,S,Fletchers,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Pall Mall,3,h,1700000,VB,Jellis,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/392 Stephensons Rd,3,t,1035000,SP,McGrath,26/08/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,45 Carson St,3,t,826000,S,Win,26/08/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2229 Dandenong Rd,3,h,940000,S,Biggin,26/08/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,36 Omama Rd,3,h,,S,Jellis,26/08/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3 Vera St,3,h,1150000,PI,Woodards,26/08/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,177 Blackshaws Rd,2,h,,PN,Hunter,26/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,76 Ford St,3,h,,SP,Jas,26/08/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,12 Coghlan St,3,h,1521000,S,Barry,26/08/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3 Grandview Rd,3,h,845000,SP,Brad,26/08/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,44 Shaw St,3,h,1305000,SP,Frank,26/08/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/47 Chandler Rd,3,t,565000,S,Win,26/08/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,22 Wallarano Dr,3,h,,PI,Barry,26/08/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,186 Errol St,2,t,770000,VB,W.B.,26/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,9 Erskine St,2,h,1080000,S,Jellis,26/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,8 Stedeford La,3,t,1425000,S,Jellis,26/08/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,95 Beavers Rd,2,h,1118000,S,Nelson,26/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/241 Heidelberg Rd,2,t,770000,VB,Nelson,26/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,105 Westbourne Gr,4,h,,S,Nelson,26/08/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,2 Reserve Pl,2,t,570500,S,Biggin,26/08/2017,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,8 Haros Av,3,h,805000,S,Fletchers,26/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,15 High St,4,h,,SP,Jellis,26/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3/39 Lemon Gr,2,u,710000,S,Jellis,26/08/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,18 Jessie St,2,h,1006000,S,Stockdale,26/08/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,3 Grant St,2,h,875000,PI,Ray,26/08/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,8 William St,3,h,1360000,S,Buxton,26/08/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,33 Guest Rd,2,h,985000,PI,Woodards,26/08/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1208 North Rd,4,h,,PI,Ray,26/08/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,9a Bewdley St,4,t,,S,Jellis,26/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,57 Holloway St,3,h,1510000,S,Buxton,26/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5 Stewart St,4,h,1870000,PI,Jellis,26/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,12 Wallen Rd,4,h,1700000,VB,Marshall,26/08/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,3/192 Como Pde W,2,u,690000,S,Buxton,26/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,14 Robert St,3,h,1060000,S,Barry,26/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,63 The Corso,4,h,2475000,PI,Buxton,26/08/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,41/196 The Avenue,2,u,,S,Nelson,26/08/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,1 Ann St,4,h,1260000,S,Eview,26/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1B Braeside St,2,t,636500,S,Barry,26/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/424 Gaffney St,2,t,580000,S,hockingstuart,26/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/7 Joffre Rd,4,t,745000,S,Barry,26/08/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,6 Balarang Ct,3,h,670000,S,hockingstuart,26/08/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,27 Arrowgrass Dr,3,h,651000,S,LJ,26/08/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,21 Stoneyfell Rd,4,h,527000,SP,Point,26/08/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,44 Garton St,4,t,2455000,SP,Marshall,26/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,96 Nott St,3,h,,S,Marshall,26/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,201 Stokes St,2,h,1515000,SP,Marshall,26/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,392 Williamstown Rd,4,h,,S,Buxton,26/08/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,304/12 Anchor Pl,2,u,650000,S,Biggin,26/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,69 Greville St,4,h,2668000,S,Biggin,26/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,82 Murray St,2,h,1500000,VB,RT,26/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,17 Packington Pl,2,h,1365000,S,Jellis,26/08/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,113 Dundas St,3,h,1100000,PI,Harcourts,26/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,61 Dundas St,3,h,910000,SP,Nelson,26/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,122 Gilbert Rd,2,h,950000,PI,hockingstuart,26/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/11 Graham Ct,3,u,810000,S,RW,26/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/154 Raglan St,2,t,761000,SP,Nelson,26/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,34 Tyler St,3,h,,S,hockingstuart,26/08/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,181 Albert St,3,h,829000,S,Barry,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/9 Asquith St,2,u,415000,SP,Love,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1E Black St,3,t,640000,PI,Ray,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Don St,4,h,1112000,S,RW,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12/13 Elsey Rd,1,u,372000,PI,Ray,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5a Kyneton Av,3,u,635000,S,Barry,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,13 Lawley St,4,h,,PI,Barry,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/12 MacK St,3,t,707000,S,Nelson,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,28 Manoel Av,4,h,852000,S,Stockdale,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Newton St,3,h,800000,PI,Ray,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,92 Pine St,2,u,625500,S,RW,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,167 Spring St,3,h,600000,VB,Love,26/08/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,170 Coppin St,4,h,1800000,S,Biggin,26/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/75 Edinburgh St,1,u,,SP,Collins,26/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 Eureka St,3,h,,PI,hockingstuart,26/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14 James St,4,h,2700000,S,Jellis,26/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Stanley St,3,h,,S,Marshall,26/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10/9 Westbank Tce,2,u,410000,PI,Jellis,26/08/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,115 Loughnan Rd,3,h,700000,S,Ray,26/08/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2/8 Sussex St,3,t,,PI,Noel,26/08/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2/16 Bronhill Rd,4,t,850000,VB,McGrath,26/08/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,14 Everard Rd,2,h,937000,S,Carter,26/08/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,6 Menzies Cr,4,h,965000,S,hockingstuart,26/08/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,128 Beverley Rd,3,h,1075000,VB,Fletchers,26/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,179 Beverley Rd,3,h,1224000,S,Nelson,26/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,30 Phillips Cr,4,h,1426000,S,Nelson,26/08/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,8 Lakeside Bvd,3,h,905000,S,Biggin,26/08/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,4 Gellion Pl,4,h,621000,S,YPA,26/08/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,8 Kennedy Pde,4,h,465000,S,Ray,26/08/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,18 Yellowstone Ct,4,h,555000,S,Raine,26/08/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,221 Bluff Rd,4,h,1490000,S,Buxton,26/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3 Campbell St,3,h,1650000,S,hockingstuart,26/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,4 Gipsy Wy,2,t,,SP,Buxton,26/08/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,1 millgrove St,3,h,890000,S,Ray,26/08/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,6/153 Austin Rd,3,u,540000,SP,Greg,26/08/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,137 East Rd,3,h,512000,S,hockingstuart,26/08/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,8 Galway St,3,h,675000,S,Barry,26/08/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,4 Alexander St,4,h,1720000,S,Sweeney,26/08/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,39 Austin St,2,h,854000,S,Sweeney,26/08/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,48 Hamilton St,4,h,1502000,SP,Sweeney,26/08/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,32 Tennyson St,2,h,1157000,S,hockingstuart,26/08/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,4 Anderson St,5,h,4500000,VB,Marshall,26/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,303/28 Bank St,2,u,580000,S,Greg,26/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,18 Martin St,3,h,1935000,S,Greg,26/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,321 Park St,2,t,,S,hockingstuart,26/08/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,2/5 Briar Ct,2,u,310000,S,HAR,26/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jezwing Av,3,h,591000,S,RW,26/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,26 Kingfisher Pl,4,h,,VB,Stockdale,26/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,15 Vanderbilt Av,4,h,750000,SP,Iconek,26/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Vincent Dr,3,h,,PI,YPA,26/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Warbler Wk,3,h,691000,S,Millership,26/08/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,8/37 Darling St,1,u,385000,S,Biggin,26/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12/48 Darling St,3,u,780000,S,Marshall,26/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/209 Domain Rd,2,u,1220000,S,hockingstuart,26/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,20/22 Mona Pl,2,u,500000,VB,Greg,26/08/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,20 Watt St,3,h,965000,S,RT,26/08/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,34 Glendale Rd,3,h,,SP,Le,26/08/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,1/52 Conrad St,2,t,457500,S,Barry,26/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,128 Denton Av,3,h,,SN,Barry,26/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,19 Grant St,3,h,,SN,Barry,26/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,33 Moonstone Cct,4,h,537000,S,YPA,26/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,39b Power St,2,u,515000,PI,Brad,26/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Ravenna St,3,h,550000,VB,Westside,26/08/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,3/12 Acland St,1,u,452000,S,hockingstuart,26/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,81/3 Alfred Sq,2,u,715000,S,hockingstuart,26/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/32 Crimea St,1,u,350000,S,hockingstuart,26/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/22 Mitford St,2,u,556000,SP,Wilson,26/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/51 Spenser St,2,u,880000,S,Chisholm,26/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,50/62 Wellington St,1,u,460000,S,hockingstuart,26/08/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,4 Collegian Av,3,h,1848000,S,McDonald,26/08/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,31 Barkly St,3,h,516000,S,Raine,26/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,17 Deakin St,3,h,410000,SP,RW,26/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,57 Dunrossil Dr,3,h,,SN,YPA,26/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,7 Fullbrook Dr,3,h,480000,PI,Leeburn,26/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,37 Ligar St,4,h,763000,S,Brad,26/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,64 Stewarts La,3,h,605000,S,One,26/08/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,9 Appleby Ct,3,h,717500,S,Barry,26/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,57 Ardoyne St,3,h,720000,S,RW,26/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,74 Hertford Rd,2,h,965000,S,Barry,26/08/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,5 Berkshire Rd,3,h,595000,SP,Barry,26/08/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,65 Europa Bnd,1,h,460000,S,S&L,26/08/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,24 Hilma St,4,h,682000,S,Barry,26/08/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,16 Mudford St,3,h,640000,S,Bells,26/08/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,20 Albert Cr,4,h,2720000,S,Kay,26/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,46 Durham Rd,3,h,1715000,S,Noel,26/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,59 Florence Rd,3,h,1320000,S,hockingstuart,26/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,24 Glendale St,7,h,,S,Fletchers,26/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Oak St,4,h,3100000,VB,Marshall,26/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,101/160 Union Rd,2,u,610000,VB,hockingstuart,26/08/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,7 Felicia Wy,4,h,600000,S,Prof.,26/08/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,27 McMahon Cr,3,h,350000,VB,S&L,26/08/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,52 Oreilly Rd,4,h,571000,S,Barry,26/08/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,1 Tavor St,5,h,,SP,TRUE,26/08/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,37 Village Av,3,t,433000,S,Frank,26/08/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,13 Coleridge Ct,6,h,1868000,S,Barry,26/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4/14 Glendale Av,3,t,790000,PI,Barry,26/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,10 Hathaway Cl,4,h,1753000,S,Barry,26/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,7 Stradmore Av,3,h,1250000,S,Jellis,26/08/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,20 Airds Rd,4,h,1745000,S,RT,26/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,16 Benambra Dr,3,h,1190000,S,hockingstuart,26/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,50 Caroline Dr,5,h,1400000,S,Barry,26/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,7 Dove Ct,4,h,1288000,S,Barry,26/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,67 Fyfe Dr,4,h,1075000,VB,hockingstuart,26/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,1/207 Manningham Rd,2,u,550000,PI,Barry,26/08/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,49/90 Edgars Rd,2,t,406500,S,HAR,26/08/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,7 Ballantyne St,3,h,1450000,S,Woodards,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/1 Collins St,1,u,428000,PI,Harcourts,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,1/128 Dundas St,2,t,770000,PI,McGrath,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,323 Gillies St,4,t,1257000,S,Jellis,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,201 Gooch St,3,h,1271000,S,Nelson,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,111 Pender St,2,t,858000,S,Jellis,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,372 Station St,3,h,,SP,Love,26/08/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,4 Blackfriars Cl,4,h,,SP,Kay,26/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/49 Bruce St,2,u,,VB,Marshall,26/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,9 Denham Pl,3,h,,S,Kay,26/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,17 Evans Ct,3,h,,SP,Kay,26/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/1059 Malvern Rd,2,u,720000,VB,Beller,26/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,25/637 Orrong Rd,2,u,631000,SP,Jellis,26/08/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,12 Arthur Cl,3,h,523000,S,Barry,26/08/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,3/32 Banksia Gr,2,u,530000,S,Jason,26/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,7 Londrew Ct,3,h,540000,S,Barry,26/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,1/34 Sharps Rd,2,u,290000,VB,Barry,26/08/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,73 Nurlendi Rd,4,h,1263500,S,Barry,26/08/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,308 Hawthorn Rd,3,t,931000,S,Biggin,26/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,25a Minchinbury Dr,3,u,,PI,Woodards,26/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2 Settlers Ct,4,h,1295000,SP,Purplebricks,26/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,9 Winswood Cl,4,h,1250000,PI,Philip,26/08/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,149 Graham Rd,5,h,1316000,SP,Nelson,26/08/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,7 Northwood Dr,4,h,,SP,Nelson,26/08/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,16 chesterfield Ct,4,h,951000,S,Ray,26/08/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,9 eton Sq,4,h,,PI,Ray,26/08/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,12 Armagh Cr,4,h,1323000,S,Barry,26/08/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,34 Fewster Dr,3,h,970000,S,Barry,26/08/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,15 Mara Cl,4,h,1330000,S,Barry,26/08/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,2/14 Daours Ct,2,u,590000,S,Lindellas,26/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,76 Kenmare St,2,h,650000,PI,Morrison,26/08/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,22 Meakin St,3,h,,PI,Nelson,26/08/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,6 Feijoa Ct,5,h,,W,YPA,26/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Gundaroo Sq,4,h,,PI,Stockdale,26/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,91 Latham St,4,h,540000,PI,Triwest,26/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Nuragi Ct,4,h,635000,S,hockingstuart,26/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,3 Sky Ct,3,h,,PI,Barry,26/08/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,1/21 Waratah St,2,t,655000,S,Jas,26/08/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,9 Black St,3,h,582000,S,Red,26/08/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,81 Hillcrest Dr,4,h,720000,VB,Barry,26/08/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,12 Strada Cr,4,h,1245000,S,Barry,26/08/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,77 Merrett Dr,3,h,1031000,SP,Williams,26/08/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,83 Power St,3,h,1170000,S,Raine,26/08/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,8/2 Thompson St,2,t,622500,SP,Greg,26/08/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,96 Verdon St,4,h,2500000,PI,Sweeney,26/08/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wyndham Vale,25 Clitheroe Dr,3,u,,PN,Harcourts,26/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,19 Dalrymple Bvd,4,h,,S,hockingstuart,26/08/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,17 Amaroo Wy,4,h,1100000,S,Buckingham,26/08/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,6 Agnes St,4,h,1285000,SP,Village,26/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,33 Freeman St,4,h,1050000,VB,Village,26/08/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Albion,3/517 Ballarat Rd,2,t,500000,PI,Biggin,27/01/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Ardeer,32 Chelsey St,3,h,620000,S,Create,27/01/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Craigieburn,31 Langdon Cr,3,h,558800,SP,RE,27/01/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Epping,19 Daylesford St,4,h,775000,S,Ray,27/01/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Ferntree Gully,73 Commercial Rd,3,h,900000,S,Biggin,27/01/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Frankston,17 Arabil St,3,h,625000,SA,O'Brien,27/01/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Hoppers Crossing,344 Morris Rd,4,h,610500,S,Barry,27/01/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Noble Park,2/2 Bowmore Rd,2,u,510000,S,Area,27/01/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Surrey Hills,5 David St,3,h,1550000,PI,Fletchers,27/01/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Thomastown,19 Harding St,6,h,,PI,Ray,27/01/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Wheelers Hill,982 Waverley Rd,4,h,1077000,S,Ray,27/01/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Yarraville,2/37 Kidman St,1,u,469999,SP,Biggin,27/01/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,1/43 Abbotsford St,2,u,505000,PI,Nelson,27/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,67 Yarra St,3,h,1402500,S,Jellis,27/05/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,5 Rita St,5,h,2905000,S,Rendina,27/05/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,163 Halsey Rd,2,h,650000,S,Prime,27/05/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,127A Parer Rd,3,t,856000,S,Barry,27/05/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,96 Danks St,3,h,1505000,S,Cayzer,27/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,99 Merton St,3,h,1900000,S,hockingstuart,27/05/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,1/44 Perth Av,3,u,575000,S,Bells,27/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,2/36 Selwyn St,3,u,600000,SA,Douglas,27/05/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,7 Maidstone St,2,h,1030000,S,Barlow,27/05/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,70 Purnell St,3,h,1005000,S,Barlow,27/05/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Ardeer,174 Forrest St,3,h,,PI,Barry,27/05/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,8/74 Denbigh Rd,2,u,410000,VB,hockingstuart,27/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,28 Royal Cr,3,h,3650000,VB,Kay,27/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/6 St James Rd,2,u,590000,S,Jellis,27/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,31A Sutherland Rd,3,h,1850000,VB,Jellis,27/05/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,22 Langs Rd,2,h,1105000,SA,Nelson,27/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,39 Middle St,3,h,1530000,S,Nelson,27/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,30 Milton St,3,h,865000,PI,Nelson,27/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,13 Victory Pde,3,h,1370000,S,Nelson,27/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,91A Walter St,3,h,1082000,S,Nelson,27/05/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,55 Fakenham Rd,4,h,1972500,S,Buxton,27/05/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,84 Nicholas St,3,h,,SP,Marshall,27/05/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,27 Vears Rd,3,h,1775000,S,Buxton,27/05/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,7 Arthur St,5,h,,SP,Buxton,27/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,27 Lavidge Rd,4,h,,PI,Buxton,27/05/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,15 Amberley Av,2,h,680000,S,Buxton,27/05/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,31 Mill St,4,h,1150000,PI,Buxton,27/05/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,2a Park La,4,h,3000000,VB,hockingstuart,27/05/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,24 Thompson St,4,h,835000,SP,Nelson,27/05/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,1/100 Balwyn Rd,2,u,460000,PI,Barry,27/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,5/4 Raynes St,2,u,725000,VB,Noel,27/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/18 Weir St,2,u,602000,S,Noel,27/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4/229 Whitehorse Rd,2,u,830000,S,Fletchers,27/05/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/37 Aylmer St,3,h,1300000,VB,Kay,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/10 Bolinda Rd,3,t,1330000,S,Marshall,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Burton St,4,h,2050000,S,Jellis,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Cityview Rd,5,h,1940000,S,hockingstuart,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Columba St,3,h,1590000,S,Jellis,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/14 Hatfield St,2,u,725000,S,Fletchers,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,130 Hill Rd,5,h,,PI,Fletchers,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,109 Maud St,2,h,2367000,S,Fletchers,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/23 Moody St,4,h,,PI,Marshall,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,64 The Boulevard,5,h,,S,Marshall,27/05/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,15 Clifford St,4,h,705000,PI,Biggin,27/05/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/8 Tracey St,3,h,610000,S,McGrath,27/05/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,13 Bodley St,4,h,2200000,S,Ray,27/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,8 Rennison St,5,h,,PI,Hodges,27/05/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,2 Erica Ct,2,h,736500,SP,Miles,27/05/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,124 Oriel Rd,3,h,780000,PI,Haughton,27/05/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,8/12 Brentwood St,2,u,420000,SP,Gary,27/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,191 Centre Rd,4,h,1479000,S,Gary,27/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Lydia St,3,h,1199000,S,Woodards,27/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16 Wheatley Rd,4,h,,PN,hockingstuart,27/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,44 Yawla St,4,h,1350000,PI,hockingstuart,27/05/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,8 Anderson Av,3,h,1767000,S,Woodards,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5A Bayview St,3,t,1350000,SP,Buxton,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1B Blenheim St,4,t,,SA,Hodges,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,31 Bristol St,3,h,890000,S,hockingstuart,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,52 Deakin St,4,h,1655000,S,hockingstuart,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16b Kenjulie Dr,3,t,1160000,PI,Buxton,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,81 Marlborough St,3,h,1430000,S,Buxton,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8b Marlborough St,4,t,1300000,S,Buxton,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Pell St,4,h,,VB,hockingstuart,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/10 Thana St,3,t,955000,S,hockingstuart,27/05/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,2 Greystoke Ct,4,h,667000,S,C21,27/05/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,65 Peel St,5,h,,SN,Barry,27/05/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,3 Thornley Dr,4,h,740000,S,Harcourts,27/05/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/43 Iona St,3,u,1080000,S,Buxton,27/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2/59 Iona St,2,u,623500,SA,Buxton,27/05/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn North,13 Caroline Cr,3,h,1190000,S,Jellis,27/05/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,4 Ryan Gr,4,h,1258000,S,Ray,27/05/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,13 Tulip Cr,3,h,,PN,Biggin,27/05/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Briar Hill,1/4 Box Rd,3,h,590000,S,Barry,27/05/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,96 Asling St,5,h,,SP,RT,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,70A Champion St,5,h,,PI,Hodges,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,5/23 Glyndon Av,2,u,1420000,PI,hockingstuart,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,30/49 Head St,3,t,1600000,VB,Chisholm,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,155B Male St,2,t,,S,Buxton,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,36 Nepean Hwy,3,h,1211000,S,RT,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,24 Norwood Av,5,h,5300000,PI,Marshall,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Stanley St,4,h,3225000,S,Biggin,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/1 Well St,2,t,,SN,Nick,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,154 Were St,3,h,,S,RT,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10 Whyte St,4,h,2385000,PI,C21,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/18 William St,3,u,1370000,S,Hodges,27/05/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1C Baird St,3,h,1750800,S,Purplebricks,27/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Binnie St,3,h,,S,Marshall,27/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,181 Dendy St,4,h,2300000,VB,Biggin,27/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Plantation Av,4,h,,PI,Buxton,27/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,15 Wallen St,4,h,1605000,S,Buxton,27/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1A Wallen St,2,h,1035000,SP,Buxton,27/05/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,87 Academy Dr,3,h,505000,SP,YPA,27/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/55 Graham St,2,u,385000,SP,YPA,27/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,158 Widford St,3,h,,W,YPA,27/05/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,32 Millers Rd,3,t,663000,S,Jas,27/05/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,13 Blair St,2,h,860000,PI,Walshe,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,141 Edward St,3,h,1505000,S,Jellis,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,142 Edward St,3,h,1700000,VB,Nelson,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,106 Evans St,3,h,1280000,S,Ray,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,404/9 Florence St,2,u,755000,SP,Jellis,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Heller St,5,h,2545000,S,Jellis,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,32 Holloway Rd,3,h,1405000,SP,Nelson,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/90 Tinning St,2,u,460000,VB,Nelson,27/05/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,40 Albion St,4,h,1210000,S,Biggin,27/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,73 Barkly St,3,h,1265000,S,Nelson,27/05/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3 Bakers Pde,3,h,1300000,VB,Nelson,27/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/7 Gordon St,2,u,460000,S,Ray,27/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/47 Murray St,1,u,263100,S,Frank,27/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,209 Union St,5,h,1075000,S,Brad,27/05/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2/11 Elizabeth St,4,t,950000,PI,Barry,27/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,44 Marjorie Cl,3,h,,PI,Fletchers,27/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,43 Robert St,1,h,1310000,S,Jellis,27/05/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,15 Bent St,3,h,714000,S,Barry,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,89 Cabernet Cr,4,h,665000,S,Barry,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Cranberry Pl,4,h,880000,PI,Ray,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Endsleigh Av,3,h,811000,S,Buckingham,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,18 Janet Cr,3,h,740000,S,Barry,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Jones Ct,3,h,1405000,S,Barry,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,27 Leeanne Cr,3,h,733500,S,Ray,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24b Main Dr,3,t,650000,PI,Ray,27/05/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnley,2a Cherrill St,3,h,1837500,S,Jellis,27/05/2017,3121,Northern Metropolitan,438,2.4,Yarra City Council +Burnside Heights,12 Burke Rd,3,h,593000,S,Barry,27/05/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burnside Heights,16 Burke Rd,4,h,,SN,Barry,27/05/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,250 Burwood Hwy,3,h,1732000,S,Ray,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1 Harrison Av,3,h,,VB,Noel,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/9 Judith St,3,u,950000,SP,Ray,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,39 Leonard St,3,h,1253500,S,Buxton,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,11 McComas Gr,7,h,1642000,S,Buxton,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,17a Spence St,4,h,1365000,S,Oriental,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/277 Warrigal Rd,2,t,700000,S,Noel,27/05/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,2C Ray Rd,3,t,780000,PI,Ray,27/05/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,19 Tussock Gr,4,h,720000,S,YPA,27/05/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,32 Aisbett Av,4,h,2001000,S,Marshall,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,41 Doonkuna Av,6,h,3400000,S,RT,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,25 Fermanagh Rd,4,h,,S,Marshall,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,14 Orrong Cr,2,h,2303000,S,Jellis,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,26 Oxford St,3,h,1622000,S,Buxton,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,65 Rowell Av,4,h,,PI,Marshall,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/4 Tyne St,3,h,1290000,VB,Jellis,27/05/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,43 Matlock St,3,h,1930000,S,Marshall,27/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,6 Maysia St,4,h,2408000,S,Jellis,27/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,42 Parlington St,4,h,4750000,S,Kay,27/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/67 Wattle Valley Rd,2,u,645000,PI,Jellis,27/05/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,1003/123 Pelham St,2,u,1100000,VB,Jellis,27/05/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,73 Amess St,3,h,,S,Nelson,27/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,673 Canning St,3,h,1628000,S,Nelson,27/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,648 Drummond St,2,h,,S,Nelson,27/05/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,3/51 Coorigil Rd,3,u,1042000,S,hockingstuart,27/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,42 Elimatta Rd,3,h,1450000,VB,Gary,27/05/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,32 William Cct,3,h,,PI,Barry,27/05/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,2/21 Stanley St,3,t,885000,SP,Buxton,27/05/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,34 Orama Av,4,h,540000,PI,Donovan,27/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,38 Trafford Rd,4,h,525000,S,Harcourts,27/05/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,5/14 Briggs St,2,u,570000,S,hockingstuart,27/05/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield East,3/5 Lord St,2,u,,SP,RT,27/05/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield East,8/8 Tattenham St,2,u,300000,VB,Thomson,27/05/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,641 Inkerman Rd,2,h,1417500,S,Marshall,27/05/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,14 Stone St,4,h,1550000,S,hockingstuart,27/05/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,2/15 Atkinson St,2,h,510000,PI,Woodards,27/05/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/4 Kalymna Gr,3,t,,PI,Buxton,27/05/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,56 Argyle Av,4,h,970000,SP,hockingstuart,27/05/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,24 Baxter Av,3,h,600000,S,Biggin,27/05/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,29 Eighth Av,3,h,670500,S,hockingstuart,27/05/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,68 Fourth Av,3,h,713000,S,Eview,27/05/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,1A Ninth Av,2,t,587500,S,Barry,27/05/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,3/104 Bernard St,3,t,,SN,Greg,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Dewrang St,3,h,1010000,SA,Hodges,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/21 Kayden St,2,u,601000,S,Buxton,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Lauriston Ct,3,h,1165000,S,O'Brien,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/51 Luxmoore St,3,t,931000,S,Hodges,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Tilley St,3,h,1145000,S,Buxton,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,37 Woodland Dr,3,h,755000,SP,Ray,27/05/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,2 Greenridge Ct,4,h,911982,SP,Hoskins,27/05/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clayton,17 Brushbox Ct,2,t,,SN,Biggin,27/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,7 Jaguar Dr,4,h,1040000,S,Buxton,27/05/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/24 Byron St,3,h,775000,PI,Woodards,27/05/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/1 Hadkinson St,3,u,700000,SP,hockingstuart,27/05/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,26 Oakes Av,3,h,1575000,SP,Harcourts,27/05/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,15 Caroline St,3,h,1460000,S,Nelson,27/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,8/96 Spensley St,2,u,556000,S,Nelson,27/05/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clyde North,15 Palomino Av,4,h,635000,SA,O'Brien,27/05/2017,3978,Eastern Victoria,2987,43.4,Casey City Council +Coburg,48 Barrow St,5,h,1615000,S,Nelson,27/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8 Hutchinson St,3,h,,SN,Barry,27/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,83 The Grove,3,h,1090000,S,Nelson,27/05/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,10 Arthur St,3,h,865000,S,Ray,27/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2/5 Lake Gr,3,t,,S,Nelson,27/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,2/4 Manly Ct,2,t,525000,VB,Raine,27/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,36 Snapshot Dr,3,h,,SP,Nelson,27/05/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,43 Campbell St,2,h,1135000,S,Kay,27/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,81 Easey St,2,h,900000,VB,Jellis,27/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,11/115 Oxford St,3,u,,SP,Jellis,27/05/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,2 Andover La,2,t,340000,S,Ray,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Healey St,3,h,499000,S,@Realty,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Hoxton Cr,3,h,565500,S,Stockdale,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Huntingdale Ct,6,h,506000,S,Raine,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,77 Huntington Dr,3,h,430000,S,Ray,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Monarch Wy,4,h,740000,S,Ray,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,69 Parkside Ri,5,h,980000,S,YPA,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,84 Royal Tce,3,t,420000,S,Ray,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,34 Viewside Cr,4,h,653000,S,Ray,27/05/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,311/163 Cremorne St,2,u,570000,S,Biggin,27/05/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,52 Wellington St,2,h,1253000,S,Biggin,27/05/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,24 Abraham Dr,4,h,720000,S,Ray,27/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,23A Eastmead Rd,4,h,,SP,Barry,27/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,23 Glenwood Dr,3,h,,PI,Fletchers,27/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,13 Robinson St,3,h,637000,S,Philip,27/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,4/12 Vinter Av,3,u,690000,S,Barry,27/05/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,47 Rosemary Av,4,h,835500,S,Hoskins,27/05/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon Hills,8 Wildberry Cl,4,h,905000,S,Fletchers,27/05/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,6 Baringa Rd,4,h,835000,SP,Fletchers,27/05/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,242A Yarra Rd,3,h,785000,S,Jellis,27/05/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,57 Blazey Rd,3,h,800000,SA,Barry,27/05/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,7 Eton Ct,3,h,560000,SP,O'Brien,27/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,43 Power St,3,h,665000,PI,Stockdale,27/05/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,30 Carlton Rd,3,h,,SN,Barry,27/05/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,7 Ballina Ct,4,h,447000,S,HAR,27/05/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,5 Livingston St,3,h,570000,S,Stockdale,27/05/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,8 Drum St,4,h,610000,S,Bells,27/05/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diggers Rest,15 Eureka Rd,3,h,435000,S,YPA,27/05/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,4 Ruby Pl,4,h,1255000,S,Ray,27/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1/270 Spring Rd,2,u,595000,S,Ray,27/05/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,41 Bordeaux St,4,h,1616000,S,Barry,27/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,11 Burilla Av,3,h,,SP,RW,27/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,55 Caringal Av,5,h,1525000,S,Barry,27/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9 Ella Ct,3,h,1060000,S,Barry,27/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,59 Wetherby Rd,4,h,1250000,S,Barry,27/05/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,2/24 Boronia Gr,3,u,871000,S,Fletchers,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,31 Buvelot Wyn,4,h,1456000,S,Barry,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,31 Cavalier St,3,h,1451000,S,Barry,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,30 Daphne St,3,h,1385000,S,Noel,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2A Dianne St,3,h,1360000,S,Jellis,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Grasmere Av,6,h,2600000,S,Woodards,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Tidcombe Cr,4,h,1320000,S,Barry,27/05/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,15 Cabena St,5,h,,S,Barry,27/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,10a Cameron Cl,4,h,1351000,SP,hockingstuart,27/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,7 Colwyn Ct,4,h,,SP,Barry,27/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,45 Larne Av,5,h,2190000,PI,Jellis,27/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,6 Yileen Ct,5,h,2620000,S,Barry,27/05/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Edithvale,31 Berry Av,3,h,775000,PI,O'Brien,27/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,91 Edithvale Rd,6,h,1850000,S,O'Brien,27/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,24 Tudor Ct,2,u,612500,S,Ray,27/05/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,7/15 Alexandra Av,2,u,611500,S,Buxton,27/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,111 Nepean Hwy,3,h,1060000,S,Biggin,27/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,1/6 Parnell St,4,t,1970000,S,Gary,27/05/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,17 Beard St,6,h,855000,S,Morrison,27/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,5 Souter St,3,h,855000,S,Barry,27/05/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,47 Acheron Cr,4,h,,PI,Ray,27/05/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,45 Parry Rd,4,h,895000,SP,Buckingham,27/05/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,99 Weidlich Rd,4,h,925000,S,Barry,27/05/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,1/203 Brighton Rd,2,u,902000,S,RT,27/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,50 John St,2,h,1410000,S,Chisholm,27/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/25 Kingsley St,2,u,660000,S,Chisholm,27/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/481 St Kilda St,3,t,1360000,S,hockingstuart,27/05/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,12 Cabot Dr,3,h,500000,S,Harcourts,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Cavalier Ct,3,h,573000,S,Love,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/12 Chettam St,3,u,380500,SP,Iconek,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,9 Euroa St,3,h,510000,S,hockingstuart,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18 Grimwade Ct,3,h,528000,S,Ray,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,53 Hayston Bvd,3,h,465000,S,Harcourts,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Orlit Ct,4,h,545000,PI,Barry,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14A Supply Dr,2,h,452500,S,Barry,27/05/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,9 Amelia Av,4,h,1577000,S,Hodges,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,100 Bradshaw St,2,h,1980000,S,Barry,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/7 Mary St,3,t,830000,VB,Nelson,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,207/1005 Mt Alexander Rd,2,u,,VB,Barry,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1B Ogilvie St,3,h,886000,S,Nelson,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,91A Roberts St,4,h,,SP,Nelson,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/18 Shaftesbury St,1,u,280000,S,Frank,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/10 Winifred St,3,h,850000,PI,Purplebricks,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9/137 Woodland St,1,u,,S,Nelson,27/05/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,5/8 Keam St,2,u,445000,PI,Barry,27/05/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,1/22 Royal Av,3,h,700000,S,Nelson,27/05/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,36 Ruby St,3,h,1050000,VB,Barry,27/05/2017,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,84 Rathmines St,4,h,,SP,Jellis,27/05/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,139 Anderson Rd,3,h,710000,S,Stockdale,27/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,8 James St,4,h,800000,S,Hodges,27/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,165 Jukes Rd,3,h,805000,S,hockingstuart,27/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,24 Maher St,4,h,,PN,Melbourne,27/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,46 Marlborough St,2,h,786000,S,Brad,27/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13A Queens Pde,3,t,577000,S,Brad,27/05/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,4/4 Austin St,3,t,670000,S,Philip,27/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,24a Helen Rd,2,u,617000,S,Schroeder,27/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,372 Scoresby Rd,6,h,,PN,Biggin,27/05/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,7 Bell St,4,h,,S,Nelson,27/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,49/183 Kerr St,3,u,2265000,S,Nelson,27/05/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,74 Best St,2,h,1321000,S,Woodards,27/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,710 Brunswick St,2,h,960000,S,Nelson,27/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,46 Delbridge St,6,h,,S,Nelson,27/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,10/51 Delbridge St,1,u,495000,S,Jellis,27/05/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,8 John St,2,h,990000,S,Nelson,27/05/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,7 Batman St,3,h,1100000,S,Burnham,27/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/7 Govan St,2,u,632000,S,Jas,27/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/6 Rosamond Rd,2,t,455000,S,Biggin,27/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Souter Cr,2,h,711000,SP,Jas,27/05/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,4 Blatch Ct,4,h,,S,Jellis,27/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,33/305 Canterbury Rd,2,h,680000,SP,Fletchers,27/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2 Quentin St,5,h,1205000,S,Noel,27/05/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,81 Dalpura Cct,3,h,491000,S,Community,27/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,109 Franciscan Av,3,h,,SN,Barry,27/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2 Lytham Ct,3,h,566000,S,Purplebricks,27/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,19 Meerlu Av,4,h,,PI,Barry,27/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,59 Summit Rd,3,h,740000,S,Harcourts,27/05/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,28 Gowrie Av,4,h,1006000,S,Ray,27/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Lyons Av,3,h,,SN,Barry,27/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,13 Marcus Rd,5,h,,SN,Barry,27/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,641 Nepean Hwy,4,h,1400000,SP,U,27/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,11 The Crest,4,h,,PI,Barry,27/05/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,171 North Rd,5,h,1880000,S,Biggin,27/05/2017,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gisborne,4/7 Francis Cr,3,h,470000,PI,Raine,27/05/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,38 Beresford Cr,4,h,615000,SP,Barry,27/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,91 Carrick Dr,3,h,755000,S,Jason,27/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,10 Taunton Pl,4,h,635000,S,YPA,27/05/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,2/37 Aintree Rd,2,u,762000,S,Jellis,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,20 Beatrice St,4,h,,S,Marshall,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/6 Belmont Av,2,u,811000,S,Woodards,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Clonarg St,4,h,,S,Marshall,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,11/46 Edgar St,2,u,501000,S,hockingstuart,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Estella St,4,h,2920000,S,Marshall,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/25 Gardiner Pde,3,t,1501000,S,hockingstuart,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Howard St,4,h,,S,Marshall,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2A King St,3,t,1140000,S,Jellis,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Macdonald St,3,h,,SP,Jellis,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,42 Martin Rd,3,h,1500000,S,J,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,68 Martin Rd,3,h,1440000,S,Abercromby's,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/8 Osborne Av,2,u,570000,S,hockingstuart,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1a Pascoe St,3,u,1330000,S,Fletchers,27/05/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,37 Brentwood Dr,4,h,1130000,S,Ray,27/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Buller Dr,4,h,1331000,S,McGrath,27/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Cooper Av,3,h,1141000,S,McGrath,27/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/32 Montclair Av,3,u,,SN,Barry,27/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19 Norfolk St,4,h,1100000,S,Harcourts,27/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/14 Utah Rd,3,u,1135000,S,McGrath,27/05/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,73 Augustine Tce,4,h,651000,PI,Eview,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1 Dromana St,3,h,865000,S,Brad,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,7/56 Golf Links Rd,1,u,362500,SP,Brad,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,71 Hartington St,3,h,,PI,Barry,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,8 Kalang Rd,3,h,922000,S,Eview,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/159 Melbourne Av,3,t,625000,PI,Nelson,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,7 Mitchell Ct,2,h,650000,S,Ray,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,73 Pecham St,3,h,963500,S,Stockdale,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,53 William St,3,h,815000,S,Barry,27/05/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,5 Glenice St,3,h,740000,S,Darren,27/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Kanowindra Cr,3,h,818000,S,Morrison,27/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,8/50 Scotland Av,2,u,510000,S,Barry,27/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,20 Viewgrand Wy,4,h,,PI,Barry,27/05/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,17 Bolton Ct,5,h,750000,S,Stockdale,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Castlehill Av,4,h,,VB,Barry,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,30 Castlehill Av,5,h,820500,S,Stockdale,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,65 Clare Bvd,4,h,730000,S,YPA,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,69 Greenvale Dr,3,h,770000,S,RW,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,75 Horizon Bvd,4,h,,SN,RE,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 Taormina St,3,h,550000,VB,Barry,27/05/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,1 Mikado St,3,h,870000,S,Stockdale,27/05/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,2B Austin Rd,3,h,1300000,SP,hockingstuart,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,12/36 Crisp St,2,u,,SP,Ray,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,13A Highett Rd,3,h,,SN,hockingstuart,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Holyrood St,4,h,,PI,Marshall,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,68 Littlewood St,4,h,2905000,S,Marshall,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,53 Teddington Rd,2,h,1695000,S,Hodges,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,28 The Avenue,4,h,2550000,SP,Hodges,27/05/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3 Crest Av,5,h,1590000,SP,Buxton,27/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1/17 Keiller St,2,u,532500,S,Buxton,27/05/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,14 Tatterson St,3,h,561000,S,Harcourts,27/05/2017,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,3/199 Auburn Rd,2,u,525000,SP,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,328 Barkers Rd,4,h,2800000,PI,RT,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,36 Bell St,3,h,1870000,PI,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3 Churchill Gr,3,h,2402500,S,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,56 Denham St,3,h,1955000,S,Jellis,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10 Edward St,3,h,1702000,SP,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,204/36 Lynch St,2,u,500000,VB,Gary,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,16 Marian St,4,h,3399000,S,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,39 Mason St,4,h,,S,Kay,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,29 Oak St,4,h,3900000,S,Jellis,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,36 Oxley Rd,3,h,,S,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/125 Riversdale Rd,2,u,697000,S,Marshall,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,106/17 Riversdale Rd,2,u,550000,VB,Jellis,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/8 Wallen Rd,2,u,,SP,Caine,27/05/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,8/772 Burwood Rd,2,u,802500,S,Jellis,27/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,1/2 Constance St,2,u,675000,S,Jellis,27/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/20 Denmark Hill Rd,1,u,441000,S,Jellis,27/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,28 Mayston St,3,h,2680000,S,Jellis,27/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/305 Riversdale Rd,2,u,500000,S,hockingstuart,27/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,512 Tooronga Rd,2,h,,SP,Jellis,27/05/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg,3/62 Darebin St,2,t,738000,S,Miles,27/05/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2/98 Hawdon St,2,t,,S,Haughton,27/05/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/34 Bamfield Rd,3,t,715000,SA,Barry,27/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,31 Collins St,3,h,800000,S,Barry,27/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,49C Dresden St,2,t,680000,S,Jellis,27/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,67 McEwan Rd,3,h,1010000,S,Haughton,27/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/32 Shelley St,4,t,,S,Jellis,27/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/171 Waiora Rd,3,u,630000,VB,Miles,27/05/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,312 Liberty Pde,3,h,605000,S,Haughton,27/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,314 Liberty Pde,3,h,580000,S,Haughton,27/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,17/459 Waterdale Rd,2,u,444000,S,Miles,27/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,581 Waterdale Rd,2,h,532000,S,Ray,27/05/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2 Graham Rd,3,h,,SP,Hodges,27/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,48 Henry St,3,h,,SN,Hodges,27/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,8 Sydenham St,3,h,1600000,S,hockingstuart,27/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,56a Tibrockney St,4,t,1460000,SP,Buxton,27/05/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,10 Chris Ct,4,h,677000,S,Barry,27/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Marner Av,3,h,493500,S,Barry,27/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,8 Tormorvey Av,3,h,610000,SP,Barry,27/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 View Ct,4,h,737500,S,Brad,27/05/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,138 Bellbridge Dr,3,h,520000,SP,Barry,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,48 Branton Rd,3,h,553100,S,Triwest,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,2 Dunk Ct,3,h,418000,S,Ray,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,9 Hawthorn Dr,3,h,505000,S,Sweeney,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Hayden St,3,h,492000,S,YPA,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Kelwin Ct,4,h,680000,VB,hockingstuart,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Lisa Ct,4,h,472000,S,Barry,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,38 MacEdon St,3,h,442500,S,Greg,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,18 Moffatt Cr,4,h,530000,S,Triwest,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,507 Sayers Rd,4,h,,SP,Ray,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,18 Smeaton Av,3,h,490000,S,Barry,27/05/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,109 Carlisle Cr,3,h,842500,S,Ray,27/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1/7 Dalston Rd,3,u,1203500,S,Ray,27/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,198 Poath Rd,3,h,1250000,VB,hockingstuart,27/05/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,4 Dudley St,3,h,,SN,Miles,27/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,128 Green St,3,h,1475000,S,Nelson,27/05/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,8 Carmichael St,3,h,1640000,S,Nelson,27/05/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,7 Bessell Ct,3,h,590500,S,YPA,27/05/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,3 Gerona St,3,h,895000,S,O'Brien,27/05/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,30 Skyline Dr,6,h,,S,Nelson,27/05/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,2/67 Lady Nelson Wy,3,h,444000,S,Jellis,27/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,43 Tarella Dr,4,h,790000,S,Nelson,27/05/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Carey Ct,3,h,825000,S,Barry,27/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,10 Cecelia Dr,3,h,806000,S,Barry,27/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,92 Sterling Dr,4,h,698000,S,Nelson,27/05/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,55 Erebus St,3,h,752500,S,Nelson,27/05/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,205/72 Altona St,1,u,400000,SP,Edward,27/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,2 Smith St,1,t,715000,S,Nelson,27/05/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,105/191 Barkers Rd,2,u,585000,PI,LITTLE,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,29 Denmark St,3,h,1300000,SP,Biggin,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,32 First Av,3,h,1767000,S,Jellis,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,84 Gladstone St,4,h,,S,Jellis,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/863 Glenferrie Rd,3,u,660000,S,Jellis,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11A Mary St,3,h,,SN,Nelson,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,54 Parkhill Rd,2,h,,S,Fletchers,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/4 Swinton Av,2,u,785000,S,Nelson,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,35 Thornton St,4,h,2425000,PI,Jellis,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/125 Walpole St,2,t,825000,S,Jellis,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/62 Walpole St,2,u,682000,S,Nelson,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4 Weir St,5,h,3200500,S,Kay,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,117A Willsmere Rd,3,h,1110000,PI,Ray,27/05/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,9 Hartwood St,4,h,2258000,S,Jellis,27/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/21 Namur St,3,h,,SP,Marshall,27/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,84 Westbrook St,3,h,1650000,VB,Noel,27/05/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,17 Ennismore Dr,3,h,,SN,Barry,27/05/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,19 The Strand,4,h,1250000,S,Buxton,27/05/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,13 Camelia St,5,h,520000,SP,Ray,27/05/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,8/35 Edgar St,2,u,555000,SP,Jas,27/05/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,8 Markhill Pl,4,h,1218000,S,Ray,27/05/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,8 Mistletoe Cl,4,h,1010000,S,Noel,27/05/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,21 Peppermint Gr,4,h,,SP,Barry,27/05/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,3/103 Cyprus St,2,u,383000,S,Harcourts,27/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,25 Dickens St,3,h,,PI,Harcourts,27/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,1 Kent Rd,3,h,600000,S,Ray,27/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,61 McKimmies Rd,3,h,487000,S,Love,27/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,20 Parfrey Av,3,h,,PI,Barry,27/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Rosemary Dr,3,h,572000,S,Love,27/05/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,4/38 Alma St,2,u,650000,PI,Morrison,27/05/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,2/3 Joynt St,3,h,731000,S,Barry,27/05/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,139 Yallambie Rd,4,h,,SP,Nelson,27/05/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1 Gilda St,3,h,793000,S,hockingstuart,27/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1 Rivet Wk,3,t,,PI,hockingstuart,27/05/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,9 Elizabeth St,4,h,,PI,Marshall,27/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,10 Horace St,4,h,2775000,PI,Marshall,27/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,13 Nicholls St,3,h,1700000,PI,Jellis,27/05/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,47 Belgrave Rd,3,h,,PI,Marshall,27/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/1403 Dandenong Rd,2,u,,S,Marshall,27/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/1 Grant St,3,t,1060000,S,Jellis,27/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/1810 Malvern Rd,3,t,,W,Rombotis,27/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,76 Manning Rd,4,h,2400000,S,Marshall,27/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,71 Repton Rd,3,h,,SP,Marshall,27/05/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,21/9 Fabian Ct,2,u,530000,S,hockingstuart,27/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,107 Gatehouse Pl,2,u,450000,SP,Raine,27/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,2/6 Hillsdale Av,4,h,1140000,S,hockingstuart,27/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,22 The Grand,4,h,1510500,SP,Biggin,27/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,18/4 Wests Rd,2,u,353000,S,Biggin,27/05/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,77 Nicholson St,2,h,1250000,SP,McGrath,27/05/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,75 Wright St,5,h,2300000,S,Hodges,27/05/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,44 Bicentennial Cr,1,h,387000,S,Raine,27/05/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1814/250 Elizabeth St,2,u,720000,S,Harcourts,27/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,14/27 Queens Rd,3,u,880000,VB,Kay,27/05/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,14 Musk Ct,3,h,295000,SP,PRDNationwide,27/05/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,3 Francis St,4,h,347500,S,hockingstuart,27/05/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,3 Becker Cl,3,h,410000,S,Reliance,27/05/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,5A Elizabeth St,3,t,1010000,S,Buxton,27/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1 Rogers St,5,h,1485000,S,Greg,27/05/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,34 Neptune Tce,4,h,730000,SP,Ray,27/05/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,89 Armstrong St,3,h,3750000,PI,Greg,27/05/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,150 Page St,3,h,1750000,VB,Greg,27/05/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,286 Richardson St,3,h,,S,Marshall,27/05/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/210 Childs Rd,3,h,440000,S,Ray,27/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3/84 Mill Park Dr,2,t,480750,S,Ray,27/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/15 Mirbelia Cr,3,h,540000,S,Ray,27/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Stockdale Wy,4,h,780000,SP,Ray,27/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,79 Veronica Cr,3,h,752000,S,Love,27/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Winter Ct,5,h,725000,SP,Ray,27/05/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,7 Beaufort St,4,h,,SN,Noel,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,22 Churinga Av,4,h,1150000,VB,Noel,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5a Compton St,2,u,695000,S,Barry,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,27 Forster St,2,h,655000,S,Barry,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/39 Harrison St,3,u,775000,SP,Jellis,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/10 Owen St,3,u,820000,VB,Noel,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Sunninghill Ct,4,h,990000,S,Ray,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,14 Victory St,2,h,883000,S,Jellis,27/05/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,72 Zetland Rd,4,h,1462000,S,Fletchers,27/05/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,12 Aanensen Ct,3,h,1130000,S,Barry,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,3/50 Airlie Rd,3,t,960000,S,Barry,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,30 Astley St,4,h,1050000,S,Buckingham,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,35 Astley St,3,h,900000,S,Barry,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,21 Beattie St,3,h,806000,S,Barry,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,19 Davey Rd,3,h,1160000,S,Ray,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,50 Kirwana Gr,3,h,700000,PI,Barry,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,17 Virginia Ct,4,h,980000,S,Barry,27/05/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,9 Ardmillan Rd,5,h,,S,McDonald,27/05/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1/3 Fiddes St,3,t,1121000,SP,hockingstuart,27/05/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,2/4 Clovelly Ct,4,t,1250800,S,Jellis,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Gloucester St,4,h,1327000,S,Ray,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/2 Gwynne St,2,u,670000,S,McGrath,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Hillview Av,4,h,1523000,S,Jellis,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Nethercote Dr,5,h,,SN,Biggin,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Rowan Ct,3,h,1615000,S,Gary,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Wadham Pde,4,h,1400000,S,Ray,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/1 Winbourne Rd,2,u,620000,S,Stockdale,27/05/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,5 Grosvenor Av,3,h,,SN,Biggin,27/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,16 Morawa Dr,3,h,800000,S,Ray,27/05/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,12 Kinlock Av,4,h,1676000,S,Woodards,27/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,217 Murrumbeena Rd,4,h,1540000,S,Woodards,27/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,7/502 Neerim Rd,1,t,470000,S,Thomson,27/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,9b Stewart St,3,u,1160000,S,Hodges,27/05/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,56 Springfield Dr,4,h,,PI,Barry,27/05/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Niddrie,57A Coghlan St,3,h,1200000,VB,Nelson,27/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/27 Pearl St,3,t,715000,SP,Frank,27/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,35 Spring St,4,h,1010000,S,Barry,27/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,13 The Avenue,3,h,980000,S,Nelson,27/05/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,5 Briggs Cr,2,h,,PI,iSell,27/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,26 Forster St,3,h,730000,S,iSell,27/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,6 Helen Ct,3,h,676000,SP,Leyton,27/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,64 Leonard Av,4,h,839000,S,iSell,27/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,13 Mather Rd,4,h,805000,S,C21,27/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,25 Moodemere St,3,h,802000,S,C21,27/05/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,72 Curzon St,2,h,1126000,SP,Nelson,27/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,363 Dryburgh St,4,h,1746000,S,Jellis,27/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,4/8 Falshaws La,2,u,799000,S,Jellis,27/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,357 Flemington Rd,3,h,1285000,PI,J,27/05/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,199 Clarke St,3,h,1360000,PI,McGrath,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,205 Clarke St,3,h,1512000,S,Jellis,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,17 Cunningham St,4,h,,SN,McGrath,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,24 Henry St,4,h,2042000,S,Elite,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9 Lawry St,3,h,1285000,PI,Barry,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,203 Separation St,3,h,,SP,Nelson,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16 Thomson St,2,h,1260000,S,Jellis,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,11 Tobin Av,3,h,1700000,VB,Jellis,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,38 Whalley St,4,h,1650000,PI,McGrath,27/05/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3/7 Lilian St,3,t,1235000,S,Fletchers,27/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,23 Morden Ct,4,h,1570000,S,Jellis,27/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/324 Springfield Rd,3,u,777000,S,Barry,27/05/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,12 Jessie St,3,h,972000,S,Brad,27/05/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,17 John St,2,h,1225000,S,Woodards,27/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,14 Mora Av,3,h,1170000,S,Ray,27/05/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,16 Leumear St,3,h,1292000,S,Harcourts,27/05/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/83 Patrick St,4,t,912000,S,Buxton,27/05/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,2/5 Cleek Av,3,t,1217500,S,Buxton,27/05/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2 Golf Rd,3,h,,SP,Woodards,27/05/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,46 Draper St,4,h,,PN,Buxton,27/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,11 Newham Gr,4,h,1565000,PI,Woodards,27/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/6 Ulupna Rd,2,u,640000,PI,Ray,27/05/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,4 Illawarra Wy,4,h,,SP,Ray,27/05/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,5 Booth St,2,h,1270000,S,Barry,27/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,45 Eighth St,5,h,1485000,S,Buxton,27/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,20 Hawke St,4,h,1137500,SP,Barry,27/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,22b Stewart Av,3,h,1625000,S,Hodges,27/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3 Surf St,3,h,1415000,SP,Obrien,27/05/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,301/228 The Avenue,3,u,1560000,PI,Nelson,27/05/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,106 Boundary Rd,2,h,,PI,Brad,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/236 Boundary Rd,2,t,530000,S,Raine,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/15 Callander Rd,2,t,,SN,Eview,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,111 Derby St,3,h,876000,S,Nelson,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dorothy St,3,h,802000,S,Nelson,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,8b Hayes Pde,4,t,882000,S,Barry,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/22 Joffre Rd,3,u,736000,S,Nelson,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/21 Main St,3,t,755000,S,Eview,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/48 Railway Pde,3,t,,SP,Love,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/43 Surrey St,2,h,478000,S,Nelson,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,308 Sussex St,2,h,650000,VB,Raine,27/05/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,63 Ladybird Cr,4,h,686000,S,hockingstuart,27/05/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,31 Albert St,2,h,1335000,S,Cayzer,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1/181 Bay St,2,u,,PI,Chisholm,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,104/115 Beach St,3,u,,SN,Biggin,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,130 Bridge St,2,h,,SP,Marshall,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,149b Graham St,2,h,,S,Marshall,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,129/70 Nott St,2,u,,SP,Cayzer,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2/79 Pickles St,1,u,545000,S,Chisholm,27/05/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,10 Closeburn Av,4,h,3000000,VB,Kay,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/305 Dandenong Rd,2,u,740000,S,Biggin,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/43 Grandview Gr,1,u,,SN,hockingstuart,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,102/11 Hillingdon Pl,2,u,698000,S,Marshall,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,11 Jessamine Av,4,h,,S,Jellis,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/6 Karbarook Av,2,u,561200,SP,hockingstuart,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,20 King St,2,h,780000,VB,Biggin,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,3/6 Miller St,2,t,1190000,S,Jellis,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,15A Percy St,2,h,1170000,PI,Kay,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,9/3 Rae Ct,2,u,660000,S,hockingstuart,27/05/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,19 Cynga St,3,h,920000,PI,Haughton,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,105 Gower St,3,h,1115000,S,McGrath,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,40/122 High St,3,u,550000,PI,Harcourts,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,52 May St,3,h,1171000,S,Woodards,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,477 Murray Rd,5,h,1060000,SP,Nelson,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,428 Plenty Rd,3,h,996000,S,hockingstuart,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/5 Sussex St,2,h,617500,S,Holland,27/05/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,5 Boldrewood Pde,3,h,817000,S,Barry,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,25 Fyfe St,2,t,575000,S,Ray,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/6 Griffiths St,2,u,,VB,Nelson,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/3 Hobbs Cr,3,t,645000,S,Nelson,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,66 Lockton Av,3,h,,S,Barry,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,23 Pallant Av,3,h,750000,S,Harcourts,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,104 Purinuan Rd,3,h,635000,SP,hockingstuart,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/80 Rathcown Rd,2,u,470000,S,hockingstuart,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/116 Spring St,3,h,700000,S,Stockdale,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4 Wattle Gr,3,h,860000,S,Nelson,27/05/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,25 Canterbury St,2,h,1000000,PI,Biggin,27/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,74 Hunter St,3,h,1250000,VB,Jellis,27/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,28 Newry St,3,h,1280000,S,Biggin,27/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,52/73 River St,2,u,615000,PI,hockingstuart,27/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/4 Smith St,1,u,314000,SP,Biggin,27/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9 Wall St,2,h,1341000,S,Biggin,27/05/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,1/15 Reserve Rd,3,h,700000,VB,Noel,27/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,6 Stonington Pl,4,h,,PI,Fletchers,27/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,4 Strathallyn Rd,3,h,930000,S,Free,27/05/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2/5 Mines Rd,2,u,609000,S,Barry,27/05/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,11A Linden Rd,3,t,830000,S,Carter,27/05/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,12 The Summit,4,h,1085000,S,Noel,27/05/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,5/53 Bellevue Av,4,u,895000,S,Miles,27/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,9 Darvall St,3,h,1100000,PI,Fletchers,27/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6 Douglas St,4,h,1185000,S,Barry,27/05/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,8/1084 Stud Rd,2,u,,PN,Biggin,27/05/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,12 Chesterville Ct,4,h,500000,S,Raine,27/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Gaussberg Wk,4,h,700000,S,Raine,27/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,16 Hunter Av,4,h,,SN,Barry,27/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,26 Paroo Av,4,h,571000,S,RW,27/05/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,57 Bay Rd,4,h,,PI,Buxton,27/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,59a Duncan St,2,u,,SP,Marshall,27/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/1 George St,3,u,630000,PI,Ray,27/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,8/7 Neptune St,2,u,760000,S,Buxton,27/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,79 Victoria St,4,h,2100000,S,Buxton,27/05/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,6 Sheppard Dr,3,h,,SN,Barry,27/05/2017,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,123 Kananook Av,3,h,765000,SP,O'Brien,27/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,2/76 Nepean Hwy,3,t,767000,S,hockingstuart,27/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,12 Riviera St,4,h,795000,S,Veitch,27/05/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,1 Bute St,3,h,1315000,PI,Biggin,27/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,57 Charles St,2,h,830000,VB,Village,27/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,7 Edward St,4,h,,SP,Village,27/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,19 Station Rd,2,h,940000,S,Jellis,27/05/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Silvan,16 Eleanor Dr,3,h,1085000,S,Harcourts,27/05/2017,3795,Eastern Victoria,457,34.6,Yarra Ranges Shire Council +South Kingsville,41 Kernot St,3,h,835000,S,Biggin,27/05/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,2503/50 Albert Rd,2,u,,PI,Marshall,27/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,67 Dow St,1,h,807500,S,Greg,27/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,8 Ferrars Pl,4,h,4100000,S,Greg,27/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,47 Howe Cr,3,h,4600000,S,Marshall,27/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,101 Napier St,3,h,,S,Jellis,27/05/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,5 Glenorchy Wy,2,h,380000,S,Ray,27/05/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,29 Balmoral St,3,h,,PI,Noel,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/20 Chambers St,3,u,1430000,S,Jellis,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4 Hawksburn Rd,4,h,2920000,S,RT,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17/43 Kensington Rd,1,u,400000,VB,Jellis,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,14/45 Kensington Rd,2,u,,SA,Hodges,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/5 Stanhope Ct,2,u,,S,Marshall,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/128 Toorak Rd W,2,u,1730000,SP,Jellis,27/05/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,2/96 Dodds St,2,u,600000,S,hockingstuart,27/05/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,28/161 Sturt St,2,u,600000,VB,hockingstuart,27/05/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,14 Derham St,4,h,1300000,VB,Village,27/05/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,21 Steel St,3,h,991000,S,hockingstuart,27/05/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,111 The Avenue,3,h,1000000,VB,Village,27/05/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,16 Eve Ct,3,h,,PI,Ray,27/05/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,11 Bent St,3,h,,SN,Barry,27/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Bent St,3,h,650000,S,Sweeney,27/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,35 Chelmsford Cr,3,h,606000,SP,Brad,27/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,34 Conrad St,1,h,565000,S,Bells,27/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,12 Harmon Av,3,h,,SN,Barry,27/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,29 Marsden Cr,2,h,940000,S,Ray,27/05/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,11 Erinne Ct,5,h,1387000,S,Morrison,27/05/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Helena,1 Oakbank Ct,4,h,,S,Fletchers,27/05/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,32 Acland St,4,h,,PI,Buxton,27/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/57 Chapel St,1,u,480000,PI,Buxton,27/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/12 Charles St,2,u,730000,S,RT,27/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,502/7 Greeves St,2,u,512000,S,McGrath,27/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/17 Martin St,2,t,,PI,McGrath,27/05/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunbury,19 Casey Av,3,h,420000,SP,Raine,27/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,20 Miller St,4,h,535000,SP,Brad,27/05/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,4 Farnsworth St,3,h,865000,S,Douglas,27/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,81 Parsons St,3,h,1070000,S,Bells,27/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,4/136 Wright St,1,u,245000,SP,Douglas,27/05/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,9 Compton Pde,6,h,750000,SP,Douglas,27/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,9 McLeod St,3,h,632000,S,Douglas,27/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,14 Oxford St,3,h,905000,SP,Douglas,27/05/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,146 Hilma St,3,h,,PI,Bells,27/05/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4/18 Alexandra Cr,2,h,510000,VB,Noel,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,64 Croydon Rd,2,h,,SP,Jellis,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,25 James St,5,h,2505000,S,Jellis,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,33 Kingston Rd,3,h,1785000,S,Noel,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,27 Pembroke St,4,h,,SP,Fletchers,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,18 Russell St,4,h,,S,Marshall,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,63 Russell St,3,h,1580000,S,J,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,462 Whitehorse Rd,3,h,1620000,SA,Woodards,27/05/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,5 Lauderdale Dr,4,h,505000,S,Ray,27/05/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,16 Coronation St,3,h,645000,S,Barry,27/05/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,7 Hanson Ct,5,h,1300000,PI,Barry,27/05/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,15 Moonie Cl,3,h,,SP,Barry,27/05/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,3 Robhill Ri,5,h,,SP,Jellis,27/05/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,45 Chalon Av,3,h,,SN,Ray,27/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,25 Eric Av,4,h,,PI,Nelson,27/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Lakeview Tce,3,h,1530000,PI,Jellis,27/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,91 MacEdon Rd,5,h,1381000,S,Barry,27/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Magnolia Dr,5,h,1225000,PI,Barry,27/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,140 Swanston St,4,h,1375000,VB,Jellis,27/05/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,20 Caroline St,3,h,705000,S,Barry,27/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,160 Dalton Rd,3,h,550000,S,Stockdale,27/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,19 Millgrove Av,4,h,760000,S,Harcourts,27/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,18 Plane St,3,h,630000,SP,YPA,27/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,84 The Boulevard,3,h,740000,S,Harcourts,27/05/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,2/124 Flinders St,2,u,745000,S,McGrath,27/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,9/13 Harold St,1,u,,SN,Harcourts,27/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,30 Martin St,3,h,1225000,SP,Jellis,27/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,118 Rossmoyne St,4,h,1400000,S,McGrath,27/05/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,16A Glyndebourne Av,3,h,2900000,VB,Kay,27/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5/7 Struan St,3,u,,SN,Kay,27/05/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,14 Holland Cr,4,h,533000,SP,RW,27/05/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,1/14 Stable Dr,3,u,390000,SP,Sweeney,27/05/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,1/6 Burvale Ct,3,t,555000,S,Barry,27/05/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,35 Finningley Dr,3,h,695000,S,YPA,27/05/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Upwey,338 Glenfern Rd,2,h,575000,S,Harcourts,27/05/2017,3158,Eastern Victoria,2591,29.3,Yarra Ranges Shire Council +Vermont,6 Carramar Ct,4,h,,SN,Harcourts,27/05/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,529 Mitcham Rd,5,h,,SP,John,27/05/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,560 Burwood Hwy,4,h,,VB,hockingstuart,27/05/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,7 Hempstead Av,4,h,,PI,Harcourts,27/05/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,4 Bartram Ri,4,h,1256000,S,Miles,27/05/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,34 Martins La,3,h,870000,S,Miles,27/05/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,14b Kingloch Pde,3,t,790000,S,Ray,27/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,11 Linsley Wy,2,h,820000,SP,Barry,27/05/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Warrandyte,3 David Rd,4,h,1050000,S,Fletchers,27/05/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warranwood,14 Landau Dr,4,h,,PI,Philip,27/05/2017,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia North,5 Byrne Cr,3,h,734000,SP,Buckingham,27/05/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,66 MacOrna St,4,h,710000,S,Barry,27/05/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,8 Meakin St,3,h,705000,S,Barry,27/05/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,58 Church St,3,h,570000,S,YPA,27/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Diana Dr,4,h,,W,S&L,27/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,59 Iluka Dr,3,h,,PI,Barry,27/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Jamieson Ct,3,h,372000,S,hockingstuart,27/05/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,5/19 Waratah St,3,u,597000,SP,Jas,27/05/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,53 Hawke St,3,h,,S,Nelson,27/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,1/110 Railway Pl,2,u,660000,PI,Nelson,27/05/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,13/84 Hillcrest Dr,2,t,,PI,YPA,27/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,20/84 Hillcrest Dr,3,t,500000,S,Barry,27/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,124 Raleigh St,5,h,560000,S,Raine,27/05/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,12 Bellini Av,4,h,1155000,S,Ray,27/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,127 Lum Rd,4,h,,SN,Barry,27/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,9 Mill Ct,4,h,1200000,PI,Rounds,27/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,49 Phoenix Dr,5,h,1223000,S,Ray,27/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Rubens Ct,4,h,1035000,S,Win,27/05/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,11 Hosking St,3,h,1367000,SP,hockingstuart,27/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/70 Osborne St,2,u,880000,S,hockingstuart,27/05/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,6 Edina St,3,h,862000,SP,Greg,27/05/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,60 Earl St,2,h,,SN,Kay,27/05/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,8 Yumbarra Pde,4,h,595000,S,Iconek,27/05/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,56 Severn St,4,h,1190000,S,Jas,27/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,1/27 Stephen St,2,u,709500,SP,Jas,27/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,34 Stooke St,3,h,,SN,Barry,27/05/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Aberfeldie,1/30 Caroline St,4,h,,SP,Nelson,27/06/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,2/137 McNamara Av,3,h,405000,S,Ray,27/06/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,10 Firbank Tce,4,h,,PI,YPA,27/06/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albanvale,40 Tarlee Dr,3,h,392000,S,YPA,27/06/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,27 Barrett St,4,h,2140000,S,Greg,27/06/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,3 Faussett St,2,u,1810000,PI,Marshall,27/06/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,28 Selwyn St,2,h,541000,S,Barry,27/06/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,32/23 Coate Av,3,h,570000,VB,Thomas,27/06/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,22 Lowther St,3,h,1165000,S,Barry,27/06/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,24 McIntyre Dr,3,h,753000,S,Barlow,27/06/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,155 Chambers Rd,4,h,760000,S,Hunter,27/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,61a First Av,3,h,852500,S,RT,27/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,268d Mason St,4,t,847500,S,RT,27/06/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,1/403 Dandenong Rd,2,u,520000,S,hockingstuart,27/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7 Lambeth Av,4,h,2760000,S,Marshall,27/06/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,17 Ascot St,2,h,705000,PI,Nelson,27/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,19 Dunlop Av,3,h,660000,PI,Nelson,27/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,73 Kent St,2,h,760000,PI,Nelson,27/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,9/129 The Parade,3,u,487500,S,Hodges,27/06/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,14 Lucerne St,3,h,1415000,S,Buxton,27/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,5 Pitt St,2,h,1440000,PI,Jellis,27/06/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/2 Heather Av,3,t,964000,S,Tim,27/06/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,34 Bowman St,3,h,3065000,S,RT,27/06/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,72 Ardlie St,4,h,,S,Brad,27/06/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,17 Cresswold Av,3,h,1215000,S,Moonee,27/06/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,3/33 Gourlay St,2,u,540000,VB,McGrath,27/06/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,41 Marlborough St,3,h,1080000,S,Buxton,27/06/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,29 Metung St,4,h,,SP,Jellis,27/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,27 Reid St,5,h,,SP,Jellis,27/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,28 Sevenoaks St,5,h,,SN,Noel,27/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,26 Wills St,4,h,2000000,PI,hockingstuart,27/06/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,430 Balwyn Rd,5,h,1875000,PI,Fletchers,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,74 Cityview Rd,5,h,,SP,Jellis,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,43 Helston St,4,h,1530000,PI,hockingstuart,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,27 Landen Av,3,h,,SN,Barry,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,36 Larbert Av,3,h,1425000,PI,Parkes,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/9 Lime Av,3,u,940000,S,Jellis,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Nevada St,4,h,1700000,VB,Jellis,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,8a Sylvan St,4,h,1300000,VB,Jellis,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,27 Viewhill Rd,4,h,,S,Fletchers,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/32 Viewhill Rd,3,h,,S,Jellis,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,35 Walnut Rd,4,h,1760000,S,hockingstuart,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,21 Winfield Rd,2,h,,SN,Barry,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Wynyard Cr,4,h,2300000,PI,Noel,27/06/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,284 Colchester Rd,3,h,560000,S,Max,27/06/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,4 Grandview Av,6,h,1300000,S,Hodges,27/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,26 Rosemary Rd,4,h,,SN,Property,27/06/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,24a Atkinson St,3,t,1486000,S,Buxton,27/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16b Marquis Rd,5,t,1275000,PI,Buxton,27/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3/18 North Av,2,u,738000,SP,Woodards,27/06/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,30 Browns Rd,2,u,772500,S,Anderson,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Cormick St,3,h,1001000,S,Gary,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/2 Garden Rd,2,u,715000,S,hockingstuart,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Gray St,3,h,801000,S,Buxton,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Larman St,3,h,1155000,S,Buxton,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/5 Pell St,3,t,882000,S,Ray,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,41 Wards Gr,2,h,1180000,S,Buxton,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10a Yaralla Rd,4,t,,S,Buxton,27/06/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Siandra Pl,4,h,,PN,Harcourts,27/06/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/526 Balcombe Rd,2,h,,SN,hockingstuart,27/06/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,38 Francis St,4,h,1400000,VB,Fletchers,27/06/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,348 Middleborough Rd,2,h,,SN,Woodards,27/06/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,9 Caroline Cr,4,h,1080000,S,hockingstuart,27/06/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,3/39 Koonung Rd,3,t,,VB,Barry,27/06/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,3 York St,3,h,1121000,S,Fletchers,27/06/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,10 Kent Rd,5,h,,PI,Ray,27/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,1/18 Standard Av,4,t,,SN,Woodards,27/06/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,40 Errol St,3,t,505000,PI,Nelson,27/06/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,11/27 Marnoo St,3,h,495000,S,Burnham,27/06/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,23 Greenwood St,4,h,1235000,S,Fletchers,27/06/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,11 Kent Av,4,h,5250000,VB,hockingstuart,27/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/14 Nepean Hwy,2,u,567800,SP,hockingstuart,27/06/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,15 Eloura Av,4,h,1550000,S,Buxton,27/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,33 Union St,3,h,,SN,Gary,27/06/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,12 Bicknell Ct,3,h,,PN,Barry,27/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Keith Cr,3,h,385000,PI,Stockdale,27/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,19 Stevenson St,2,h,380000,S,YPA,27/06/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/48 Corrigan Av,3,u,480000,S,hockingstuart,27/06/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,4 Bell St,4,h,1790000,S,Ray,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/123 Brunswick Rd,3,t,640000,PI,Walshe,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Bryant St,4,h,820000,VB,Nelson,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,36 Charles St,4,h,1875000,S,Jellis,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 Garnet St,3,h,1053000,S,Ray,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,116 Glenlyon Rd,4,h,,SP,hockingstuart,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,144 Tinning St,2,t,800000,S,Ray,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 William St,3,t,705000,PI,Nelson,27/06/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,156 Glenlyon Rd,3,h,1050000,S,Nelson,27/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,21/191 Lygon St,2,u,440000,PI,Walshe,27/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,310/330 Lygon St,2,u,445000,S,Jellis,27/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,54 Victoria St,2,h,970000,S,Nelson,27/06/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,7/5 Allard St,2,u,370000,VB,Jellis,27/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3 Appleby Cr,3,h,1100000,VB,Brad,27/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,12/82 Hopetoun Av,2,u,400000,VB,Nelson,27/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/30 McLean St,2,u,484000,S,Jellis,27/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/494 Victoria St,3,t,815000,S,Ray,27/06/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,47 Alfreda Av,4,h,,S,Jellis,27/06/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,25 Boston Rd,3,h,776000,S,Fletchers,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Botanic Ct,3,h,650000,SP,Ray,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Dryden Ct,3,h,,PI,Ray,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,143 Greenwood Dr,5,h,,PI,Ray,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,23 Janet Cr,4,h,685000,S,Ray,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,30 Josef Av,4,h,636666,S,Barry,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,59 Josef Av,3,h,631750,S,Ray,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5/22 Norris Cr,3,u,390000,S,Ray,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Shelley Av,4,h,665000,S,Darren,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Willanjie Ct,3,h,530000,S,Nelson,27/06/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,6 Alimar Ct,4,h,1410000,S,Buxton,27/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/14 McCubbin St,3,t,,PI,Fletchers,27/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/26 Peacock St,5,h,1100000,S,Buxton,27/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/7 Station St,4,t,880000,S,Ray,27/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/28 Waratah Av,4,h,,PI,Ray,27/06/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,16 Lindisfarne Dr,3,h,902000,S,Barry,27/06/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,20 Worthing Av,5,h,1060000,PI,Fletchers,27/06/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,1/3 Crescent Rd,2,u,667000,S,Woodards,27/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,30 Smith Rd,5,h,2800000,SP,Marshall,27/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1088 Toorak Rd,3,h,,SP,Woodards,27/06/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,18 Cheviot Rd,3,h,,PN,David,27/06/2016,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,6/124 Canterbury Rd,2,u,736000,S,Marshall,27/06/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,3/34 Faversham Rd,3,t,1843000,S,Jellis,27/06/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton North,24/635 Drummond St,2,u,570000,S,hockingstuart,27/06/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,48 Blackwood St,5,h,1802100,S,hockingstuart,27/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/35 Moonya Rd,2,u,585000,S,Australian,27/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,404/3 Morton Av,2,u,470000,VB,hockingstuart,27/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/102 Oakleigh Rd,2,u,450000,S,Anderson,27/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/94 Truganini Rd,2,u,737000,S,Woodards,27/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/64 Woornack Rd,3,t,860000,S,Buxton,27/06/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,54 Greenwood Dr,3,h,400000,SA,Harcourts,27/06/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,1a Urandaline Gr,3,u,,PN,hockingstuart,27/06/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Chadstone,3/12 Cole Cr,4,t,,PI,Buxton,27/06/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/28 Cole Cr,3,t,985000,S,Buxton,27/06/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/3 Mudgee Ct,3,t,753000,S,Buxton,27/06/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1 Swanpool Av,4,h,985000,S,Buxton,27/06/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1/30 Thames Prm,2,u,505000,S,hockingstuart/hockingstuart,27/06/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,1/20 Woodbine Gr,3,h,860000,S,Eview,27/06/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,78 Devon St,3,h,1004000,S,Greg,27/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Jedda Ct,4,h,887500,S,Greg,27/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,16 Olympic Av,5,h,,PI,Chisholm,27/06/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,3/10 Bettina St,2,u,,W,Stockdale,27/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,65 Ormond Rd,5,h,950000,VB,Darras,27/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,1/1 Panorama St,3,t,,SA,Darras,27/06/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,25 Clarevale St,3,h,,SP,Barry,27/06/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,3/268 Alexandra Pde E,1,u,363000,S,hockingstuart,27/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,3 Hodgkinson St,3,h,1360000,S,Nelson,27/06/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,27a Bruce St,3,h,630000,S,Raine,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/19 Chandos St,2,u,515000,S,Ray,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,247 Moreland Rd,4,h,,SN,Ray,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,355 Moreland Rd,4,h,,S,Nelson,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,124 Ohea St,3,h,770000,PI,Raine,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/228 Reynard St,2,h,472000,S,Nelson,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,32 Rose St,2,h,901000,S,Peter,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Sargood St,2,h,642000,S,Nelson,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/51 The Grove,2,h,605000,S,Jellis,27/06/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,15 Forest St,4,h,,S,Nelson,27/06/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,3/16 Belsay Pl,2,h,,SN,Barry,27/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5/16 Belsay Pl,2,h,,SN,Barry,27/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Cimberwood Dr,4,h,,SN,Barry,27/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,38a Medway Rd,2,u,310000,S,RE,27/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3/19 Plumpton Av,2,u,294000,S,RE,27/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Valley Ct,3,h,391000,S,Ray,27/06/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,32 Lorna St,3,h,,W,Stockdale,27/06/2016,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Croydon North,66 Humber Rd,3,h,680000,PI,RT,27/06/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dandenong,2/20 Bruce St,3,t,422000,S,hockingstuart,27/06/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,23 Ashby Dr,4,h,,PI,Biggin,27/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,13 Avril St,3,h,432000,PI,LJ,27/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,12 Huckson Ri,4,h,721000,S,Ray,27/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,21 Somerset Dr,4,h,,PI,Biggin,27/06/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,6/950 Burke Rd,3,u,760000,PI,LITTLE,27/06/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,15 Kynoch St,3,h,440500,S,Bells,27/06/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,5 Mera Cl,3,h,,PI,Bells,27/06/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,2/5 Centre Dandenong Rd,2,u,545000,S,Buxton,27/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,36 McClure Rd,4,h,762000,S,Buxton,27/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,52 Rhoda St,4,h,770000,S,Buxton,27/06/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,1508/50 Lorimer St,2,u,800000,VB,RT,27/06/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,4 Bellara St,3,h,990000,S,Barry,27/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,70 Council St,4,h,,S,Jellis,27/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,16 Katrina St,3,h,1020000,PI,hockingstuart,27/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,13b Outlook Dr,3,h,878000,S,Barry,27/06/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,69 Blackburn Rd,3,h,1006000,S,Barry,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1a Cavalier St,4,t,1275000,PI,Jellis,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Cumberland Ct,4,h,925000,VB,Fletchers,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7 Currajong St,4,h,1160000,S,Jellis,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Larool Cl,5,h,,S,Barry,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,19 Major St,3,h,1200000,S,Barry,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,26 Owens St,5,h,1430000,SP,Jellis,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,6 Ross St,3,h,1160000,S,Barry,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Sharne Ct,3,h,1116000,S,Jellis,27/06/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,4 Shirvington Pl,5,h,1382000,S,Ray,27/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,290 Springvale Rd,4,h,1820000,SP,Barry,27/06/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,29 Louis St,4,h,,SN,Barry,27/06/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,107 Banksia St,3,h,1100000,VB,Holland,27/06/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,1/11 Fraser Av,2,u,660000,S,Buxton,27/06/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,3/6 Munro Av,3,u,,PI,O'Brien,27/06/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,22 Carlingford St,4,h,2050000,PI,Biggin,27/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,46 Hartington St,4,h,,SN,Biggin,27/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,27 Nepean Hwy,3,h,,SN,Gary,27/06/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,62a Beard St,3,h,758000,S,Morrison,27/06/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/72 Bible St,3,u,595000,SP,Barry,27/06/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,176 Weidlich Rd,4,h,765000,S,Barry,27/06/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,53 Addison St,4,h,1875000,VB,Chisholm,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/5 Alfriston St,2,u,,PN,McGrath,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,302 Barkly St,2,h,,SP,Chisholm,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,11/16 Byron St,1,u,326000,VB,hockingstuart,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/58 Byron St,1,u,340000,SP,Buxton,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,78 Dickens St,4,h,2200000,PI,Wilson,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/127 Glen Huntly Rd,2,u,687500,S,Marshall,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/4 Hartpury Av,2,u,540000,S,Wilson,27/06/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Essendon,56a Bradshaw St,5,h,1560000,PI,Nelson,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,43a Deakin St,3,t,787000,S,Barry,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/6 Edward St,2,u,,VB,Brad,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,47 Hoddle St,3,h,1085000,S,Barry,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,9 Mountain St,6,h,1800000,VB,Joe,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/30 Nicholson St,2,u,360000,VB,Nelson,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/67 Nimmo St,2,u,645000,SP,Nelson,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,7/5 Queen St,2,t,520000,VB,Nelson,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/15 Shaftesbury St,1,u,250000,VB,Brad,27/06/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,225 Gillies St,3,h,1055000,S,Collins,27/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,15/262 Heidelberg Rd,2,u,548000,SP,Nelson,27/06/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,12 Brockley Rd,3,h,532000,S,Nelson,27/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,6 Brockley Rd,2,h,575000,S,Stockdale,27/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/40 Edward St,2,u,,PI,Barry,27/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,89 McBryde St,3,h,,SN,Barry,27/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2 Murray St,4,h,562000,S,Stockdale,27/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,106 William St,3,h,620000,S,Stockdale,27/06/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,206/424 Gore St,1,u,458000,S,hockingstuart,27/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,116 Leicester St,2,h,800000,VB,Harrington,27/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,9/56 Leicester St,2,t,710000,S,Jellis,27/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,6/226 Moor St,2,u,630000,VB,hockingstuart,27/06/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Footscray,26/2 Ballarat Rd,3,u,561000,SP,Nelson,27/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,10/24 Eldridge St,2,u,316000,S,Burnham,27/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,23 Moore St,2,h,800000,S,Village,27/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,20 Ryan St,2,h,760000,PI,Burnham,27/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,39 Warleigh Rd,3,t,735000,S,Jas,27/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6 White St,2,h,823000,S,Jas,27/06/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2a Caves Gr,3,t,720000,S,M.J,27/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,1/1 Davy La,3,u,,SN,Woodards,27/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,85 Menin Rd,5,h,950000,PI,Christopher,27/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,10 Tisane Av,4,h,1260000,PI,Jellis,27/06/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,46 Lindrum Rd,3,h,365000,SP,O'Brien,27/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 McMahons Rd,4,h,441500,S,Eview,27/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Melva Ct,3,h,585000,S,LJ,27/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/6 Nolan St,1,u,,PI,Harcourts,27/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/6 Nolan St,1,u,,PI,Harcourts/Harcourts,27/06/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,6 Elderberry Pl,5,h,,PI,McEwing,27/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,11 Pratt Av,2,h,572500,S,Stockdale,27/06/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,1 Aurora Cl,4,h,650000,VB,Raine,27/06/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,4/36 Goode St,2,h,,SN,Raine,27/06/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,23 Ormerod Ct,4,h,740000,S,Raine,27/06/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,75 Outawood Ri,4,h,,SS,Raine,27/06/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,6 Avondale Ct,4,h,601000,S,YPA,27/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,23 Barrington Cr,4,h,492000,S,Jason,27/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,6 Ellesmere Cr,3,h,600000,SP,Barry,27/06/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,21 Beatrice St,3,h,1665000,S,hockingstuart,27/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/251 Burke Rd,2,u,600000,S,hockingstuart,27/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/47 Carroll Cr,2,u,,S,Jellis,27/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,60 Madeline St,3,h,1420000,S,Buxton,27/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Martin Cr,4,h,,S,Marshall,27/06/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,2 Avendon Bvd,4,h,1500000,VB,Harcourts,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/13 Campbell St,3,t,775000,S,Ray,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/33 Campbell St,3,h,890000,S,Barry,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 College Ct,5,h,,PI,Harcourts,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Durward Av,5,h,,PI,Ray,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/18 Hinkler Rd,2,h,1002000,S,hockingstuart,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Lindwall St,3,h,,PI,Harcourts,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Marbray Dr,3,h,,SN,Harcourts,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/31 Orchard St,4,u,,SN,Biggin,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,59 Panoramic Gr,6,h,3500000,PI,RT,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Paxton Dr,4,h,1277500,S,Jellis,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Sagan Ct,5,h,,PI,Harcourts,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,56 The Outlook,5,h,,W,Barry,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,897 Waverley Rd,4,h,,PI,Barry,27/06/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4/36 Acacia St,2,t,488500,S,Stockdale,27/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Everard St,4,h,787500,S,Barry,27/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/47 Lytton St,2,u,442000,S,Brad,27/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,98 Melbourne Av,3,h,,PI,Barry,27/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,109 Paget Av,3,h,500000,PI,Barry,27/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,6 Pengana Av,6,h,1035000,S,Nelson,27/06/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,14 Birk Ct,3,h,525000,PI,Stockdale,27/06/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,8 Perth Ct,4,h,740000,SP,Nelson,27/06/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,35 Baird St,4,h,741000,S,Barry,27/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,10 Crest St,3,h,910000,S,Darren,27/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,163 Hickling Av,3,h,625000,S,Ray,27/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1 Mulgowrie Ct,3,h,715000,S,Buckingham,27/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,118 Nell St,3,h,640000,S,Darren,27/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,39 Warralong Av,3,h,653000,S,Darren,27/06/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,5 Wickham Ct,4,h,619000,S,YPA,27/06/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,15 Curtin Av,3,h,,SP,RT,27/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,2/91 East St,3,h,480000,PI,Stockdale,27/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,107 Hilton St,3,h,,PI,Barry,27/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,6 Mikado St,3,h,,SP,Stockdale,27/06/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,3/8 Alicia St,2,u,500000,PI,Hodges,27/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,64 Earlsfield Rd,4,h,1460000,S,Buxton,27/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,7/31 Littlewood St,2,u,,SN,hockingstuart,27/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10 Talbot St,4,h,2800000,VB,RT,27/06/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,3 Besant St,2,h,830000,PI,Buxton,27/06/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,2/37 Highbury Av,2,u,522000,S,Buxton,27/06/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,14 Oconnor Cr,3,h,,S,Buxton,27/06/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn East,1 Avenue Victoria,3,h,2040000,S,Nelson,27/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,8/423 Tooronga Rd,2,u,505000,S,Greg,27/06/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,2 Heath Ct,3,h,870000,SP,Jellis,27/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,23 Wainui Av,4,h,896000,S,Philip,27/06/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,52 Buckingham Dr,4,h,,S,Ray,27/06/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,4 Thames St,3,h,,SN,Miles,27/06/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,522 Waterdale Rd,2,h,526000,S,Barry,27/06/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,116 Southern Rd,2,h,590000,S,Nelson,27/06/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,9 Oaklands Ct,2,h,807000,S,J,27/06/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13b Princess Av,4,t,1115000,S,Buxton,27/06/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,5 Railway Pde,2,t,677000,S,Buxton,27/06/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,2/63 Allenby Rd,3,h,440000,S,Barry,27/06/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,3 Moorillah St,3,h,390000,S,Ray,27/06/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,2/7 Ambrose St,4,t,,PI,Miles,27/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/10 Oriel Rd,3,t,700000,S,Barry,27/06/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,149 Langton St,2,h,456000,S,YPA,27/06/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,35 Georgia Pl,3,h,320000,VB,Brad,27/06/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,13 Arabin St,4,h,,S,Woodards,27/06/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,60 Aldershot Dr,4,h,530000,PI,Ray,27/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,12 Bell Ct,4,h,631000,S,Ray,27/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,2/156 Copernicus Wy,3,t,465000,S,Nelson,27/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,3 Morris Dr,6,h,599000,S,Brad,27/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,116 Willys Av,3,h,620000,S,Nelson,27/06/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,40 Borva Dr,3,h,601200,S,Nelson,27/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,38 Eastleigh Av,4,h,760000,S,Bekdon,27/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,171 Sterling Dr,3,h,695000,S,Barry,27/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,60 Wonganella Dr,3,h,680000,S,Nelson,27/06/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,2/125 Fosters Rd,3,u,455000,S,Nelson,27/06/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,5/8 Swan St,2,t,,PI,Nelson,27/06/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,111/18 Bent St,2,u,631090,S,Alexkarbon,27/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,308/71 Henry St,2,u,,W,Pagan,27/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,10/2 Howlett St,2,u,410000,PI,Rendina,27/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,703/70 Speakmen St,2,u,370000,VB,Brad,27/06/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,75 Earl St,2,h,2875000,S,Jellis,27/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Gladstone St,3,h,1565000,S,Jellis,27/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/100 Mount St,2,u,480000,VB,RT,27/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,21 Princess St,4,h,1725000,S,Jellis,27/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,127 Wellington St,3,h,,S,Marshall,27/06/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,35 Frater St,3,h,1770000,S,Fletchers,27/06/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/2 Kitchener St,3,t,1260000,S,Lindellas,27/06/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,31 Marriott Dr,4,h,,PI,Barry,27/06/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,56 Aldergate Cr,3,h,,SN,Ray,27/06/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,14 Gryphon Wk,3,h,428500,S,YPA,27/06/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Lalor,177 Dalton Rd,4,h,,SP,Love,27/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,17 Dickens St,4,h,550000,S,Barry,27/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,31 Hurtle St,3,h,521000,S,Morrison,27/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,12/25 Newton Cr,2,u,,PI,Harcourts,27/06/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,2 Dwyer St,5,h,1680000,S,Morrison,27/06/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,41 Vincent St,3,h,895000,S,Ray,27/06/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Malvern,5a Ewart St,3,h,1970000,S,Marshall,27/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,8/236 Wattletree Rd,1,u,405000,S,Marshall,27/06/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,28 Bowen St,5,h,,S,Marshall,27/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5 Repton Rd,3,h,,PI,Marshall,27/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/39 Tooronga Rd,1,u,,PI,Fletchers,27/06/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,34 Mitchell St,3,h,905000,S,Biggin,27/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Pridham St,5,h,1151000,S,Biggin,27/06/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,11 Hibiscus Cl,3,h,355500,S,Melbourne,27/06/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melton West,3 Grenville Pl,3,h,250000,S,PRDNationwide,27/06/2016,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,7/88 Collins St,2,u,480000,VB,Buxton,27/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,69b Patty St,3,t,950000,S,hockingstuart,27/06/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,9 Flowerdale Ct,4,h,,PI,Harcourts,27/06/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,1 Gael Ct,5,h,,PI,Ray,27/06/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,18 Sistine Row,4,u,550000,S,Harcourts,27/06/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,82 Hambleton St,3,h,1500000,VB,Cayzer,27/06/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/61 Buckmaster Dr,4,t,,PN,Harcourts,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Grady Cl,3,h,585000,SP,Ray,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Homestead Pl,3,h,532000,S,hockingstuart,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,42 McLaughlin Cr,3,h,498500,S,Love,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Spaniel Ct,4,h,,SN,Barry,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Streeton Cct,4,h,505000,S,Stockdale,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,27 Tennyson Cct,4,h,694000,SP,Ray,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Wakeful Pl,5,h,540000,S,LJ,27/06/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,4 Dalmor Av,4,h,975000,S,Jellis,27/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Longleaf Gr,3,t,761000,S,Ray,27/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5 Rosstrevor Cr,7,h,,SN,Woodards,27/06/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,26 Serpentine St,3,t,1200000,S,Jellis,27/06/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,126 Para Rd,2,h,595000,SP,Buckingham,27/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,1/78 Para Rd,2,h,470000,SP,Buckingham,27/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,201a Rattray Rd,3,h,757000,S,Fletchers,27/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,34 Rattray Rd,2,h,785000,S,Buckingham,27/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,45 Rattray Rd,3,h,955000,SP,Barry,27/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4/62 Rattray Rd,3,u,762000,S,Morrison,27/06/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,5/51 Buckley St,1,u,292000,S,Barry,27/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,55 Darling St,2,h,,SP,Nelson,27/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,15 Orford St,2,h,956000,SP,Nelson,27/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,151b Park St,3,h,961000,PI,Rendina,27/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2 Parry St,5,h,1740000,S,Brad,27/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,28 Vine St,3,h,1683000,SP,Rendina,27/06/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,51 Clay St,3,h,1008000,S,McGrath,27/06/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,1/17 Wimbledon Ct,4,h,500000,SP,Methven,27/06/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mount Waverley,20 Baily St,3,h,1240000,S,Jellis,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,17 Barlyn Rd,3,h,1475200,S,Noel,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/188 Huntingdale Rd,3,h,717000,S,Ray,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,42 Illuka Cr,3,h,1325000,S,McGrath,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,12 Kingsley Gr,5,h,,PI,Barry,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,109 Lemont Av,3,h,,SP,Barry,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/30 Sampson Dr,2,u,490000,PI,Harcourts,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,19 Stanley Av,5,h,1300000,PI,Ray,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,393 Stephensons Rd,5,h,,SN,Biggin,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/9 Surrey Rd,3,u,712500,S,Ray,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1a Swayfield Rd,4,h,984000,S,McGrath,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,28 Tarella Dr,3,h,,PI,Jellis,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,460 Waverley Rd,6,h,941000,S,Barry,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,9 Wortley Av,3,h,1350000,S,Stockdale,27/06/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,43 Excelsior Cct,3,h,670000,S,Ray,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Hansworth St,5,h,905000,S,Win,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,25 Highfield Av,3,h,705000,S,Harcourts,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Huxley Av,3,h,725000,S,Ray,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,15 Lords Av,5,h,910000,S,Ray,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Mountain Cr,3,h,795000,S,Ray,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Nash Dr,3,h,740000,S,Ray,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,14 Rivett Cr,3,h,,PI,Biggin,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Rupert Dr,3,h,678000,PI,Stockdale,27/06/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,49 Dalny Rd,3,h,1100000,VB,hockingstuart,27/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,2/190 Murrumbeena Rd,1,u,291000,S,Woodards,27/06/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,42 Farm St,3,h,1151000,S,Williams,27/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,8 Junction St,3,h,,SP,Williams,27/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,108 Mason St,4,t,820000,S,Sweeney,27/06/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,4 Ida St,3,h,1100000,S,Barry,27/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,4 Muriel St,2,h,1007000,S,Nelson,27/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,1/10 Nolan St,3,u,,S,Nelson,27/06/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,9 Budge St,3,h,660000,S,Ray,27/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,26 Lawn Rd,3,h,,PI,C21,27/06/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,20 Scotia St,2,h,800000,VB,Nelson,27/06/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,174 Beaconsfield Pde,4,h,1310000,S,Nelson,27/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Bent St,3,h,,SN,hockingstuart,27/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1050000,S,Barry,27/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,82 South Cr,4,h,1100000,VB,Nelson,27/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,29 Traill St,5,h,1700000,S,Nelson,27/06/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1/93 Esdale St,3,t,925000,S,Jellis,27/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,4/93 Esdale St,3,t,840000,S,Jellis,27/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,20 Taronga Ct,3,h,855000,S,Ray,27/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,5 West St,3,u,833500,S,Barry,27/06/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,1/12 Cartwright St,2,h,626000,S,Considine,27/06/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,1/13 Cartwright St,3,h,590000,VB,hockingstuart,27/06/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,28 Watt Av,3,h,1201000,S,Barry,27/06/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1/157 Atherton Rd,3,u,633500,S,Woodards,27/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,49 Burlington St,3,h,,PI,Buxton,27/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,62 Eastgate St,4,h,1180000,S,Buxton,27/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,24 Mora Av,3,h,908000,S,Ray,27/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,9 Winifred St,3,h,1124000,S,Ray,27/06/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,16 Dover St,3,h,1380000,S,Tim,27/06/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,37 Bourke Rd,4,h,676000,S,C21,27/06/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,5/254 Booran Rd,4,t,1197000,S,Gary,27/06/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,41 Queen St,3,h,1690000,SP,Buxton,27/06/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,165 Beach Rd,3,h,1450000,S,Buxton,27/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/27 Herbert St,1,u,340000,PI,hockingstuart,27/06/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,187 Park Dr,3,h,2236000,S,Collins,27/06/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,3/16 Bristol Rd,2,h,440000,PI,Barry,27/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Longview St,3,h,690000,S,Brad,27/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/4 Plymouth Av,3,t,560000,VB,Nelson,27/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,17 Prospect St,3,h,880000,S,Nelson,27/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4 Raeburn St,3,h,700000,S,Nelson,27/06/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,133 Gladesville Bvd,4,h,575000,S,Mitchell,27/06/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plenty,57 McLaughlans La,4,h,1040000,S,Morrison,27/06/2016,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,43 Tropic Cct,4,h,,SN,Ray,27/06/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,36 Beacon Vs,4,h,2252000,S,RT,27/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,150 Clark St,3,h,1351000,S,Cayzer,27/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3 Coogee Pl,3,h,,SN,Biggin,27/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,214/50 Dow St,2,u,,PI,RT,27/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,102/105 Nott St,1,u,,PI,Buxton,27/06/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,14/42 Grandview Gr,1,u,,SN,hockingstuart,27/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,2/5 Lewisham Rd,1,u,,SN,hockingstuart,27/06/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2 Esther St,2,h,860000,S,Barry,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 George St,2,h,630000,S,Nelson,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33 George St,4,h,660000,PI,Barry,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,42 Kathleen St,3,h,810000,S,Nelson,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Pender St,4,h,875000,S,hockingstuart,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 South St,3,h,923000,S,Love,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,38 Wilcox St,4,h,920000,PI,Nelson,27/06/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Research,7 Pickwood Ri,4,h,642500,S,Morrison,27/06/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,26 Churchill Av,3,h,450000,PI,Ray,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Coleman Cr,3,h,682400,S,Ray,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/21 Crookston Rd,3,h,550000,PI,Barry,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Cuthbert Rd,3,h,,SN,Harcourts,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/173 Edwardes St,2,u,477000,S,Nelson,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,74a Gertz Av,3,h,500000,PI,hockingstuart,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,61 Liston Av,4,h,,S,Nelson,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/14 Ludeman Ct,2,u,433000,S,Ray,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Mattea Ct,3,u,672000,S,Harcourts,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,124 Rathcown Rd,2,h,680000,S,hockingstuart,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Wimmera Av,3,h,822000,SP,Woodards,27/06/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,23 Gardner St,3,t,1012000,S,Jellis,27/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,239 Punt Rd,3,h,1570000,S,Jellis,27/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Rowena Pde,3,h,1345000,S,Biggin,27/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,201/61 Stawell St,1,u,410000,PI,hockingstuart,27/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/61 Stawell St,2,u,696000,S,Jellis,27/06/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/29 Arlington St,2,u,,SN,Barry,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,37 Barkly St,4,h,,S,Carter,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,64 Bedford Rd,3,h,,PI,Philip,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,91 Kalinda Rd,4,h,710000,S,Carter,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,9 Neville St,3,h,820000,VB,Noel,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Norfolk Av,2,h,715000,S,Philip,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,3 Stanhope Ct,3,h,790000,S,Carter,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2b Sylvia Gr,2,u,511000,S,Jellis,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,18a William St,4,h,860000,S,Ray,27/06/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,28 Bronhill Rd,4,h,805000,S,Fletchers,27/06/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3 Bruce Ct,4,h,1385000,S,Fletchers,27/06/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,8 Hill St,3,h,846000,S,Philip,27/06/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,38a Holland Rd,3,h,,PI,Philip,27/06/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,18 Andrea Pde,4,h,1135000,S,Fletchers,27/06/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,15 Jull Pde,4,h,,S,Jellis,27/06/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,26 Bell St,2,t,755000,S,Chisholm,27/06/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/43 Ellesmere Pde,3,t,887500,S,Miles,27/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5/27 Invermay Gr,2,u,,SN,Miles,27/06/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,10 Morey Ct,3,h,325000,S,Jason,27/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Rearden Cr,3,h,402000,S,Raine,27/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,76 Sandover Dr,4,h,495000,S,Ray,27/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,30 Thames Wy,3,h,,SN,Barry,27/06/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,257 Bluff Rd,3,h,925000,S,Assisi,27/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,35 Gladstone St,2,h,,S,Buxton,27/06/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,4 Bardia Av,4,h,,PI,Barry,27/06/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,6/51 Boonong Av,2,u,280000,S,O'Brien,27/06/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,1 Seaholme Av,5,h,925000,S,Greg,27/06/2016,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,195 Pilgrim St,2,h,,S,Village,27/06/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,3 South St,3,h,965000,S,Williams,27/06/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,5 Aloha St,3,t,680000,SP,Hunter,27/06/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,40 Kernot St,4,h,,SP,Williams,27/06/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,1/72 Paxton St,2,u,506000,S,Sweeney,27/06/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,10 Capri Cl,3,h,518000,S,Harcourts,27/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Coachman Wy,4,h,542000,S,Ray,27/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Rainer Rd,4,h,516000,S,Harcourts,27/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1 Wingspan Av,4,h,,PI,Harcourts,27/06/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,904/666 Chapel St,2,u,,SP,Williams,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,702/700 Chapel St,1,u,510000,SP,hockingstuart,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6 Cliff St,2,h,1200000,PI,Jellis,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/2 Coolullah Av,1,u,661000,S,Williams,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,13/4 Gordon Gr,2,u,480000,S,Ray,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,34b Palermo St,3,h,,SN,hockingstuart,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,17/14 Tivoli Rd,1,u,,VB,hockingstuart,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/271 Williams Rd,2,u,660000,S,hockingstuart,27/06/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,4 Steel St,3,h,690000,S,Biggin,27/06/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,61 Emerald Dr,3,h,640000,S,iSell,27/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,18 Heritage Dr,4,h,710000,S,C21,27/06/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,69 Conrad St,3,h,615000,S,Homes,27/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,32 Jefferson St,4,h,,SN,Barry,27/06/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,5 Larool Av,3,h,,S,Buckingham,27/06/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,6/98 Barkly St,1,u,,PN,hockingstuart,27/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,207/78 Inkerman St,1,u,,PI,Buxton,27/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,35 Pakington St,3,h,1678000,S,McGrath,27/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,56 Pakington St,3,h,,S,Marshall,27/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/45 Robe St,2,u,400000,VB,McGrath,27/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/62 Wellington St,1,u,,SN,hockingstuart,27/06/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,9 Bruce St,4,h,920000,VB,Pagan,27/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,7 Colclough Ct,5,h,960000,VB,Nelson,27/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,10 Head St,2,h,,SP,Frank,27/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,68 Kernan St,4,h,1110000,PI,Considine,27/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,220 Napier St,3,h,1160000,S,Barry,27/06/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,3/2 Cooper St,3,t,500000,PI,Douglas,27/06/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,7 Lincoln St,4,h,,SP,GL,27/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,114 Warwick Rd,3,h,503000,S,Douglas,27/06/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,4 Day St,3,h,520000,S,Barry,27/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,14 Killeen St,3,h,470000,S,Homes,27/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,2 Marchant Cr,3,h,400000,VB,Barry,27/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,18 Norton St,3,h,586000,S,Barry,27/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/40 Warmington Rd,3,h,305000,SP,Jellis,27/06/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,768 Canterbury Rd,4,h,,SP,Fletchers,27/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,25 Wandsworth Rd,3,h,,S,Marshall,27/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,17 Weybridge St,3,h,2300000,S,Fletchers,27/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,6/402 Whitehorse Rd,2,u,520000,S,Woodards,27/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,545 Whitehorse Rd,5,h,2450000,S,Marshall,27/06/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,4 Druitt Pl,4,h,662000,S,Ray,27/06/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,18 Sandover Wy,5,h,820000,S,Barry,27/06/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,25 Oliver Rd,5,h,1475000,PI,Barry,27/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,17 Rasmussen Dr,5,h,,S,Jellis,27/06/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,17 Fairbank Cr,4,h,1175000,PI,Barry,27/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,30 Jeffrey St,3,h,1050000,SP,Philip,27/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,5 MacRobertson St,4,h,1118000,S,Philip,27/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3/10 Parker St,3,t,,SP,Landfield,27/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,31 Sassafras Dr,4,h,1070000,PI,Jellis,27/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,208 Templestowe Rd,4,h,903000,S,Barry,27/06/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,1a Belah St,3,t,490000,S,Harcourts,27/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,23 Dakota Dr,3,h,450000,SP,Ray,27/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,40 Pleasant Rd,4,h,620000,S,Barry,27/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,26 Spring St,3,h,582500,S,Love,27/06/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,234 Collins St,3,h,,SN,Ray,27/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/82 Gooch St,2,u,432500,S,Barry,27/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/54 Pender St,1,u,330000,PI,Barry,27/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,331 Raleigh St,3,h,,SN,Miles,27/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,172 Rossmoyne St,3,h,1200000,VB,Nelson,27/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,67/337 Station St,2,u,510000,SP,hockingstuart,27/06/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,16 Glyndebourne Av,2,h,1950000,S,Rodney,27/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,15/703 Orrong Rd,2,u,1400000,PI,Williams,27/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,23/530 Toorak Rd,2,u,511000,SP,Morleys,27/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/558 Toorak Rd,2,u,645000,SP,Marshall,27/06/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,316/66 Mt Alexander Rd,2,u,,PN,Pagan,27/06/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,2/8 Coventry St,3,h,478000,S,Nelson,27/06/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,28 Sharps Rd,3,h,946000,S,Barry,27/06/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,519 Canterbury Rd,4,h,900000,S,Jellis,27/06/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,7 Lunar Cr,3,h,785000,S,M.J,27/06/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,3 Adley Ct,5,h,,SN,Barry,27/06/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,39 Ainsdale Av,4,h,840000,SP,Barry,27/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,1 Harold St,4,h,,PI,Barry,27/06/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,5 Clerehan Ct,4,h,,PI,Barry,27/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,5 Cottswold Pl,31,h,990000,S,Justin,27/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,43 Kanooka Rd,5,h,,PI,Barry,27/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,42 Mowbray Dr,4,h,,SN,Barry,27/06/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,18 Mitchell Av,3,h,730000,S,Gardiner,27/06/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warrandyte,30 Yarra St,5,h,950000,VB,Landfield,27/06/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,14 Illoura St,3,h,601000,S,Darren,27/06/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,2/5 Marilyn Ct,3,u,549000,S,Darren,27/06/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,294 Grimshaw St,3,h,815000,S,Barry,27/06/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,21 Meakin St,3,h,675000,S,Barry,27/06/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +West Footscray,55 Elphinstone St,3,h,805000,S,Jas,27/06/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,1 Redan Ct,3,h,369000,S,Barry,27/06/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,7 Stockade Dr,4,h,,PI,Buxton,27/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Winterton Dr,4,h,,PI,Harcourts,27/06/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,166 Cecil St,3,h,960000,SP,Gunn&Co,27/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,118 Hannan St,3,h,1482500,S,Sweeney,27/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,19 MacLean St,4,h,1300000,PI,Sweeney,27/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,44 Parker St,3,h,1378000,SP,Williams,27/06/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,50 Lewisham Rd,3,h,2368000,S,Marshall,27/06/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,51 Champions Pde,4,h,,PI,Harcourts,27/06/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,4 Creswick Dr,4,h,,PI,Harcourts,27/06/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yan Yean,2026 Donnybrook Rd,3,h,1415000,S,RW,27/06/2016,3755,Northern Victoria,122,29.3,Nillumbik Shire Council +Yarraville,75 Ballard St,4,h,970000,PI,Village,27/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,7 Banool Av,3,h,865000,S,Village,27/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,38 Benbow St,2,h,780000,S,Hunter,27/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,117 Francis St,4,h,,PI,hockingstuart/Sweeney,27/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,76 Kidman St,3,h,670000,PI,Biggin,27/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,46 Wilson St,3,h,908000,S,hockingstuart,27/06/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,47 Studley St,2,h,1180000,S,Jellis,27/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,45 Yarra St,3,h,1195000,SP,Jellis,27/11/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,5/319 Buckley St,2,u,373000,S,Barry,27/11/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,1/7 Derry St,2,h,670000,SP,Frank,27/11/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,1/46 Bowes Av,3,t,715000,S,Barry,27/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/34 Elstone Av,3,u,671500,S,McDonald,27/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,49 Roberts Rd,4,h,765000,S,Prof.,27/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,85 Roberts Rd,4,h,900000,S,Harcourts,27/11/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,44 Greig St,2,h,1750000,S,Marshall,27/11/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,13 Gunnedah St,3,h,760000,S,Village,27/11/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,48 Sydney St,3,h,840000,S,Barry,27/11/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,6/11 Broomfield Av,2,u,530000,S,Jellis,27/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,11 Margaret Gr,4,h,1900000,SP,McGrath,27/11/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,104 Maidstone St,2,h,857000,SP,hockingstuart,27/11/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,5 Cresser St,4,h,1200000,SP,RT,27/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/33 Fifth Av,3,h,630000,S,RT,27/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/8 Fourth Av,3,h,,PI,Hunter,27/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,107 McIntosh Rd,3,h,700000,SP,Hunter,27/11/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,44 Blanche St,3,h,707000,S,Douglas,27/11/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,3 Alleyne Av,4,h,,S,Jellis,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,10/507 Dandenong Rd,2,u,690000,VB,Jellis,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,44 Denbigh Rd,4,h,3625000,S,Jellis,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,44 Hampden Rd,4,h,4200000,VB,Kay,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3/769 High St,3,t,1101000,S,Jellis,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4 Mercer Rd,3,h,3512500,S,Marshall,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/38 Northcote Rd,2,u,,S,hockingstuart,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,4/576 Orrong Rd,2,u,,SN,Kay,27/11/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,20 Charles St,3,h,1125000,S,Nelson,27/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1 East St,3,t,1000000,S,Nelson,27/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,32 Geddes St,4,h,1110000,PI,Nelson,27/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,30 Mirams St,4,h,1300000,PI,Jellis,27/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,43 Mirams St,3,h,1060000,PI,Nelson,27/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,45 Mirams St,3,h,1410000,PI,Nelson,27/11/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,1/65 Ashburn Gr,4,t,1250000,VB,Noel,27/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,12 Meaden St,3,h,1422000,S,Buxton,27/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,48 Nicholas St,5,h,1600000,S,Marshall,27/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,5 Taylor St,4,h,1860000,S,Jellis,27/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/7 Y St,3,t,1710000,S,Marshall,27/11/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/72 Power Av,3,u,,SN,Biggin,27/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/16 Raymond St,3,t,900500,S,Jellis,27/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,17 Vannam Dr,4,h,,SP,Fletchers,27/11/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale Gardens,12/3 McIntosh Ct,2,u,490000,SP,McGrath,27/11/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,1/1 Amis Cr,3,u,610000,SP,Moonee,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,7 Arvern Av,4,h,815000,S,Moonee,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,17 Cannes Av,4,h,820000,VB,Nelson,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,2/4 Carmyle Ct,2,u,411000,PI,Barry,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,10 Intervale Dr,4,h,790000,S,Barry,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,328 Milleara Rd,4,h,605000,S,Barry,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,10 Skewes St,3,h,805000,S,Nelson,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,62 Skewes St,4,h,890000,S,Moonee,27/11/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,15/36 Brighton Rd,1,u,500000,SP,Biggin,27/11/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,165 Balwyn Rd,4,h,1900000,S,Mandy,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/5 Cherry Rd,2,u,,S,hockingstuart,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,160 Gordon St,4,h,,SP,Marshall,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Knutsford St,3,h,3401000,S,Jellis,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/10 Mangan St,2,u,,S,Noel,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,47 Naroo St,3,h,1750000,VB,Jellis,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9 Norbert St,4,h,,S,Marshall,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,8 Raynes St,5,h,4000000,VB,RT,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/13 Relowe Cr,3,u,,S,Jellis,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,38 Relowe Cr,4,h,2250000,PI,Marshall,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15A Westminster St,4,h,,S,Jellis,27/11/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,9 Arama St,3,h,1300000,VB,Jellis,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/191 Balwyn Rd,3,t,1238000,S,Fletchers,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,233 Balwyn Rd,3,h,1320000,S,Noel,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2 Carron St,4,h,,SP,Fletchers,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/2 Hatfield St,2,h,,SP,Fletchers,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5/133 Maud St,2,u,560000,S,hockingstuart,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Milfay Ct,3,h,1651000,S,Nelson,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23A The Boulevard,5,h,1920000,S,Marshall,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,123 Winfield Rd,5,h,1560000,S,RT,27/11/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,6 Considine Ct,4,h,,SN,Barry,27/11/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaconsfield,2 Ann St,3,h,,SN,Barry,27/11/2016,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,23 Anita St,5,h,1800000,PI,Charlton,27/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,23 Beach Rd,4,h,1740000,S,McGrath,27/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,15 Coreen Av,5,h,1680000,S,O'Brien,27/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,73 Haldane St,5,h,1300000,PI,Hodges,27/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,16 Ozone Av,3,h,1440000,S,Buxton,27/11/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Belgrave Heights,15 Vale Rd,5,h,671503,SP,O'Brien,27/11/2016,3160,Eastern Victoria,491,30.4,Yarra Ranges Shire Council +Bentleigh,40 Coates St,2,t,680000,PI,Bayside,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,31b Fairbank Rd,4,t,1500000,S,hockingstuart,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,6 Gwendoline Av,5,h,2900000,PI,Marshall,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,51A London St,5,t,,SP,Marshall,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8B McKittrick Rd,4,t,1320000,S,Buxton,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,99 Patterson Rd,4,h,1380000,S,C21,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,46 Railway Cr,3,h,,PN,Anderson,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,17 Smith St,6,h,1900000,S,hockingstuart,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,18 Wright St,4,h,,SP,C21,27/11/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,30A Almurta Rd,3,t,840000,S,Buxton,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/811 Centre Rd,2,h,710000,S,Buxton,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,335 Chesterville Rd,4,h,1040000,VB,Buxton,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,71 Deakin St,5,h,1550000,PI,hockingstuart,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/42 Gowrie St,3,h,930000,S,Buxton,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/12 Hodgson Gr,3,u,790000,S,hockingstuart,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Konrad St,3,h,1040000,S,Hodges,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Patricia St,3,h,1020000,S,Nick,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2 Sanicki Ct,3,t,670000,PI,Bayside,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Stockdale Av,5,h,1305000,S,Buxton,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10a Stratford Av,4,t,1235000,S,Buxton,27/11/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,16 Gingham Pl,3,h,,SP,Grant's,27/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,7 Liberty Av,4,h,656000,S,O'Brien,27/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,8 York Rd,4,h,740000,S,Harcourts,27/11/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,7 Gordon Cr,5,h,3355000,S,Marshall,27/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/1 Third St,3,u,850000,S,Charlton,27/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/23 Tulip St,3,t,1110000,S,Hodges,27/11/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,5/4 Downing St,3,u,860000,S,Ray,27/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1 Kalka St,3,h,1470000,S,Allens,27/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2a Service Rd,3,u,,SN,Fletchers,27/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1 Wright St,3,h,,SN,Woodards,27/11/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,10 Marchiori Rd,2,h,985000,PI,Noel,27/11/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,6 Constance St,4,h,1351000,S,Noel,27/11/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,77 Bondi Rd,2,h,818000,S,Eview,27/11/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,2/2 Joyce St,2,u,470000,S,Schroeder,27/11/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,9 Combarton St,4,h,,PI,Noel,27/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,15 Simpsons Rd,4,h,1125000,S,Ray,27/11/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,29 Hampden St,3,h,680000,S,Barry,27/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,14 Rose St,3,h,565000,S,Nelson,27/11/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,15 Pine Av,3,h,884000,S,Buckingham,27/11/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,16 Porter St,3,h,,SN,Barry,27/11/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,6/30 Boxshall St,2,u,850000,PI,Buxton,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/27 Brickwood St,3,h,1550000,VB,hockingstuart,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,42A Champion St,4,h,,SN,Nick,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/198 Church St,1,u,671000,S,Buxton,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,686A Hampton St,4,t,2250000,SP,Marshall,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,9 Holmwood Av,3,h,3085000,S,Marshall,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3A Huntingfield Rd,3,h,2900000,S,Nick,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6c Lindsay St,3,u,1620000,S,Buxton,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,464 New St,4,h,,SP,Marshall,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Rothesay Av,4,h,3580000,S,Marshall,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Snooks Ct,4,h,,SP,Greg,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7 Wilson St,3,h,3550000,S,Nick,27/11/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,31 Agnew St,3,h,,S,hockingstuart,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4/9 Billson St,2,t,,SP,Buxton,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/9 Burwah Av,3,t,1470000,S,Biggin,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/33 Cluden St,2,u,903000,S,Hodges,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,47 Grant St,4,t,,SP,Marshall,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Heathfield Rd,4,h,,SP,Hodges,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Montgomery St,4,h,2820000,S,Buxton,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/15 Roseberry Av,3,t,1185000,S,Buxton,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,11 Summerhill Rd,2,h,1813000,S,Buxton,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,28 Sunlight Cr,4,h,2175000,S,Marshall,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Tuxen Ct,5,h,1655000,S,Buxton,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,19 Wrixon Av,4,h,2160000,S,hockingstuart,27/11/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,8 Academy Dr,4,h,550000,S,YPA,27/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,144 Cuthbert St,3,h,643000,S,YPA,27/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,24 Graham St,3,h,530000,SP,YPA,27/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/143 Kitchener St,3,u,375000,S,Harcourts,27/11/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,10/150 Brunswick Rd,1,u,240000,PI,Hodges,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,329 Brunswick Rd,4,h,1175000,PI,Jellis,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,13 Collier Cr,3,h,,SP,Woodards,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9a Downs St,4,h,1150000,PI,Jellis,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,152 Edward St,3,h,,S,Jellis,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 Hall St,4,h,1217000,S,Walshe,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 Louisa St,3,h,1020000,SP,Jellis,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,7 Rope Wk,3,t,855000,S,Nelson,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,302/34 Union St,2,u,1180000,PI,Jellis,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,26 Warburton St,3,h,1340000,S,Nelson,27/11/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,10/5 Barkly St,2,t,,SN,Nelson,27/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,192 Blyth St,3,h,1600000,S,Jellis,27/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,120 Victoria St,3,h,1325000,PI,Jellis,27/11/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,487 Brunswick Rd,3,h,1150000,VB,Jellis,27/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,1/312 Hope St,1,u,351000,PI,Nelson,27/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,111/2 Olive York Wy,2,u,395000,SP,Village,27/11/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2/6 England St,3,t,905000,PI,Fletchers,27/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,8a Helene St,4,h,1125000,VB,Barry,27/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,15 Moresby Av,3,h,1250000,SP,Jellis,27/11/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,15 Botanica Bvd,4,h,880000,S,Ray,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Frost Ct,4,h,752000,SP,Barry,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Glennden Ct,4,h,711000,SP,Barry,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,63 Greenwood Dr,3,h,600000,SP,Barry,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,13 Kerri St,3,h,715000,S,Ray,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Moore Ct,3,h,605500,S,Buckingham,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,41 Redmond Ct,5,h,1340000,S,Barry,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,46 Scarlet Dr,4,h,830000,S,Barry,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Thornton Av,3,h,,PI,Barry,27/11/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,16 Chelsea Ct,4,h,620000,S,Barry,27/11/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,37 Fulton Cr,3,h,1495000,S,Noel,27/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2 Octavia Ct,4,h,1485000,S,Woodards,27/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,16 Renown St,3,h,2068000,S,Buxton,27/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,445 Warrigal Rd,10,h,1960000,S,Kay,27/11/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,16 Cooinda Ct,3,h,1040000,SP,Ray,27/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,27 Robinson Dr,3,h,880000,S,Buxton,27/11/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,22 Avenue Rd,2,h,1175000,PI,Jellis,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/595 Burke Rd,2,t,775000,S,hockingstuart,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,16 Callanish Rd,3,h,2220000,S,Marshall,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,17 Davis Av,2,h,,S,Marshall,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,68 Glyndon Rd,4,h,,SP,Marshall,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,29 Kalang Rd,4,h,2015000,S,Jellis,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/28 Nevis St,2,u,700000,S,Marshall,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,808 Riversdale Rd,3,h,1700000,S,Garvey,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,25 Russell St,4,h,3225000,S,Marshall,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/22 Seymour Gr,2,u,810000,S,Garvey,27/11/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,3/124 Canterbury Rd,2,u,685000,S,RT,27/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,12 Cooba St,6,h,,S,Marshall,27/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2A Erica St,2,h,1800000,VB,Jellis,27/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,1/29 Logan St,3,h,1800000,S,Jellis,27/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,35 Myrtle Rd,4,h,3145000,S,RW,27/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2B Victoria Av,4,h,,SP,Kay,27/11/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,13/25 Barkly St,2,u,585000,S,Walshe,27/11/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,73 Palmerston St,4,h,1162000,S,Woodards,27/11/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,1/58 Coorigil Rd,2,u,605000,S,Woodards,27/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/33 Madden Av,2,u,492000,S,Bustin,27/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,14 Margaret St,2,h,1300000,S,hockingstuart,27/11/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,8 Damaine Cct,4,h,560000,PI,Barry,27/11/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Caroline Springs,7 Verdon Av,3,h,470000,SP,Prof.,27/11/2016,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,61 Greenwood Dr,3,h,510000,S,Harcourts,27/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Carrum Downs,3 Merso Ct,3,h,460000,S,Harcourts,27/11/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,5/27 Venus St,1,u,290000,VB,Gary,27/11/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,15 Grandview Rd,3,h,1460000,S,Buxton,27/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,23 Jacana St,3,h,1000000,SP,Thomson,27/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,33 Jindabyne Av,3,h,1035000,S,Barry,27/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/23 Stapley Cr,3,t,,PI,Buxton,27/11/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,10 Baxter Ct,3,u,633500,S,Asset,27/11/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/65 Chelsea Rd,2,u,603000,S,hockingstuart/hockingstuart,27/11/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,14 Teresa Ct,4,h,685000,S,Asset,27/11/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,4 Third Av,2,h,641000,S,Asset,27/11/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,7 Ashleigh Ct,3,h,,PI,Ray,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,51 Brampton St,4,h,,SP,Buxton,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/29 Cox St,3,t,900000,S,O'Brien,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,27 Eveshan Rd,4,h,1480000,S,O'Brien,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Fordyce St,3,h,,SN,O'Brien,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,19B Friendship Sq,4,t,850000,PI,O'Brien,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,54 Herald St,3,h,945000,S,O'Brien,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24 Kayden St,3,h,895000,S,Hodges,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Moonda Gr,4,h,1200000,S,O'Brien,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Norma Av,3,h,875000,S,Bayside,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/2 Stanley Av,2,u,630000,S,Biggin,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,40/310 Warrigal Rd,2,u,545000,S,Hodges,27/11/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,15 Rosewall Pl,3,h,695000,S,Buxton,27/11/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,5 Belmont Av,4,h,1380000,S,Harcourts,27/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/18 Bettina St,3,u,,PI,Buxton,27/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,39 Morton St,4,h,1310000,PI,Harcourts,27/11/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,2/47 Main Rd,3,u,,SP,Darras,27/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/6 Parsons St,3,u,610000,SP,Century,27/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,41 Westall Rd,3,h,900000,S,Buxton,27/11/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,19/184 Noone St,3,t,841000,PI,Jellis,27/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,7/82 Roseneath St,3,t,897500,SP,Jellis,27/11/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,20 Edna Gr,2,h,,SP,Sweeney,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/117 Gordon St,3,t,687000,S,Nelson,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,100 Reynard St,4,h,975000,PI,Re,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Rodda St,3,h,985000,S,Jellis,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,120 Shaftsbury St,4,h,,SP,Raine,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,38 Soudan St,3,h,835000,S,hockingstuart,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Vincent St,3,h,951000,SP,Nelson,27/11/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,2 Carr St,3,h,970000,S,Jellis,27/11/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,29 Burrora Wy,4,h,830000,S,Ray,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Canisby Wy,4,h,599000,S,Ray,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,47 Cascade Tce,4,h,550000,S,RE,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Crestmont Tce,4,h,,PI,Ray,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,58 Daymar Cct,3,t,365000,S,Ray,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Erindale Pl,3,h,515000,PI,hockingstuart,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Euphoria St,4,h,607000,S,Ray,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Mallard Cct,4,h,,W,LJ,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,89 Mitford Cr,3,h,,SN,Barry,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Spurr St,3,h,427500,S,LJ,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,33 Wattleglen St,3,h,430000,S,RE,27/11/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,66 Green St,3,h,1300000,S,Biggin,27/11/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,33 Broughton Av,3,h,,SN,Barry,27/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Hibiscus Ct,4,h,811000,SP,Noel,27/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3 Karnak Cl,4,h,850000,SP,McGrath,27/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,12 Kirtain Dr,5,h,,SN,Barry,27/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,22 Sellick Dr,3,h,545000,SP,Philip,27/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,8 Webster Av,3,h,805000,S,Fletchers,27/11/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,15 Lanier Cr,4,h,,PI,hockingstuart,27/11/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,1/182 Bayswater Rd,3,h,,SP,Noel,27/11/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,30 Burrows Av,3,h,,SP,Stockdale,27/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,2/29 Wedge St,2,h,356000,S,Stockdale,27/11/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,9 Bentley Av,3,h,,PI,Barry,27/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,3 Mark Ct,4,h,627000,S,Del,27/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1 Rachel St,3,h,507000,S,Stockdale,27/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,20 Victor Av,4,h,610000,SP,O'Brien,27/11/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,15 Widnes Ct,3,h,,SN,Barry,27/11/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Diamond Creek,18 Siyan Ri,4,h,860000,PI,Morrison,27/11/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,24 Mussert Av,4,h,985500,S,Ray,27/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,268 Spring Rd,3,h,748000,S,Ray,27/11/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,3/11 Frank St,4,t,973500,S,Ray,27/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,183a High St,3,u,751800,SP,Jellis,27/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,8 Howard Ct,3,h,1100000,VB,Vic,27/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,394 Manningham Rd,3,h,1202000,S,Barry,27/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,25 Outlook Dr,3,h,1362000,S,Philip,27/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/62 Rathmullen Qd,4,t,900000,VB,Fletchers,27/11/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,1/2 Altona Ct,4,t,1069000,S,Jellis,27/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Brindy Cr,2,h,1290000,S,Barry,27/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/62 Leeds St,3,t,840000,S,Jellis,27/11/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,35 Florence Av,3,h,970000,S,Noel,27/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,40 Martha St,4,h,1040000,S,Jellis,27/11/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,3 Morinda Wy,4,h,430000,PI,Ray,27/11/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,4 Owl Rd,3,h,300000,PI,LITTLE,27/11/2016,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,1 Redstart St,3,h,521000,S,Stockdale,27/11/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,58 Glenard Dr,4,h,,S,Nelson,27/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,8 Outlook Dr,4,h,2550000,VB,Miles,27/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,4/47 Sherwood Rd,3,u,1060000,S,hockingstuart,27/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,2/84 The Righi,3,u,1190000,S,Miles,27/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,13 Warne St,4,h,2012000,S,Nelson,27/11/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,65a Edithvale Rd,3,u,787000,SP,O'Brien,27/11/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/236 Station St,4,h,850000,S,Barry,27/11/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,44 Elizabeth St,5,h,,SN,Biggin,27/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,275 Kooyong Rd,3,h,1605000,S,Biggin,27/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,7 McMillan St,3,h,,SN,Biggin,27/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,34A Oswald St,3,h,,S,Chisholm,27/11/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,31 Marlow Pl,4,h,956000,S,Barry,27/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,9 Natalie Mw,5,h,1125000,PI,Fletchers,27/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,35 Nerreman Gwy,4,h,1205000,S,Barry,27/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/18 Swan St,3,h,1000000,S,Buckingham,27/11/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,19 Brixton Av,3,h,,S,Fletchers,27/11/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,2 Lenkunya Ct,4,h,1180000,S,Buckingham,27/11/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,7/5 Alfriston St,2,u,680000,PI,hockingstuart,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,335 Barkly St,4,h,,SP,Marshall,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/8 Bluff Av,2,u,,SP,Chisholm,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/115 Brighton Rd,2,u,730000,S,Chisholm,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/229 Brighton Rd,2,u,526000,S,Chisholm,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,20 Gordon Av,2,h,1242000,S,McGrath,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/79 Mitford St,3,t,920000,PI,McGrath,27/11/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,42 Carlisle Dr,3,h,495000,S,hockingstuart,27/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/23 Edith St,2,u,,PI,Harcourts,27/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,63 Northumberland Dr,3,h,450000,S,Harcourts,27/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Peppercorn Pde,2,h,385000,S,hockingstuart,27/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,40 Shaftesbury Dr,4,h,470000,S,hockingstuart,27/11/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,16 Cliff St,3,h,1630000,S,Nelson,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,10 Deakin St,3,h,850000,PI,Hodges,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/7 Graves St,3,u,872000,S,Nelson,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,71A Price St,3,t,935000,PI,Alexkarbon,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/1 Thomson St,2,u,630000,S,Nelson,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5/8 Violet St,2,u,440000,S,Brad,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Washington St,5,h,1811000,S,Nelson,27/11/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,189 Rathmines St,3,h,1500000,S,McGrath,27/11/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,1/203 Station St,2,u,600000,VB,Jellis,27/11/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,14 Baird St,4,h,655000,S,Brad,27/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,17 Basil St,3,h,,SN,Barry,27/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,112 Lynch Rd,2,h,,VB,hockingstuart,27/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,12 Selola Ct,3,h,652500,PI,hockingstuart,27/11/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,115 Burke Rd,3,h,,SP,Barry,27/11/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,18 Harwell Rd,4,h,731000,S,Ray,27/11/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,53 Joan Av,5,h,795000,SP,Schroeder,27/11/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,17 Bell St,4,h,4011000,S,Nelson,27/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,11 Henry St,2,h,677000,S,Chambers,27/11/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,49 Best St,4,h,2300000,S,Nelson,27/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,123/4 Bik La,2,u,490000,VB,Nelson,27/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,717 Brunswick St,3,h,1300000,S,Collins,27/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,14 King St,3,h,1300000,S,hockingstuart,27/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,205 Scotchmer St,3,h,2150000,S,Nelson,27/11/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,4 Farnham St,3,h,1115000,S,Nelson,27/11/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,4 Adelaide St,4,h,1225000,SP,Nelson,27/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,483 Barkly St,3,t,781000,S,Jas,27/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1/24 Eldridge St,2,u,296000,S,Sweeney,27/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11/30 Pickett St,1,u,,PI,Barry,27/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/30 Pickett St,2,u,,PI,Barry,27/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,4 The Crescent,3,h,886500,S,Greg,27/11/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,2 Abelia St,4,h,1310000,S,Jellis,27/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Amber St,5,h,1170000,S,Noel,27/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,16 Ashmore Rd,3,h,960000,S,Christopher,27/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,64 Faulkner St,4,h,1020000,S,Fletchers,27/11/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,1/3 Friswell Pl,2,u,561000,S,O'Brien,27/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/3 Friswell Pl,2,u,462500,S,O'Brien,27/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Marina Av,3,h,455000,SP,LJ,27/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,557 Nepean Hwy,4,h,2300000,PI,Raine,27/11/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,56 Blaxland Av,3,h,631000,S,hockingstuart,27/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Bruarong Cr,5,h,1000050,VB,O'Brien,27/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,76 Cliff Rd,5,h,1500000,PI,hockingstuart,27/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,12 Japonica Gr,3,h,620000,S,U,27/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,38C Violet St,4,h,1240000,S,McEwing,27/11/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,44 Dalton St,4,h,860000,PI,Raine,27/11/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,16 Katrina Dr,3,h,530000,SP,Barry,27/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,11 Oakhurst Ct,3,h,563000,SP,Barry,27/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,3 Padua Ct,3,h,525000,SP,Barry,27/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,4 Sheldon Ct,3,h,550000,SP,Barry,27/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,29 Trentham Dr,3,h,560000,S,Barry,27/11/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,24 Allison Av,4,h,,S,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1D Belmont Av,3,t,1275000,VB,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,44A Beryl St,3,h,1550000,S,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,16 Bourne Rd,4,h,,S,Marshall,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/41 Edgar St,3,h,,S,hockingstuart,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/1526 High St,1,u,420000,VB,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,53 Madeline St,4,h,1920000,S,Marshall,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,21 Park Rd,5,h,2100000,S,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Queens Pde,5,h,2410000,PI,Marshall,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,22 Rix St,4,h,,SN,RT,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Rosedale Rd,3,h,,S,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/304 Tooronga Rd,2,u,,S,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,30 Valley Pde,4,h,2100000,PI,Marshall,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,44 Vincent St,4,h,,S,Jellis,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,15 Yeovil Rd,4,h,2950000,S,Kay,27/11/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,6/2 Argyle Ct,3,u,744000,S,Barry,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,19A Arlington Dr,5,h,2080000,S,Buxton,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,53 Brynor Cr,3,h,1111000,S,Ray,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,7 Crosby Dr,4,h,,SN,Ray,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Hawthorn Wy,4,t,,PN,Harcourts,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,38 Hinkler Rd,5,h,,PI,Buxton,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Lilian St,5,h,1350000,SP,Harcourts,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Nicholas Av,4,h,1130000,S,Barry,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,32 Olinda St,5,h,,PI,JRW,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Pepperell Av,4,h,1730000,SP,Fletchers,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Rythdale Ct,3,h,1205800,SP,H,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/533 Springvale Rd,3,t,600000,VB,Ray,27/11/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/15 Acacia St,2,t,484852,SP,Eview,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,50 Chapman Av,4,h,,S,Nelson,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,107 Glenroy Rd,4,h,1000000,PI,Barry,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 Glenroy Rd,2,h,726335,S,Eview,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,165 Hilton St,4,h,630000,S,Stockdale,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,80 Isla Av,2,h,,SP,Stockdale,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10 Justin Av,2,h,685000,S,Stockdale,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,57 Maude Av,3,h,410000,PI,Melbourne,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,72 Pecham St,3,h,670000,S,Barry,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/48 William St,2,h,417000,S,Stockdale,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/26 York St,3,t,600000,VB,Nelson,27/11/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,49 Cairns St,3,h,830000,SA,Darren,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,251 Elder St,3,h,700000,S,Buckingham,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Hebden St,4,h,1132000,S,Morrison,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/132 Henry St,3,u,580000,S,Nelson,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Hume St,4,h,750000,PI,Buckingham,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,28 Jessop St,3,h,755000,S,Barry,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,38 Melliodora Cr,5,h,1670000,S,Morrison,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,52 Sainsbury Av,3,h,750000,PI,Morrison,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,31 Warralong Av,4,h,812500,S,Nelson,27/11/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,4 Lamark Ct,5,h,1850000,S,Barry,27/11/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,25 Naxos Rd,4,h,,PI,YPA,27/11/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1/15 Wallace Dr,4,h,510000,S,Jason,27/11/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,3 Charles St,3,h,1102000,S,Stockdale,27/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,25 East St,2,h,515000,S,D'Aprano,27/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,14 Sutherland St,3,h,716000,S,Nelson,27/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,38 Tassell St,2,h,640000,SP,YPA,27/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,21 Volga St,2,h,460000,S,Barry,27/11/2016,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,1/514 Bluff Rd,3,t,820000,VB,Buxton,27/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,28 Holyrood St,5,h,,SP,Marshall,27/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,8 Lagnicourt St,4,h,2410000,S,Marshall,27/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,91A Linacre Rd,2,t,915500,S,Biggin,27/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,49 Service St,4,h,1740000,S,Marshall,27/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,136 Thomas St,1,h,2450000,S,Buxton,27/11/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2 Harry St,3,h,1195000,S,Ray,27/11/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,11a Leith Cr,4,t,1150000,S,Buxton,27/11/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,10/150 Barkers Rd,2,u,715000,S,Marshall,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,35 College St,3,h,2375000,VB,Jellis,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/578 Glenferrie Rd,2,u,530000,PI,Marshall,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/4 Grattan St,2,u,752000,S,Marshall,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12 Morang Rd,3,h,1980000,S,Jellis,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8B Myrtle St,2,t,1055000,S,Jellis,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,151 Power St,4,h,1976000,S,RT,27/11/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/36 Anderson Rd,2,u,500000,VB,Peter,27/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/11 Harts Pde,2,u,622000,S,Williams,27/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,96 Rathmines Rd,4,h,,SP,Marshall,27/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/30 Ryeburne Av,2,u,650000,PI,Noel,27/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,11 Selwood St,4,h,,SN,Kay,27/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,20 Stewart St,3,h,1650000,S,Marshall,27/11/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,3/305 Sandbelt Cl,2,u,,VB,Woodards,27/11/2016,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,20 Kenbry Rd,3,h,,SN,Barry,27/11/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,14 Adamson St,3,h,1400000,S,Miles,27/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,53 Buckingham Dr,3,h,,SP,Miles,27/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,137 Hawdon St,5,h,,VB,Miles,27/11/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,23 Dougharty Rd,2,h,570000,S,Haughton,27/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,13 Glover St,3,h,550000,VB,Purplebricks,27/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,3/47 Southern Rd,2,h,510000,SP,Fletchers,27/11/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,17 Blackwood Pde,4,h,820000,S,Fletchers,27/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,22 Kokoda St,2,h,725000,S,Haughton,27/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,296 Oriel Rd,2,h,705000,S,Miles,27/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,190 Southern Rd,3,h,710000,S,Haughton,27/11/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,6 Barnet St,4,h,1275000,S,Chisholm,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,56 Lawson Pde,3,h,1375000,S,Hodges,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,23 Mary Av,5,h,1215000,PI,Ray,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,5/9 Maxflo Ct,2,u,551000,S,Buxton,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1 Port St,3,h,950000,VB,Gary,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/26 Railway Pde,2,u,712000,SP,Buxton,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,6 Rowans Rd,3,h,970000,S,Buxton,27/11/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,13 Chris Ct,4,h,600000,SP,Barry,27/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,29 Kanmore Cr,4,h,536500,S,Barry,27/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,24 Royal Cr,4,h,715000,S,hockingstuart,27/11/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,4 Broadlands Ct,4,h,510000,PI,hockingstuart,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,102 Grevillea Cr,3,h,487000,S,YPA,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,19 Harkaway Av,4,h,505000,S,Ray,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 McMillan Ct,3,h,410000,S,hockingstuart,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,125 Morris Rd,4,h,,PI,FN,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Mossfiel Dr,3,h,,SN,Barry,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Mossfiel Dr,3,h,,SN,Barry,27/11/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,41 Berkeley St,3,h,1150000,S,Buxton,27/11/2016,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,35 Green St,5,h,1420000,S,Domain,27/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/13 Linden Av,3,t,,PI,Nelson,27/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/84 Locksley Rd,3,h,875000,S,Haughton,27/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/94 Oriel Rd,3,t,550000,PI,Barry,27/11/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,18 Otterington Gr,4,h,,SN,Miles,27/11/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,14 York Av,5,h,3390000,S,Jellis,27/11/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,25 Bliburg St,3,h,495000,S,YPA,27/11/2016,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,87 Church St,4,h,937000,S,Brad,27/11/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,1/15 Hallmark Pl,3,u,461000,SA,FN,27/11/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,92A Brees Rd,3,t,660000,PI,Barry,27/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,35/24 Craig St,3,h,650000,S,Nelson,27/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,16 Heatherlea Cr,3,h,,S,Nelson,27/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,61 Nyah St,3,h,900000,S,Nelson,27/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,5 Viewbank Dr,3,h,823000,S,Nelson,27/11/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,2 Malibu Gr,5,h,735000,S,Sweeney,27/11/2016,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,3/550 Fullarton Rd,4,t,600000,S,Barry,27/11/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,18 William St,3,h,575000,S,Nelson,27/11/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,301/84 Altona St,2,u,425000,S,Rendina,27/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,302/18 Bent St,2,u,,SP,Nelson,27/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,68 Hardiman St,2,h,1211000,SP,Nelson,27/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,8/37 Kensington Rd,2,u,506000,SP,Sweeney,27/11/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,2/37 Atkins St,2,u,730000,S,Marshall,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Belmont Av,7,h,,S,Marshall,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,14 Byron St,3,h,,SP,Jellis,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,8 Carnsworth Av,4,h,1830000,PI,Kay,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,60 Childers St,3,h,1500000,PI,Marshall,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Collins St,4,h,1750000,S,hockingstuart,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/206 Cotham Rd,3,u,1100000,S,Jellis,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,36 Denmark St,3,h,1290000,S,Christopher,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,33 Disraeli St,3,h,1440000,S,Kay,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,27 Fernhurst Gr,4,h,2560000,PI,Jellis,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Heather Gr,5,h,2600000,VB,hockingstuart,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,47 Kellett Gr,4,h,2245000,S,Jellis,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,69 Malin St,5,h,3280000,PI,Marshall,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,12 Thomas St,4,h,,SP,Marshall,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,23 Valentine Av,4,h,3000000,S,Marshall,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,157 Wiltshire Dr,3,t,730000,SP,RT,27/11/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,36 Baker Av,3,h,,SP,Marshall,27/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,43 Ramsay Av,3,h,1910000,S,Marshall,27/11/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,22 Leanne Cr,3,h,,SN,Barry,27/11/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,76 Liverpool Rd,3,h,,PI,Barry,27/11/2016,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,11 Tollhouse Rd,3,h,,W,YPA,27/11/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,3 Green Av,3,h,,SN,Harcourts,27/11/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,36 Scott Gr,3,h,690000,S,Barry,27/11/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,24 Stymie St,5,h,,PI,Ray,27/11/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kooyong,81 Talbot Cr,3,t,1706000,S,Abercromby's,27/11/2016,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,9 Cutler Ct,3,h,620000,S,Harcourts,27/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,42 Rosemary Dr,3,u,,PN,Harcourts,27/11/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,15/29 Main Rd,2,u,500000,S,Darren,27/11/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,12 Dwyer St,4,h,1220000,S,Miles,27/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/56 Ferguson St,2,u,756000,S,Miles,27/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,16 Strathallan Rd,3,h,1050000,SP,Ray,27/11/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,20 Kanooka Dr,3,t,,PN,Maddison,27/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,14 Madden St,2,h,830000,S,Rendina,27/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,1/39 Spurling St,3,t,,PI,Ray,27/11/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,11 Childers Rd,2,h,1475000,S,Marshall,27/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,122/14 Elizabeth St,2,u,640000,PI,Ray,27/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,53 Elizabeth St,4,h,,SN,Kay,27/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,3/3 Irving St,2,u,700000,VB,Direct,27/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,2/5 Moorakyne Av,4,h,1395000,S,Marshall,27/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,120 Stanhope St,3,h,,SP,Jellis,27/11/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,5/80 Burke Rd,1,u,315000,S,Jellis,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,22 Ellison St,3,h,1297000,S,Marshall,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 Findon St,3,h,,SN,LITTLE,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 John St,2,h,,S,Jellis,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,10/1810 Malvern Rd,3,t,1015000,S,Marshall,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,74 Millewa Av,4,h,1895000,S,Jellis,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/2 Moira St,4,u,,SP,Fletchers,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/5 Peak St,2,u,523000,S,Castran,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15 Prior Rd,3,h,1335000,S,Stockdale,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/100 Tooronga Rd,3,h,1055000,PI,hockingstuart,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,22 Warida Av,4,h,2100000,S,Jellis,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,15/5 Warley Rd,2,u,425000,SP,hockingstuart,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/380 Waverley Rd,3,h,1670000,S,Marshall,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,401A Waverley Rd,4,h,1350000,VB,Jellis,27/11/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,10 Amarco Cr,3,h,805000,S,RT,27/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,17 Bloomfield Av,3,h,1540000,S,Biggin,27/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,66 Raleigh Rd,3,h,907000,S,Raine,27/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,110/44 Skyline Dr,2,u,570000,PI,McDonald,27/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,26 Waterford Av,3,t,725000,S,Biggin,27/11/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,5/7 Exhibition St,2,u,551000,SP,Woodards,27/11/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,2/9 Berringa Ct,3,u,,PI,YPA,27/11/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,3/32 Papworth Pl,3,t,,VB,Stockdale,27/11/2016,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,420/539 St Kilda Rd,1,u,357500,S,hockingstuart,27/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,501/300 Swanston St,3,u,,SP,Biggin,27/11/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,24 Allandale Rd,4,h,1150000,S,Hodges,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10/70 Beach Rd,2,u,525000,S,Thomson,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/30 Collins St,2,u,585000,S,Buxton,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,12 Conder Wy,3,t,781000,SP,Buxton,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,13 Eblana Av,4,h,1890000,SP,Buxton,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5B Elizabeth St,2,t,905000,S,hockingstuart,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,27 Patty St,3,h,1181000,S,Buxton,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/46 Plummer Rd,2,u,765000,S,Hodges,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5/6 Venice St,2,u,663000,S,hockingstuart,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,60 Voltri St,3,h,890000,S,O'Brien,27/11/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,6 Schotters Rd,4,h,700000,S,Ray,27/11/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,98 Harold St,2,h,1630000,SP,Marshall,27/11/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,35 Bowman Dr,3,h,,SN,Barry,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Callistemon Ri,3,h,611000,S,Ray,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Denham Pl,3,h,505000,S,Ray,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Glenlea Ct,3,h,532000,S,Ray,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,22 Hinkler Dr,4,h,,PI,Barry,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,38 Incana Dr,3,h,650000,S,Love,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Jasmine Dr,3,h,501500,S,Love,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Kellaway Cr,3,h,564000,S,Reach,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 McClelland Dr,4,h,690000,S,Harcourts,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Mew Ct,4,h,660000,S,Iconek,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Pulford Cr,4,h,,SN,Barry,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,14 Silverbirch Ri,3,h,420000,S,Harcourts,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Silvertop Ct,4,h,,SN,Barry,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Sinclair Ct,4,h,591000,S,Ray,27/11/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2/34 Carween Av,2,u,675000,SP,M.J,27/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,30 Convent La,2,u,,SN,Barry,27/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,8 Haven Ct,4,h,,PI,Carter,27/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,251 Mitcham Rd,4,h,860000,SP,Fletchers,27/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,311 Mitcham Rd,2,h,825000,S,Noel,27/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,30 Reserve Av,3,h,940000,SP,JRW,27/11/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,3 Blenheim Av,4,h,2025000,PI,Jellis,27/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/72 Kenmare St,4,t,1310000,PI,Fletchers,27/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,2/86 Victoria Cr,3,u,,SP,hockingstuart,27/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,47 Zetland Rd,3,h,1564000,S,Jellis,27/11/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,42 Baldwin Av,3,h,1060000,S,Buckingham,27/11/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/203 Rattray Rd,3,h,1005000,S,Barry,27/11/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,108 Dean St,3,h,,SP,Jellis,27/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/21 Holmes Rd,2,u,574000,S,Jellis,27/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,12/17 Moore St,2,u,470000,VB,Nelson,27/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/263 Union Rd,3,t,1130000,S,Brad,27/11/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,15 Biscop Rd,2,h,1191000,S,C21,27/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,15 Faye St,4,h,1130000,S,Buxton,27/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/3 Fiddes St,2,h,776000,S,Ray,27/11/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,301 Hull Rd,3,h,540500,S,McGrath,27/11/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,116 Chute St,3,h,780000,S,hockingstuart,27/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3/68 Chute St,2,u,502000,S,Ray,27/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,41 Jenkins St,3,t,,PN,Ray,27/11/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11 Aldrin Dr,3,h,912000,S,Harcourts,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,35 Bennett Av,3,h,1115000,S,Barry,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,239 Blackburn Rd,3,h,1007500,S,Harcourts,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Bruce St,3,h,1825000,S,Jellis,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Grenfell Rd,3,h,1215000,S,Stockdale,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,354 Highbury Rd,4,h,1181000,S,McGrath,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,48 Huntingtower Cr,5,h,,PI,JRW,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,83 Ian Gr,4,h,1400000,S,Woodards,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Redmond Ct,3,h,1365800,SP,Jellis,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Sesame St,4,h,1575000,S,McGrath,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,34 Smyth St,3,h,,PI,Barry,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Tarella Dr,3,h,1320000,S,Barry,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Warren Ct,5,h,1975000,S,Ray,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/214 Waverley Rd,2,u,683000,SP,Harcourts,27/11/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,3 Linton Pl,3,h,735000,S,Harcourts,27/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Pavilion Pl,3,h,1071000,S,Ray,27/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 Upton Ct,3,h,802000,S,Win,27/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,23 Windermere Cr,4,h,866000,S,Ray,27/11/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/48 Murrumbeena Rd,3,u,1270000,S,hockingstuart,27/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,47A Rosella St,4,t,1200000,PI,Buxton,27/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Victory St,3,h,1090000,S,Gary,27/11/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,16 Bradley Tce,3,h,420000,PI,Maitland,27/11/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,9 Blackshaws Rd,3,h,,S,Village,27/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,4/71 Challis St,2,u,670000,SP,Purplebricks,27/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,12 Gordon St,3,h,1040000,S,hockingstuart,27/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,78A Oxford St,4,h,1316000,S,Williams,27/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,12 Severn St,2,h,816000,S,RT,27/11/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,20 Grandview Rd,4,h,1245000,PI,McDonald,27/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,29 Jackson St,3,h,1155000,S,Barry,27/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/10 Nolan St,3,u,746000,S,Barry,27/11/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,25 Ellt Cr,3,u,,SN,Barry,27/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3 Smith St,3,h,684000,S,C21,27/11/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,1/109 Arden St,2,u,665500,S,Alexkarbon,27/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,14/7 Curran St,2,u,550055,SP,Jellis,27/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,11/368 Dryburgh St,1,u,358000,SP,Jellis,27/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,103/171 Flemington Rd,1,u,320000,S,W.B.,27/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,10 Munster Tce,3,t,1000000,VB,Nelson,27/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,203/150 Peel St,2,u,598000,S,Alexkarbon,27/11/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,162 Bastings St,3,h,2160000,S,Jellis,27/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,43 Bird Av,2,h,960000,PI,Jellis,27/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,6 Maivary La,2,h,,S,Jellis,27/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,13 Vauxhall Rd,3,h,1610000,S,Jellis,27/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,13/200 Westgarth St,1,u,400000,VB,Nelson,27/11/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,77 Esdale St,2,h,1160000,S,Barry,27/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,11 Eugenia St,3,h,991000,S,Stockdale,27/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,71 Luckie St,3,h,975000,S,Philip,27/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,268 Springfield Rd,2,h,1050000,S,Fletchers,27/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/310 Springfield Rd,3,t,780000,VB,Ray,27/11/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/21 Gregory St,3,u,550000,PI,Brad,27/11/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,2/34 Golf Links Av,4,t,,SN,Ray,27/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,36 Hatter St,3,h,1225000,S,Buxton,27/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/13 Heath Av,3,t,900000,SP,Barry,27/11/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3 Curran St,3,h,1100000,S,Woodards,27/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,26 MacRina St,3,h,1175000,S,Ray,27/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/9 Tullius Av,3,t,840000,S,Barry,27/11/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,6 Bossington St,2,h,,PI,Buxton,27/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,15 Druitt St,3,h,850500,S,Buxton,27/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2/3 Golf Rd,2,u,625000,S,LJ,27/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,3 Paula Ct,3,h,980500,S,McGrath,27/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,22 Pitt St,3,h,1068000,S,Ray,27/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,20 Sherbrooke Av,4,h,840000,SP,Woodards,27/11/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,7/21 Lillimur Rd,1,u,447000,S,Ray,27/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2 Wimmera St,2,h,1177000,S,Thomson,27/11/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,22 Balmoral Dr,4,h,1188000,S,hockingstuart,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/11 Foam St,2,u,575000,S,Hodges,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,20/156 Lower Dandenong Rd,3,u,630000,S,O'Brien,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,400 Nepean Hwy,3,h,951000,S,hockingstuart,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,7/34 Olive Gr,2,u,400000,VB,Chisholm,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,12 Reid St,5,h,,SN,Buxton,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,21A Rosella Rd,3,t,1100000,PI,Buxton,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3 Rosella Rd,3,h,1950000,S,Hodges,27/11/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,12/228 The Avenue,1,u,500000,S,Nelson,27/11/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,28/238 The Avenue,3,u,1403000,S,Nelson,27/11/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,2/36 Alpine Gr,3,t,600000,VB,hockingstuart,27/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,63 Cornwall Rd,3,h,721000,S,Alexkarbon,27/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,58 Cumberland Rd,2,h,720000,SP,hockingstuart,27/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,10 Dromana Av,3,h,730000,PI,Brad,27/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,73 Park St,4,h,910000,PI,Brad,27/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,103 Sussex St,2,h,1570000,S,Barry,27/11/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,8 Adelong Ct,3,h,595000,S,hockingstuart/hockingstuart,27/11/2016,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Plenty,11 Paphos Ct,4,h,940000,VB,Buckingham,27/11/2016,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Port Melbourne,1001/107 Beach St,3,u,2460000,S,Marshall,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,302/65 Beach St,1,u,,SP,RT,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,313/363 Beaconsfield Pde,1,u,,VB,Greg,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,74 Bridge St,2,h,,PI,RT,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6/223 Esplanade Pl,1,u,390000,S,Cayzer,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,322 Esplanade Pl,2,h,1455000,S,Marshall,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,61/1 Graham St,1,u,540000,VB,Chisholm,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,126 Heath St,3,h,3705000,S,Greg,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,334 Howe Pde,2,h,1180000,S,Greg,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,137 Ingles St,3,t,950000,PI,Frank,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,14 Nelson St,3,h,,S,Marshall,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,215 Princes St,3,h,1350000,S,hockingstuart,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,350 Princes St,3,h,2100000,S,Marshall,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,3/1 Seisman Pl,2,u,735000,S,Chisholm,27/11/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,19 Chatsworth Rd,3,h,2385000,PI,Marshall,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/17 Clarke St,1,u,,PI,Purplebricks,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/327 Dandenong Rd,2,u,681000,S,Geoff,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,9/25 Irving Av,1,h,428000,S,Nick,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,37 Perth St,4,h,1820000,S,Jellis,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,103/59 Porter St,2,u,950000,VB,hockingstuart,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,32 Union St,2,h,480000,PI,Jellis,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,84 York St,2,h,1305000,S,Jellis,27/11/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,86 Cramer St,3,h,1150000,PI,Woodards,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,33 Gordon Gr,4,h,871000,S,Ray,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13 Grampian St,4,h,910000,PI,Nelson,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Hay St,2,h,,SP,Nelson,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,11 Inverloch St,3,h,1330000,S,Barry,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/9 Mihil St,2,h,651000,S,Woodards,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,194 Miller St,4,h,950000,S,Ray,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,192 Murray Rd,3,h,821000,S,Love,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7/553 Murray Rd,2,t,,PI,Nelson,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/22 Oak St,2,u,,SP,Barry,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,30 Okeefe St,3,h,888500,S,Nelson,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,36 Penola St,3,h,,SP,Barry,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2A Stafford St,3,h,,SP,Love,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,192 Wood St,4,h,870000,S,RW,27/11/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,76 Arnold St,3,h,1700000,VB,Collins,27/11/2016,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,14 Finnigan St,4,h,796000,S,Barry,27/11/2016,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,15 Berwick St,3,h,751000,S,Love,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 Bogong Ct,3,h,,SP,Barry,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Burnett Cr,5,h,820000,S,Ray,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,53 Churchill Av,3,h,540000,S,Stockdale,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Dumbarton St,3,h,851000,S,Barry,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Frier Av,3,h,801000,S,Ray,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,657 Gilbert Rd,3,h,777000,S,Nelson,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Henty St,3,h,,S,Nelson,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,24 Home St,4,h,1162000,S,Barry,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,89 McMahon Rd,3,h,620000,SP,McGrath,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1 Mendip Rd,3,h,1025000,S,RW,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Oconnor St,3,h,762500,S,Nelson,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Powell St,3,h,832000,S,Nelson,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Steane St,5,h,820000,SP,hockingstuart,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5a Tambo Av,2,u,468000,S,Stockdale,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Winter Cr,3,h,756000,S,Nelson,27/11/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,5 Birch Sq,3,h,1350000,VB,Jellis,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,113 Buckingham St,3,h,,S,Jellis,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4 Burgess St,3,h,1405000,S,Rendina,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,601/10 Burnley St,1,u,362000,S,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,408/633 Church St,2,u,760000,S,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/10 Elaine Ct,2,u,807000,S,Jellis,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,1 Hodgson Tce,3,h,1495000,S,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,9 Hosie St,3,h,1410000,S,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,104/8 Howard St,1,u,385000,VB,RT,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,52 Hunter St,2,h,1150000,SP,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Longfield St,3,h,1400000,PI,hockingstuart,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,25 Palmer St,4,h,1775000,S,Nelson,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/199 Punt Rd,1,u,360000,S,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,43 Type St,3,h,1270000,S,Biggin,27/11/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,10 Linda Dr,4,h,850000,PI,Fletchers,27/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 Wattle Av,4,h,831000,VB,Fletchers,27/11/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,16 Braewood Av,4,h,,SN,Barry,27/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/26 Highton St,3,u,,PN,Real,27/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,11A Rotherwood Av,3,h,648000,SP,Barry,27/11/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,48 Kubis Dr,4,h,1175000,PI,Jellis,27/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,12 Park Rd,4,h,687000,S,Carter,27/11/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,23 Maryville St,4,h,1925000,PI,Marshall,27/11/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,37 Jones Cr,3,h,,SN,Miles,27/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,4/32 Lower Plenty Rd,2,u,618000,S,Miles,27/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,14 Milford Gr,4,h,1720000,S,Miles,27/11/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,56 Candlebark Qd,4,h,,PI,Biggin,27/11/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,11 Kedleston Wy,3,h,,PI,Barry,27/11/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,8 Kempston Ct,5,h,778000,S,Harcourts,27/11/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,16 Aquila Gr,4,h,,PN,YPA,27/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,7 Baynton Cr,3,h,405000,S,Raine,27/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,1 Harrower St,4,h,600000,S,Raine,27/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,76 Kennedy Pde,4,h,475000,S,Raine,27/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,40 Pickersgill Cr,3,h,437000,S,Raine,27/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Terrell Ct,3,h,430000,SP,Professionals,27/11/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,5/51 Abbott St,2,u,880000,S,Buxton,27/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,115 Beach Rd,8,h,,S,Hodges,27/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,6 Holloway Rd,3,h,1630000,PI,Buxton,27/11/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,2/39 Fellowes St,2,u,440000,S,hockingstuart/hockingstuart,27/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,122 Seaford Pl,4,h,600000,PI,Century,27/11/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,4/185 Buckley St,2,u,645000,S,Jas,27/11/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,41 Saltley St,3,t,855000,SP,Greg,27/11/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,1107/50 Albert Rd,1,u,320000,VB,Dingle,27/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,5/38 Bank St,3,u,742000,SP,Greg,27/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,164 Cecil St,3,h,2075000,S,Marshall,27/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,52 Eastern Rd,3,h,2525000,S,Marshall,27/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,44 Iffla St,3,h,,S,Marshall,27/11/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,4 Friarbird Rd,4,h,883000,S,Harcourts,27/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,9 Haven Cl,3,h,458000,S,Ray,27/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Parkside Vw,4,h,597000,S,Ray,27/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,17 Princetown Dr,4,h,630000,S,Harcourts,27/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,33 Vincent Dr,3,h,482500,S,Love,27/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,27 Visage Dr,3,h,491500,S,Love,27/11/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,5/23 Argo St,2,u,,SN,hockingstuart,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/16 Cromwell Rd,2,u,470000,VB,Jellis,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/274 Domain Rd,2,u,621500,S,hockingstuart,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/34 Kensington Rd,2,u,,SP,Jellis,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19 Lara St,3,h,1750000,PI,Kay,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7 Motherwell St,4,h,2667000,S,Kay,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,68 Oban St,3,h,2200000,PI,Jellis,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,366 Toorak Rd,3,h,1700000,S,Morrison,27/11/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,66 The Avenue,3,h,1070000,S,Village,27/11/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,2A Vernon St,4,h,,SP,Village,27/11/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,27 Hillside St,3,h,,SN,Barry,27/11/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,48 Coomoora Rd,3,h,,SP,iSell,27/11/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,1 Golding Ct,5,h,818000,S,O'Brien,27/11/2016,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,1/16 Cleveland St,3,t,480000,SP,YPA,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/16 Cleveland St,3,t,,W,YPA,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/16 Cleveland St,3,t,,W,YPA,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,26 George St,4,h,,SN,Barry,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,29 Ralph Av,1,h,275000,S,YPA,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,36 Victoria Cr,3,h,750000,S,Douglas,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,38 Walmer Av,3,h,,SN,Barry,27/11/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,21/352 Canterbury Rd,2,u,500000,SP,Whiting,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/45 Chapel St,2,u,717000,S,Gary,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9/40 Eildon Rd,2,u,,PI,Buxton,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,8/2 Emilton Av,1,u,410000,S,Morleys,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,23/116 Inkerman St,1,u,220000,PI,Whiting,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/22 Inkerman St,1,u,400000,VB,Woodards,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,33 Marine Pde,4,h,4750000,PI,RT,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/25 Octavia St,2,u,888000,S,Meadows,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/51 Spenser St,2,u,760000,S,Woodards,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,18/170 St Kilda Rd,3,u,720000,SP,Wilson,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/17 St Leonards Av,2,u,,S,hockingstuart,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,9 Waterloo Cr,3,h,,S,Biggin,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,13/62 Wellington St,1,u,461000,SP,McGrath,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5/69 Wellington St,2,u,580000,PI,McGrath,27/11/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Sunbury,19 Hoya Pl,3,h,545000,S,Raine,27/11/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,68 Chapman St,4,h,895000,S,Jas,27/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,7 Donald St,3,h,762500,S,GL,27/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,11 Taunton St,2,h,702000,SP,FN,27/11/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,23 Baynton Av,3,h,700000,PI,Sweeney,27/11/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,22 Bambara Ct,4,h,705000,S,Douglas,27/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,3 Corella Rd,3,h,486000,S,Barry,27/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,111 Hall St,4,h,645000,VB,Barry,27/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,4 Pinaroo Av,3,h,,PI,Sweeney,27/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,43 Talintyre Rd,3,h,530000,S,Barry,27/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,57 Warmington Rd,3,h,500000,SP,Barry,27/11/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,4 Banool Rd,2,h,,S,Jellis,27/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8/32 Broughton Rd,2,u,,S,Jellis,27/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/23 Clyde St,2,u,600000,VB,Noel,27/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,14 Elwood St,3,h,,S,Jellis,27/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,17 Empress Rd,3,h,2180000,SP,Jellis,27/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,39 York St,4,h,2760000,S,Marshall,27/11/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,8 Benjamin Ct,4,h,460000,S,YPA,27/11/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,672 Tarneit Rd,4,h,595000,S,Sweeney,27/11/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,8 Beaufort Pde,4,h,735000,SP,Barry,27/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,16 Cardinia Cr,5,h,726000,S,FN,27/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,15 Flagstaff La,4,h,803000,S,YPA,27/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,17 Lambert Ct,3,h,490000,S,Prof.,27/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,3 University Dr,4,h,720000,SP,Barry,27/11/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,50 Parmelia Dr,4,h,660000,S,Barry,27/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,9 Rigby Ct,4,h,710000,S,Prof.,27/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,7 Wakatipu Ct,3,h,625000,S,Barry,27/11/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,3 Hailey Ct,4,h,1195000,S,hockingstuart,27/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,13 Lawsons Ct,4,h,1150000,SP,Jellis,27/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,25 Oliver Rd,5,h,1400000,PI,hockingstuart/Barry,27/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Verbena St,4,h,,SP,hockingstuart,27/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,8A Warrick Gr,4,h,950000,PI,Fletchers,27/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/73 Wood St,3,h,893500,S,Jellis,27/11/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,4 Caroline Dr,3,h,1220000,SP,Jellis,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,6 Exeter Cl,4,h,1222000,S,Fletchers,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,5 Fairbank Cr,5,h,1097500,S,Barry,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,205 High St,3,h,2025000,S,Jellis,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,3/246 High St,3,u,755000,S,Fletchers,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,331a High St,4,h,1505000,S,hockingstuart,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,26 Horsfall St,4,h,1650000,PI,Jellis,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,78 Olympus Dr,4,h,1182500,S,Barry,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,132 Templestowe Rd,4,h,1020000,S,Barry,27/11/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,42 Stuart St,3,h,620000,S,iTRAK,27/11/2016,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,19 Alfred Av,3,h,465000,SP,Barry,27/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,8 Barden Pl,3,u,525000,S,Harcourts,27/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,9 Hawkesbury Ct,3,h,486000,S,Harcourts,27/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,6 Northey Cl,5,h,715000,S,Harcourts,27/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,112 Victoria Dr,3,h,610000,PI,Jellis,27/11/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,129 Clarendon St,3,h,1370000,S,Jellis,27/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,316 Gillies St,4,h,,S,Jellis,27/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,13a hammond St,3,h,1470000,SP,McGrath,27/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,8/77 Pender St,1,u,303500,SP,Woodards,27/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,386 Station St,3,h,1160000,SP,McGrath,27/11/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2/125 Canterbury Rd,2,u,,VB,Kay,27/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,46 Evelina Rd,6,h,,SP,RT,27/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,26 Grange Rd,4,h,,VB,Kay,27/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7/153 Kooyong Rd,2,u,870000,SP,hockingstuart,27/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,6/579 Toorak Rd,2,u,,S,Marshall,27/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/264 Williams Rd,3,t,910000,PI,Marshall,27/11/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,65 Delhi Ct,4,h,,SP,Nelson,27/11/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,2/37 Eumarella St,2,u,390000,SP,YPA,27/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,34 Strathconnon Sq,3,h,468500,S,YPA,27/11/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,25 Barnesdale Dr,5,h,1270000,S,Ray,27/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,10 Beleura Av,4,h,1050000,S,Jellis,27/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,23 Blanche Dr,3,h,,SN,Woodards,27/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,83 Nurlendi Rd,3,h,1285000,S,Noel,27/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,4 Padua Ct,4,h,870000,S,hockingstuart,27/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3 Woorill Ct,3,h,900000,S,M.J,27/11/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,7 Winslow Gr,4,h,821000,SP,JRW,27/11/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Wantirna,13/105 Mountain Hwy,2,t,,SP,Justin,27/11/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,33 Northam Rd,3,h,890000,S,Ray,27/11/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,12 Hertford Ct,6,h,,PI,Barry,27/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,8 Sally Cl,4,h,,PI,Barry,27/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,2/24 Tate Av,2,u,,W,Barry,27/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,11 White Rd,3,h,1200000,S,Harcourts,27/11/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,19 Clematis Ct,4,h,,S,Fletchers,27/11/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Warrandyte,1 Shelagh Ct,5,h,,SN,Ray,27/11/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,1/6 Wattle Dr,2,u,342500,S,Miles,27/11/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,18 Dallas Cr,4,h,710000,SA,Flannagan,27/11/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Fernlea Cl,3,h,700000,S,Ray,27/11/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,3 High St,3,h,530000,S,hockingstuart,27/11/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,60 Tarneit Rd,3,h,500000,SP,YPA,27/11/2016,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,10/745 Barkly St,2,u,262500,PI,Sweeney,27/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,5/14 Busch St,2,h,450000,S,hockingstuart,27/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,5 Gwelo St,3,h,935000,S,Sweeney,27/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,372 Somerville Rd,4,h,830000,SP,Purplebricks,27/11/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,113 Erinbank Cr,3,h,403000,SP,Barry,27/11/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,2 Colonial Cl,4,h,1286000,S,Ray,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Fairview Av,5,h,,PI,Biggin,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,63 Jells Rd,4,h,,PI,Biggin,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,47 Sheringham Dr,4,h,1495000,S,Ray,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,79 Sunnybrook Dr,4,h,1428000,S,Barry,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2/453 Wellington Rd,3,u,805000,SP,Barry,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,120 Whalley Dr,5,h,1140000,PI,Barry,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,128 Whites La,4,h,1205000,S,Ray,27/11/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,139 Cecil St,4,h,2255000,S,Raine,27/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,233 Nelson Pl,4,h,1860000,S,Sweeney,27/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,68 Osborne St,3,h,1710000,SP,RT,27/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,42 Pasco St,4,h,,S,RT,27/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,11 Sandpiper Pl,4,h,2440000,S,Sweeney,27/11/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,4/9 Adeline St,1,u,355000,S,Sweeney,27/11/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,18 Inglis St,3,h,1225000,SP,Raine,27/11/2016,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,4 Erica St,2,h,1350000,S,Kay,27/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,76 Lewisham Rd,3,h,,S,hockingstuart,27/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,49 McIlwrick St,3,h,,S,Marshall,27/11/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,6 Saltlake Boulvevard,4,h,730000,S,hockingstuart,27/11/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,2 Lentara Cr,3,h,350000,VB,hockingstuart,27/11/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,35 Melview Dr,4,h,402500,S,YPA,27/11/2016,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,33 Fahey Cr,3,h,710000,S,Fletchers,27/11/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,17 Marigolds Rd,3,h,800000,S,Darren,27/11/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,23 Castlemaine St,3,h,1380000,S,Village,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5 Highgate St,3,h,966000,S,JMRE,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,282 Hyde St,4,h,,PI,Barry,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/64 Powell St,2,u,480500,SP,Jas,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4 Regent St,4,h,1520000,VB,Jas,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,18 Tenterden St,3,h,845000,S,Jas,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10 Tuppen St,5,h,1287000,S,hockingstuart,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,56 Wembley Av,2,h,,S,Jas,27/11/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Albanvale,6 Entally Dr,3,h,,SP,People,28/01/2016,3021,Western Metropolitan,1899,14,Brimbank City Council +Bundoora,54 Noorong Av,6,h,670000,SP,Ray,28/01/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Canterbury,140 Canterbury Rd,4,h,,SP,Fletchers,28/01/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Craigieburn,9 Chelmsford Ct,5,h,,PI,Ray,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Ealing Cl,4,h,,SN,Ray,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,142 Elevation Bvd,4,h,,W,Ray,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,67 Gateshead St,3,h,428000,S,Ray,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Pearl Dr,4,h,531000,S,Ray,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Riverway Vw,4,h,,PI,Ray,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Willmott Dr,5,h,460000,PI,RE,28/01/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Glen Waverley,8 Lincoln Av,3,h,925000,S,Harcourts,28/01/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Mitcham,2/28 Heatherdale Rd,3,t,825000,S,Noel,28/01/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mount Waverley,2 Rainbow Ct,4,h,1455000,S,Barry,28/01/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Oaklands Junction,11 Peregrine Rd,4,h,,SS,RE,28/01/2016,3063,Northern Metropolitan,146,24.3,Hume City Council +St Albans,45 Harmon Av,4,h,600000,SP,Ray,28/01/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +Surrey Hills,1/10 Florence Rd,2,u,813000,S,Fletchers,28/01/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,999A Riversdale Rd,3,h,1205000,S,Fletchers,28/01/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Abbotsford,8 Fairchild St,2,h,850000,PI,Biggin,28/04/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,71A Clifton St,5,h,,PI,Rendina,28/04/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,75 Fawkner St,3,h,1576000,S,Nelson,28/04/2018,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,38 Thomas St,3,h,893000,S,Nelson,28/04/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,3/85 Merton St,2,u,690000,S,Greg,28/04/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,39 Reed St,2,h,1750000,S,Marshall,28/04/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,13 Drummartin St,5,h,950000,S,Douglas,28/04/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,30 Selwyn St,3,h,920000,S,Barry,28/04/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,1/42 Alphington St,1,u,340000,SP,Miles,28/04/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,88 Fulham Rd,4,h,2000000,VB,Jellis,28/04/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,15 Lindwood Av,4,h,,VB,hockingstuart,28/04/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,1/165 Maidstone St,3,t,817500,S,hockingstuart,28/04/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Ardeer,1 Blanche St,3,h,705000,S,Barry,28/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,7 Helene St,4,h,740000,S,Bells,28/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,32 Maxweld St,3,h,735000,S,hockingstuart,28/04/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,58 Armadale St,3,h,,SP,Jellis,28/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/4 Avondale Rd,2,u,925000,S,hockingstuart,28/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/77 Wattletree Rd,1,u,,SP,Biggin,28/04/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,40 Brisbane St,2,h,970000,S,Frank,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2/123 Epsom Rd,2,u,436000,S,Jellis,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7 McCully St,3,h,1880000,S,Jellis,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,2 Morphett Wk,4,h,1515000,S,Alexkarbon,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,24 Munro St,3,h,1225000,S,Nelson,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,71 Munro St,4,h,,VB,Jellis,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,7 The Crescent,3,h,1000000,VB,Nelson,28/04/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,55 Munro Av,3,h,1910000,S,Jellis,28/04/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,2/18 Cleveland Rd,2,t,1014000,S,Buxton,28/04/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Electra Av,3,h,1285000,S,Buxton,28/04/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Attwood,31 Harricks Cr,5,h,,SP,Barry,28/04/2018,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,73 Canning St,4,h,,SP,Moonee,28/04/2018,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,9 Pilmer St,3,h,,PI,Arbee,28/04/2018,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,5/32 Gourlay St,2,u,830000,SP,McGrath,28/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,42 Grosvenor St,3,t,1150000,VB,Marshall,28/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,2 Hawsleigh Av,4,h,,W,McGrath,28/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,5/169 Hotham St,2,u,671000,SP,Buxton,28/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,4/319 Inkerman St,2,u,560000,PI,hockingstuart,28/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,8/97 Westbury St,3,u,720000,S,Hodges,28/04/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,9 Kerry Pde,3,h,,S,Jellis,28/04/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15A Threadneedle St,5,h,,SN,RT,28/04/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,61 Winmalee Rd,3,h,2101000,S,Marshall,28/04/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,458 Balwyn Rd,4,h,1480000,SP,Noel,28/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Landen Av,5,h,,VB,Fletchers,28/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,24 Viewhill Rd,3,h,1850000,VB,hockingstuart,28/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,68 Winfield Rd,3,h,,VB,Fletchers,28/04/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,162 Dalgetty Rd,4,h,2310000,PI,Buxton,28/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,3/9 Tramway Pde,3,u,1475000,VB,Hodges,28/04/2018,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,6/14 Adam St,3,u,802000,S,Jellis,28/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,70 Fromer St,5,h,2290000,S,Buxton,28/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8 Milton St,3,h,1403000,S,Gary,28/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4 Rose St,3,h,1925000,S,Jellis,28/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,4/22 Vickery St,1,u,360000,SP,Woodards,28/04/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,12 Adrian St,3,h,,VB,RT,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,104 Brady Rd,3,h,,PI,Woodards,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Cardiff St,4,h,1750000,PI,Fletchers,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Garden Rd,6,h,1800000,VB,Buxton,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/106 Marlborough St,3,h,800000,PI,Buxton,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/26 Monash St,2,u,662000,S,HAR,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,43 Pasadena Cr,3,h,,VB,Jellis,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/27 Schulz St,3,t,,S,Buxton,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,71A Stockdale Av,3,t,1150000,VB,Buxton,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,37 Tudor St,4,h,1555000,S,Buxton,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 Vine Ct,4,t,1200000,VB,Jellis,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8A Wamba Rd,4,t,1435000,S,Jellis,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/15 Warwick St,3,u,866000,S,HAR,28/04/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,8 Palmerston St,1,h,925000,PI,FN,28/04/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,320 Beach Rd,3,h,2400000,S,Buxton,28/04/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,8 Clifton St,3,h,1213000,S,Jellis,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,8 Lawson St,3,h,1380000,S,Fletchers,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/28 Main St,2,u,635000,PI,Woodards,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,316 Middleborough Rd,5,h,1335000,S,Buxton,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,27 Pakenham St,3,h,,SN,Stockdale,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,107/18 Queen St,1,u,310000,VB,McGrath,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,47 Salisbury Av,2,h,1060000,SP,Ray,28/04/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,15 Gunyah Rd,3,h,1325000,SP,Jellis,28/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,62 Morrie Cr,3,h,1025000,S,Woodards,28/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,55 Shafer Rd,3,h,1430000,S,RW,28/04/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,14 Brazeel St,3,h,,PI,Fletchers,28/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,6A Lloyd Ct,3,h,955000,S,Buxton,28/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/6 Maxwell Ct,3,h,1336000,S,Woodards,28/04/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,6 Fleur Ct,4,h,815000,S,LJ,28/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,41 Hazelwood Rd,4,h,,PI,Ray,28/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,151 Kanooka Rd,3,h,880000,S,Biggin,28/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,41 Underwood Rd,5,h,745000,S,hockingstuart,28/04/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,947 Canterbury Rd,3,h,1032000,S,RT,28/04/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/27 Oxford St,3,t,945000,S,hockingstuart,28/04/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,3/6 Simpsons Rd,2,u,600000,VB,Lindellas,28/04/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,3/18 Arthur St,2,t,630000,S,Douglas,28/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,11 Castley Cr,2,h,830000,S,Douglas,28/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,2/5 Daisy Ct,3,t,520000,VB,Jas,28/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,65 Melon St,2,h,817500,S,Douglas,28/04/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1 Doon Ct,3,h,872000,S,Morrison,28/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,20 Fernside Av,3,t,775000,S,Darren,28/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,3/20 Williams Rd,2,u,707000,S,Darren,28/04/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,3 Collington Av,5,h,,PI,Buxton,28/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4 Maher St,2,h,2400000,VB,Nick,28/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,16 Nepean Hwy,4,h,1460000,S,Cayzer,28/04/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,3 Charlotte St,4,t,1660000,SP,Marshall,28/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2 Lubrano St,3,h,1695000,S,Hodges,28/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,17 Milroy St,3,h,,S,Marshall,28/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,43 Plantation Av,4,h,,S,hockingstuart,28/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/79 Union St,2,u,750000,PI,RT,28/04/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,287 Camp Rd,3,h,528000,S,YPA,28/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,68 Gerbert St,4,h,,PI,YPA,28/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,7 Hastings Cr,3,h,510000,VB,YPA,28/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,145 Riggall St,3,h,580000,PI,Barry,28/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,4 Waverley St,4,h,640000,S,YPA,28/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,6 Wilby Ct,3,h,480000,S,Brad,28/04/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,4 Primula Av,4,h,910000,S,Sweeney,28/04/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,59 Collier Cr,3,h,1150000,VB,Barry,28/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,89 Stewart St,2,h,995000,S,Nelson,28/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,334 Victoria St,2,h,1610000,S,Nelson,28/04/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,1/5 Barkly St,2,t,780000,PI,Purplebricks,28/04/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,4101/189 Weston St,1,u,420000,SP,LITTLE,28/04/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,3 Bakers Pde,3,h,900000,VB,McDonald,28/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/18 Guthrie St,1,u,425000,S,Brad,28/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,58D Melville Rd,2,h,920000,VB,Nelson,28/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,6/616 Moreland Rd,2,u,644000,S,Nelson,28/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,12/12 Passfield St,2,u,,S,Jellis,28/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,86 Whitby St,3,h,1095000,S,Nelson,28/04/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,8 Apex Cr,4,h,920000,PI,Jellis,28/04/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,1/84 Helene St,4,t,1360000,PI,Barry,28/04/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,4 Cher Av,4,h,830000,SP,Ray,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,34 Clovemont Wy,5,h,1665000,S,Barry,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,119 Grange Bvd,4,h,837500,S,Barry,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,126 Greenhills Rd,5,h,,PI,Barry,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4/434 Grimshaw St,1,t,500000,S,Ray,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Leeanne Cr,4,h,700000,PI,Darren,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,24 Moreton Cr,3,h,695000,S,The,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,55 Queens Gdns,4,h,,PI,Barry,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Tamar St,4,h,900650,SP,Ray,28/04/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,9 Amaroo Gr,4,h,790000,S,Barry,28/04/2018,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside,29 Illawong Tce,4,h,750000,VB,Barry,28/04/2018,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,65 Elgar Rd,2,h,,SP,Noel,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,28A Farleigh Av,3,h,880000,S,Philip,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,32 Goold St,4,h,,S,Buxton,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Gracehill Av,4,h,,VB,Buxton,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,66 Roslyn St,3,h,1601000,S,Lindellas,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Sparks Av,4,h,1410000,S,Jellis,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,21 Wattlebird Ct,3,h,,SP,Jellis,28/04/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,126 Burwood Hwy,6,h,1450000,VB,Lindellas,28/04/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,4 Aird St,4,h,2450000,S,Marshall,28/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/13 Glyndon Rd,3,u,,SP,Jellis,28/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Lofty Av,5,h,,SP,Marshall,28/04/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,6 Victoria Av,4,h,3150000,PI,Jellis,28/04/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,4/66 Wattle Valley Rd,2,u,610000,VB,Jellis,28/04/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,101/264 Drummond St,2,u,942500,S,hockingstuart,28/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,96 Drummond St,4,h,3100000,VB,hockingstuart,28/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,5/33 Rathdowne St,2,u,1000000,PI,Woodards,28/04/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,666 Drummond St,2,h,1080000,VB,Nelson,28/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,788 Lygon St,2,h,,SN,Woodards,28/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,112 Wilson St,3,h,2120000,S,Collins,28/04/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,6/332 Neerim Rd,2,u,636500,S,Buxton,28/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,7/4 Rigby Av,2,u,520000,S,Gary,28/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,30 Wanalta Rd,2,t,880000,S,Buxton,28/04/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,38 The Ridge,3,h,653000,SP,Biggin,28/04/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,23 Westley St,3,h,1101000,S,Buxton,28/04/2018,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,33 Chapman St,3,h,560000,S,Buxton,28/04/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield South,5 Banksia Rd,2,h,,SP,Gary,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,95 Carlingford St,3,h,,SP,Marshall,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,19/28 Eumeralla Rd,2,u,390000,VB,Jellis,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,289 North Rd,3,h,1000000,VB,Jellis,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,41 Poplar St,3,h,,VB,hockingstuart,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,5/18 Roselea St,2,u,580000,S,Gary,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,4 Sheffield St,3,h,1175000,PI,Gary,28/04/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,22 Beckett St,3,u,874000,S,Buxton,28/04/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,60 Embankment Gr,4,h,1375000,SP,Barry,28/04/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,59 Sherwood Av,3,h,1275000,S,Purplebricks,28/04/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,17/149 Thames Prm,2,u,532000,S,Ray,28/04/2018,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,7 Berkefeld Ct,4,h,1300000,S,Buxton,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,5 Christensen St,3,h,,SN,Barry,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6 Coape St,3,h,1650000,VB,McGrath,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,36 Devon St,4,h,,SP,Buxton,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,12 Erskine Av,2,h,1210000,S,Jellis,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,21 Goulburn St,2,h,950000,PI,Hodges,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,30A Herald St,4,h,1210000,SP,Buxton,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/36 Herald St,3,u,680000,S,hockingstuart,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6/1325 Nepean Hwy,1,u,362500,S,Ray,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,35 Parnell St,4,h,1172500,S,Greg,28/04/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,3/104 Springs Rd,2,u,515000,SP,Buxton,28/04/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,5/1 Donald St,3,t,772000,S,Darras,28/04/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,3/19 Seascape St,3,t,731000,S,RW,28/04/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,5 Loddon Ct,3,h,800000,PI,Buxton,28/04/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,24 Noone St,2,h,900000,VB,Collins,28/04/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,2e Campbell St,2,u,712000,S,Nelson,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,8/1 Kaye Ct,2,u,495000,PI,Re,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2A Lygon St,2,t,700000,VB,Nelson,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5/69 Marks St,2,u,570000,VB,Barry,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/33 Munro St,3,u,745000,S,Nelson,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,37 Portland St,3,h,900000,VB,Nelson,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,26 Tanderum Dr,3,t,762000,SP,Bekdon,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/14 Woolacott St,4,h,866000,S,Nelson,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,25 Woolacott St,4,h,1112000,S,Nelson,28/04/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,211/3 Hoddle St,1,u,390000,VB,Nelson,28/04/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,9/343 Wellington St,3,u,963000,S,Nelson,28/04/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,3 Cleveland Dr,4,h,,PI,Barry,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Enfield Pl,3,h,490000,S,Upside,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,16 Faith Rd,4,h,,SN,Barry,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,37 Field St,3,h,,PI,RE,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Manningtree Pde,3,h,,PI,Barry,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Mountleigh Cct,3,h,580000,PI,RE,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,192 Newbury Bvd,4,h,650750,S,O'Brien,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Pioneer St,4,h,630000,SP,Ray,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Willandra Av,3,h,515000,S,Ray,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Woodlands Ct,3,h,605000,S,FN,28/04/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,161 Cubitt St,2,h,1260000,S,Biggin,28/04/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,431 Punt Rd,3,h,1251000,S,Biggin,28/04/2018,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,56 Strathfield Pde,4,h,1060000,SP,Philip,28/04/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon North,4/8 Karingal St,3,t,,SN,Barry,28/04/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon North,12 Knee La,4,h,839000,S,Jellis,28/04/2018,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,18 Thomas St,3,h,,SP,Jellis,28/04/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dandenong,64 Princes Hwy,2,h,,SP,McLennan,28/04/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,43 Menzies Av,3,h,560000,S,C21,28/04/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,926 Burke Rd,4,h,,SP,Fletchers,28/04/2018,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Delahey,5 Willis Pl,3,h,667000,S,Barry,28/04/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,8/37 Gregg St,3,u,652000,S,Jellis,28/04/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,36 Lauren Cl,3,h,700000,S,Buxton,28/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Lord Av,4,h,800000,VB,Buxton,28/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,1/16 St Marks Cl,2,u,615000,S,Buxton/Buxton,28/04/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,39 Bordeaux St,4,t,,PI,Barry,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,24 Braeside Dr,3,h,1280000,S,Jellis,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/13 Glenfern Av,3,u,,SP,Jellis,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,16 Greenwood St,3,h,,PI,Jellis,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,4 Koonung Ct,4,h,1320000,PI,Ray,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,28 Outlook Dr,4,h,1420000,S,Barry,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/4 Paul St,2,u,650000,S,Barry,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,20 Prunella Cl,4,h,1550000,PI,Jellis,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,67 Stanton St,4,h,,PI,Barry,28/04/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,13/508 Blackburn Rd,2,u,542000,S,Barry,28/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8/34 Bowen Rd,3,u,,VB,Jellis,28/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/7 Elizabeth St,2,u,,SN,Philip,28/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,8 Inglewood Cl,4,h,1255000,S,Jellis,28/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,19 Pine Wy,4,t,1310000,VB,Noel,28/04/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,8 Allara Ct,3,h,,SN,Barry,28/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,2/27 Lynne St,3,u,,SN,Barry,28/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,7 Monterey Cr,4,h,1740000,S,Jellis,28/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,5 William St,3,h,1225000,S,Barry,28/04/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,39 Almorah St,4,h,856000,SP,Jason,28/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,3 Montrose Dr,4,h,711000,SP,Morrison,28/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,42 Starboard Dr,3,h,592000,S,Love,28/04/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,11 Almond Dr,3,h,523000,S,Stockdale,28/04/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,2 Whitelaw Ct,3,h,1730000,VB,Miles,28/04/2018,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,38 Grey St,4,h,2275000,PI,Kay,28/04/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,1137 Hoddle St,3,t,,PI,Biggin,28/04/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,136 Ella Gr,5,h,911000,SP,Buxton,28/04/2018,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,96 Allison Rd,3,h,1650000,VB,Biggin,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,4 Gough St,3,h,1820000,PI,Biggin,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3 Grafton St,3,h,2400000,S,Biggin,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3/28 Horne St,2,u,640000,S,Gary,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,6/14 King St,2,u,700000,PI,Buxton,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,34 Shoobra Rd,4,h,,SN,Biggin,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,9 Villiers St,3,h,2120000,S,Biggin,28/04/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,3/94 Bridge St,3,u,715000,SP,Morrison,28/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,4 Porter St,5,h,850000,VB,Jellis,28/04/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,58 Scenic Cr,4,h,910000,S,Morrison,28/04/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,6/8 Avoca Av,2,u,580000,VB,The,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/7 Dickens St,2,u,831000,S,Chisholm,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,105/2 Kingsley St,2,u,,PI,Branon,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,80 Milton St,3,h,2055000,SP,McGrath,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/38 Mitford St,2,u,,SA,Buxton,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,40 Tennyson St,3,h,2150000,VB,Chisholm,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/94 Tennyson St,2,u,612500,SP,Chisholm,28/04/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,29 Reema Bvd,3,h,722000,S,Stockdale,28/04/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,83 Cotters Rd,2,t,428000,S,HAR,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Epsom Av,6,h,615000,S,Barry,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,19 Frewin St,3,h,550000,SP,hockingstuart,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,76 Hayston Bvd,3,h,475000,S,Love,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,18/12 Kirkland Ct,1,u,298000,S,Love,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Orana Pl,3,h,602000,S,Love,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Radman St,4,h,695000,S,HAR,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Sahra Ct,3,h,,SN,Ray,28/04/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/120 Cooper St,3,u,770000,VB,Nelson,28/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,16A Lawson St,3,h,975500,S,Nelson,28/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/80 Napier Cr,1,u,300000,SP,Pagan,28/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,40 Robb St,4,h,2080000,PI,Nelson,28/04/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,11/3 Royal Av,1,u,215000,S,Nelson,28/04/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Eumemmerring,6 Johnston Av,3,h,680000,PI,McLennan,28/04/2018,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Fawkner,87 Denys St,2,h,750000,S,Brad,28/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Lanigan St,4,h,,VB,Barry,28/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,11/114 Major Rd,2,h,430500,S,O'Brien,28/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,4 Norfolk Ct,3,h,812000,SP,YPA,28/04/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,8 Bales St,5,h,940000,VB,Barry,28/04/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,13 Rona St,4,h,585000,SP,Jellis,28/04/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,302 George St,2,h,1450000,S,Nelson,28/04/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,36 Gore St,2,h,2500000,VB,Nelson,28/04/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,7/1 James St,1,u,,SN,Chambers,28/04/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,271 Glenlyon Rd,2,h,1320000,SP,McGrath,28/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,18 Laura Pl,2,h,846000,S,Nelson,28/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,135 McKean St,4,h,2510000,S,Nelson,28/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,45 McKean St,2,h,,S,Collins,28/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,12 Woodside St,3,h,1900000,VB,Nelson,28/04/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,4 Waltham St,3,t,920000,VB,Nelson,28/04/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,1/69 Ballarat Rd,4,h,,PI,Sweeney,28/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,103/21 Moreland St,1,u,405000,S,McGrath,28/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,8/51 Napier St,2,u,400000,SP,Sweeney,28/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,29 Summerhill Rd,2,h,830000,S,Purplebricks,28/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,49 Summerhill Rd,3,h,,S,hockingstuart,28/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,104/41 Victoria St,2,u,,PI,Sweeney,28/04/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,2A Frank St,2,h,,S,hockingstuart,28/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,51 Stanley St,2,h,490000,VB,Barry,28/04/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne,18 Buckland Bvd,4,h,800000,SP,Raine,28/04/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,5 Wyralla Cr,3,h,820000,S,RT,28/04/2018,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,235 Carrick Dr,3,h,630000,PI,Barry,28/04/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,1/53 Aintree Rd,2,u,740000,S,Jellis,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,46 Brandon St,3,h,1750000,VB,hockingstuart,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/6 Hope St,3,t,1750000,VB,Jellis,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Irymple Av,4,h,,S,Jellis,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,40 Liston St,4,h,,S,Marshall,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/1529 Malvern Rd,2,u,645000,S,hockingstuart,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,53 Osborne Av,2,h,,S,Marshall,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,30A Peate Av,3,h,,S,Marshall,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2b Renwick St,2,u,,PI,hockingstuart,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/50 Scott Gr,3,h,,S,Marshall,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4 Yeovil Rd,4,h,,S,Marshall,28/04/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,102 Bogong Av,3,h,1627000,S,Harcourts,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/13 Fernhurst Dr,4,t,1400000,VB,McGrath,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Hallows St,4,h,1219000,S,Harcourts,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Mountleigh Ct,5,h,1561000,S,RW,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/26 Norfolk St,4,t,1060000,S,Jellis,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,23 Northam St,4,h,1146000,S,Jellis,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 West Ct,2,h,,PI,Fletchers,28/04/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/3 Acacia St,3,t,766000,S,Barry,28/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/125 Cardinal Rd,3,t,661000,S,Eview,28/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,79 Glen St,2,h,,VB,Stockdale,28/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/33 Lytton St,2,u,471000,S,Barry,28/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/42 Pecham St,3,t,525000,S,Eview,28/04/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Orchid Ct,4,h,1170000,SP,YPA,28/04/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,2/14 Carnon St,3,t,750000,SP,Jellis,28/04/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,27 Mine St,3,h,860000,PI,Darren,28/04/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,5 Darvell Ct,4,h,751000,S,Nelson,28/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Dunfermline Av,4,h,840000,VB,O'Brien,28/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,3 Kinross Ct,4,h,827000,S,Stockdale,28/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,49 Lavinia St,4,h,640000,PI,Nelson,28/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,15 Murray Ct,4,h,1270000,S,YPA,28/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,8 Silverwood Dr,3,h,567000,S,Ray,28/04/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton East,14 Apex Av,3,t,,PN,Hall,28/04/2018,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,12/22 Somerville Rd,2,t,325000,S,C21,28/04/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,25 Connell St,2,h,,S,Marshall,28/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,7/508 Glenferrie Rd,1,u,555000,S,hockingstuart,28/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,15/570 Glenferrie Rd,2,u,515000,S,hockingstuart,28/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/32 Johnson St,2,u,535000,S,Jellis,28/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/14 Liddiard St,1,u,486000,S,Noel,28/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14/177 Power St,2,u,553000,S,Marshall,28/04/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,31 Airedale Av,2,h,1660000,S,Jellis,28/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,10 Kooyong Cl,3,h,,SN,RT,28/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,183 Rathmines Rd,4,h,,SP,Marshall,28/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,188 Rathmines Rd,4,h,2210000,PI,Marshall,28/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,9/26 Redfern Rd,3,h,,S,Marshall,28/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4 Tara St,3,h,,SP,Marshall,28/04/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,6 Genine Av,3,h,875000,S,Ray,28/04/2018,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,12 Bedford Ct,4,h,943000,SP,Noel,28/04/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,160 Bedford Rd,4,h,,PI,Schroeder,28/04/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,20 Frances St,3,h,,VB,Jellis,28/04/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,30 Bronte St,3,h,918000,S,Barry,28/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,10/127 Hawdon St,2,u,,SN,Miles,28/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,1/8 Manton St,3,u,,SN,Miles,28/04/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/51 Dresden St,3,t,827500,S,Nelson,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,73 Edwin St,3,h,980000,SP,Nelson,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,21 Frederick St,3,h,,SN,Miles,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/43 McEwan Rd,2,h,560000,S,Fletchers,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,122 Porter Rd,3,h,,PI,Ray,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/139 Porter Rd,2,t,,PI,Nelson,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,5 Shakespeare Gr,2,h,700000,VB,Nelson,28/04/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,198 Southern Rd,3,h,500000,S,Nelson,28/04/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,200 Southern Rd,3,h,477000,S,Nelson,28/04/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,36A Dalmont St,3,h,980000,PI,Hodges,28/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,224 Highett Rd,3,h,1150000,S,Chisholm,28/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,13 Jackson Rd,5,h,1395000,S,Charlton,28/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,4 Sterling Av,4,h,1410000,VB,hockingstuart,28/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,21A Tweed St,3,t,1000000,PI,Buxton,28/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,8A Tweed St,4,t,1350000,S,Buxton,28/04/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,11 Cynthia Ct,3,h,670000,S,YPA,28/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,7 Stringybark Ct,3,h,680000,S,Prof.,28/04/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,4 Appian Ct,4,h,555000,S,Barry,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,133 Bethany Rd,3,h,,VB,Triwest,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Branton Rd,3,h,,SP,LJ,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Chigwell Ct,3,h,552000,S,hockingstuart,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,38 Dona Dr,4,h,,PI,Barry,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,31 Doris Dr,4,h,,PI,FN,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Goldenfleece Pl,4,h,641000,S,hockingstuart,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Merrett Av,3,h,580000,S,Ray,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Priestley Av,3,h,,S,hockingstuart,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Stafford St,3,h,565000,S,Greg,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,24 Toulouse Cr,4,h,,W,Sahara,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,18 Virgilia Dr,3,h,580000,S,Barry,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Wyena Ct,3,h,651000,S,hockingstuart,28/04/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,584 Neerim Rd,2,h,1130000,S,Buxton,28/04/2018,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/98 Bond St,3,h,1200000,VB,Miles,28/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/8 John St,2,t,,SP,Judith,28/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,23 Stortford Av,2,h,1275000,PI,Nelson,28/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,53A Thoresby Gr,3,h,1825000,VB,Miles,28/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/383 Upper Heidelberg Rd,3,h,970000,S,RT,28/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,46 Waterdale Rd,3,h,,SP,Miles,28/04/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,21 Charteris Dr,5,h,2860000,S,Miles,28/04/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,20 Withers St,3,h,2750000,S,Miles,28/04/2018,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,50 Jackman Cr,4,h,,PI,Brad,28/04/2018,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor East,15 Ash Gr,3,t,748000,S,Nelson,28/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,4 Herbert Cr,3,h,920000,SP,Nelson,28/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,12 Lincoln Dr,3,h,1111000,S,Barry,28/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,31 Nyah St,3,h,995000,S,Nelson,28/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,1/86 Rosehill Rd,2,u,600000,VB,Nelson,28/04/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3 Truro Cr,4,h,690000,PI,YPA,28/04/2018,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,60 Collinson St,4,h,791000,SP,Nelson,28/04/2018,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,408/18 Bent St,2,u,659000,S,Biggin,28/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,21 Deveney St,3,h,915000,PI,Biggin,28/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,38 Maloney St,1,t,512000,S,Pagan,28/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,31 Speakmen St,3,t,1215000,S,Rendina,28/04/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,3/29 Barrington Av,2,u,,VB,Hodges,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/184 Brougham St,2,t,930000,S,Jellis,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,45 Denmark St,4,h,,SP,Caine,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/143 Edgevale Rd,3,u,1000000,VB,Noel,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Goldthorns Av,4,h,,SP,RT,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,18 Miller Gr,4,h,3375000,S,Marshall,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,5/162 Princess St,2,u,497500,SA,Walshe,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Royston Ct,5,h,3250000,VB,Jellis,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,53 Tennyson St,4,h,,S,Jellis,28/04/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/202 Kilby Rd,4,h,1221500,S,Nelson,28/04/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1 Page Av,3,h,,PI,Kay,28/04/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2/31 Strathalbyn St,3,t,1280000,S,Marshall,28/04/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,6 Barncroft Cr,3,t,,W,Area,28/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,52 Church Rd,4,h,957500,S,Area,28/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,23 Milliners Av,3,h,,SP,Reach,28/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,39 Narellan Dr,4,h,835000,S,Area,28/04/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,10 Belvoir Ct,3,h,713000,S,Max,28/04/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,28 Tollhouse Rd,3,h,,W,YPA,28/04/2018,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,6/21 Bishop St,2,u,,PI,RW,28/04/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,5 Empress Av,3,h,,S,Greg,28/04/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,3/3 Lewis St,2,u,,SN,LJ,28/04/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,90 Queensville St,3,h,1020000,VB,Jas,28/04/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,69 Wales St,3,h,900000,PI,Sweeney,28/04/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,30 Laura Rd,4,h,890000,S,Schroeder,28/04/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,2/59 Rickards Av,3,t,780000,S,Noel,28/04/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kooyong,12/1 Monaro Rd,3,t,1425000,VB,Jellis,28/04/2018,3144,Southern Metropolitan,394,5.9,Stonnington City Council +Lalor,26 Cyprus St,2,h,765000,S,HAR,28/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,64 French St,3,h,,PI,Ray,28/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3/12 Hamilton Ct,3,u,460000,PI,Love,28/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,104 Monash St,3,h,,SP,Barry,28/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,104 Monash St,3,h,,PN,Barry,28/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,8 Vienna Ch,5,h,1250000,S,HAR,28/04/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,43 Kuranda St,5,h,780000,VB,O'Brien,28/04/2018,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,140 Victoria Rd,3,h,1225000,S,Ray,28/04/2018,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +Lower Plenty,38/123 Main Rd,2,u,445000,S,Barry,28/04/2018,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,1/34 Dwyer St,2,h,772000,S,Nelson,28/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,66 Strathallan Rd,3,h,950000,SP,Nelson,28/04/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,14 Janson St,2,h,1280000,S,Douglas,28/04/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,36 Cressy St,4,h,,VB,RT,28/04/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,4/6 Park St,2,u,879000,S,Jellis,28/04/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,22 Silver St,3,h,2700000,VB,Jellis,28/04/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,4/21 Thanet St,2,u,630000,S,Gary,28/04/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,16 Chaucer Av,3,h,1900000,VB,hockingstuart,28/04/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Ferncroft Av,4,h,2920000,S,Marshall,28/04/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3A Grant St,3,h,1500000,VB,Marshall,28/04/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,81 Kerferd St,5,h,,S,Marshall,28/04/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 MacGregor St,3,h,,S,hockingstuart,28/04/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,10 Condamine Av,3,h,541000,SP,Biggin,28/04/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Manor Lakes,46 Kinglake Dr,3,h,575000,S,United,28/04/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,104/334 Gordon St,1,u,,PI,Biggin,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,10 Grandview Av,2,h,880000,PI,Burnham,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,36/2 Horizon Dr,2,u,,PI,Brad,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,62 Kynoch La,2,t,435000,SP,Biggin,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7/10 Middle Rd,2,u,380000,S,Nelson,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,109/20 Pier La,2,u,480000,SP,Biggin,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5 The Grand,5,h,,S,Barry,28/04/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,7 Norman St,3,h,,VB,Jellis,28/04/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,15 Shanahan Cr,3,h,1630000,VB,Buxton,28/04/2018,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,45 Shankland Bvd,3,h,642000,S,McGrath,28/04/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,407/87 Franklin St,1,u,340000,VB,Dingle,28/04/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,707/115 Swanston St,1,u,,SP,Harcourts,28/04/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,449 High St,3,h,526000,S,FN,28/04/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,31 Blamey Dr,4,h,350000,S,hockingstuart,28/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,18 Waratah St,3,h,420000,S,Raine,28/04/2018,3338,Western Victoria,4718,29.8,Melton City Council +Mernda,8 Muir Wy,3,h,540000,SP,Stockdale,28/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Poets Ct,3,t,530000,S,HAR,28/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Uccello Wy,4,h,616000,S,Millership,28/04/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,173 Neville St,2,h,,S,Greg,28/04/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,2/1 Allwyn Cr,2,u,530000,S,Barry,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Burridge Cl,3,h,696000,SP,Ray,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,20 Crampton Cr,3,h,595000,PI,Barry,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,80 Romano Av,3,h,635000,S,Ray,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17A Statesman Cr,2,h,611000,S,Love,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,59 Streeton Cct,2,h,,PI,Barry,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,33 Tonelli Cr,3,h,660000,S,Ray,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Tonelli Cr,3,h,720666,SP,Ray,28/04/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,61 Alwyn St,4,h,,VB,Noel,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,15 Beaufort St,4,h,1050000,PI,Noel,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/4 Coppin Cl,3,h,840000,S,Ray,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,27 Dunlavin Rd,3,h,930000,S,Philip,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,9 Endeavour St,3,h,1022000,S,Noel,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,56 Heatherdale Rd,3,h,,VB,Noel,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,62 Lucknow St,3,h,900000,S,Ray,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,32 Orient Av,2,h,801000,SP,Philip,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,62 Percy St,4,h,1155000,S,Noel,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/19 Quarry Rd,2,t,730000,VB,hockingstuart,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/626 Whitehorse Rd,3,t,872000,S,Philip,28/04/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,18 Churchill St,5,h,2050000,VB,hockingstuart,28/04/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,3/25 Starling St,3,t,,VB,Buckingham,28/04/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,802/341 Ascot Vale Rd,2,u,480000,S,Pagan,28/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,46 Bowen St,5,h,1800000,VB,Nelson,28/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1 Lethbridge St,3,h,1190000,S,Rendina,28/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,1/100 Pascoe Vale Rd,3,t,,SP,Alexkarbon,28/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,2/23 Scotia St,2,u,480000,SP,Maddison,28/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,107 Waverley St,4,h,1340000,VB,Nelson,28/04/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,18 Narooma St,4,h,1240000,S,Jellis,28/04/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,1/10 Epsom Rd,2,u,820000,S,Hodges,28/04/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Evelyn,3 Sharland Cl,3,h,545500,S,Methven,28/04/2018,3796,Eastern Victoria,3532,31.6,Yarra Ranges Shire Council +Mount Waverley,13 Bellerive Av,3,h,,PI,Buxton,28/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/15 Irving St,3,u,1050000,S,Jellis,28/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,227 Stephensons Rd,3,h,1135000,S,Barry,28/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Woodstock Rd,5,h,1895000,S,Noel,28/04/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,12 Mardene Ct,5,h,,PI,Boutique,28/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,3/47 Seaview Cr,2,h,530000,PI,Win,28/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,92 Stadium Cct,4,h,1150000,S,Ray,28/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/19 Studley St,3,u,735000,S,RW,28/04/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,39 Beauville Av,3,h,1450000,VB,Gary,28/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,6/51 Murrumbeena Rd,2,u,600000,SP,Gary,28/04/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,37 Browtop Rd,4,h,600000,SP,Biggin,28/04/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,12 Chateau Av,3,h,639000,S,Biggin,28/04/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,6 Woodley St,4,h,747000,S,Eview,28/04/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,6A Charlotte St,4,h,1175000,SP,RT,28/04/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,41 Coghlan St,2,h,1130000,VB,Barry,28/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,35 Grosvenor St,3,h,880000,S,Nelson,28/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,52 Muriel St,3,h,1310000,SP,Brad,28/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,8 Rutland St,4,h,1350000,S,Barry,28/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,11 Treadwell Rd,3,h,1607000,S,McDonald,28/04/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/19 French St,2,t,565000,SP,Area,28/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,136 Railway Pde,5,h,719000,S,C21,28/04/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,51 Auburn Av,3,h,,S,Jellis,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/2 Bank St,2,h,665000,S,Nelson,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9/141 Clarke St,1,u,415000,S,Nelson,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,299 Clarke St,5,h,1800000,PI,Jellis,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21 Ellesmere St,3,h,1340000,S,Jellis,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,37 McCracken Av,4,h,2100000,VB,Nelson,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/228 Mitchell St,3,t,910000,PI,Biggin,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,1 Russell St,3,h,1750000,PI,Collins,28/04/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,2/42 Diosma Cr,3,t,939000,PI,hockingstuart,28/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/81 Junction Rd,4,t,1080000,S,Noel,28/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/26 Mount Pleasant Rd,3,u,725000,S,Woodards,28/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,3 Nielsen Av,3,h,980000,VB,@Realty,28/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,36 Worrell St,4,h,1090000,S,Buxton,28/04/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/18 Grevillia Rd,2,u,673500,S,Stockdale,28/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,47 Rhodes Pde,3,h,740000,SP,Pagan,28/04/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,5/81 Clayton Rd,5,t,,SS,Darras,28/04/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,1/18 Acacia Av,3,u,931000,S,Buxton,28/04/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,224 Booran Rd,4,h,,PI,hockingstuart,28/04/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/8 Holloway St,3,h,,SN,Gary,28/04/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,29A Lillimur Rd,3,h,1430000,VB,Buxton,28/04/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,434 North Rd,4,h,,SP,Gary,28/04/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,22 Tyrone St,4,h,2000000,VB,Buxton,28/04/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,1/38 Antibes St,2,u,762500,S,Hodges,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,16 Bethell Av,4,h,1650000,VB,Greg,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,25 Booth St,3,h,1675000,S,Buxton,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,18 Edmond St,4,h,1050000,PI,Hodges,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3 Fifth St,3,h,1600000,S,Barry,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,17b McIndoe Pde,4,h,,PN,Bayview,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,15a Robert St,4,h,1350000,S,Buxton,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,16 Second St,3,h,1902000,S,Buxton,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,7/20 Warrigal Rd,2,u,636000,S,Hodges,28/04/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,51 Fitzgibbon St,4,h,4000000,VB,Nelson,28/04/2018,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,4/2 Bellevue Tce,2,u,560000,SP,Brad,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,63 Bolingbroke St,3,h,1057500,S,Alexkarbon,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Bryan Ct,3,h,965000,S,Nelson,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2 Burgundy St,3,t,762000,S,Jellis,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,12 Crowley Ct,4,h,940000,S,McDonald,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,54 Railway Pde,3,h,1125000,VB,Nelson,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,52 View St,3,h,1265000,S,Nelson,28/04/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,21 Eldridge Ct,3,h,550000,SP,hockingstuart,28/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,41 Fairbridge Rd,4,h,730000,S,Reliance,28/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,41 Kirkstone Rd,4,h,730000,S,Point,28/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,23 Lincolnheath Bvd,3,h,,SN,Reliance,28/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,10/14 Mickleton Gr,3,t,425000,S,Point,28/04/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,155 Albert St,4,h,2375000,PI,Marshall,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,71 Albert St,3,h,1492000,S,The,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,7/156 Bay St,2,u,1375000,S,Cayzer,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,8 Beacon Rd,3,h,,PN,The,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,114 Dow St,2,h,1180000,VB,Cayzer,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,136 Graham St,2,h,1240000,S,Frank,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,100a Nott St,3,h,2150000,PI,The,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,167 Pickles St,5,h,,SN,The,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,201 Pickles St,2,h,1413000,S,Greg,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,128 Princes St,3,t,1670000,PI,RT,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,239 Princes St,3,h,1276000,S,Marshall,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,21 Raglan St,2,h,,SP,Chisholm,28/04/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,7/4 Chomley St,2,u,630500,SP,hockingstuart,28/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,309/10 Hillingdon Pl,1,u,,SP,Biggin,28/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,48 Packington St,2,h,1310000,S,Jellis,28/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,10/45 Spring St,2,u,480000,VB,Jellis,28/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,17 Westbourne St,2,h,,S,Jellis,28/04/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,9/33 Cramer St,2,t,720000,S,Nelson,28/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/22 Furzer St,2,t,695000,S,Barry,28/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,14 Highview Rd,3,h,1015000,S,McGrath,28/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,190 Raglan St,3,h,1240000,S,hockingstuart,28/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13 Symons St,2,h,880000,S,Barry,28/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,23 Tasman St,2,t,780000,S,Nelson,28/04/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,2A Aberdeen St,2,t,629000,PI,Ray,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/27 Clements Gr,3,u,,SN,Barry,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Gisborne Cr,3,h,800000,PI,Barry,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Glasgow Av,3,h,930000,S,Ray,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,26 Gourock St,5,h,710000,SP,RW,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/45 Hickford St,3,h,730000,S,Nelson,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Kyneton Av,2,h,715000,S,Nelson,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,52 Lockton Av,4,h,715000,S,HAR,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,34 Morris St,3,h,,PI,Ray,28/04/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,20 Buckingham St,3,t,,S,hockingstuart,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,45/86 Burnley St,2,u,795000,S,Marshall,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8/36 Davison St,1,u,,S,hockingstuart,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,405/9 Griffiths St,2,u,,S,Jellis,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,108/18 Hull St,1,u,409000,PI,Biggin,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,94 Laity St,2,h,1100000,PI,Biggin,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,32 Leslie St,4,h,,PI,Biggin,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,12 Mary St,3,h,2250000,VB,Jellis,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,63 Mary St,2,h,1050000,PI,LITTLE,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,43 Smith St,3,h,760000,PI,Considine,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/65 Stawell St,2,u,,PI,Biggin,28/04/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/40 Arlington St,2,u,582000,S,Philip,28/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,45 Oliver St,3,h,822000,S,Fletchers,28/04/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,10 Charles St,4,h,1656000,S,Fletchers,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,18 Evon Av,3,h,900000,VB,Barry,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,34A Highton St,2,t,669000,S,Jellis,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,58 Holland Rd,3,h,,VB,Jellis,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/12 Howard Av,3,u,725000,S,Fletchers,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,15 Shasta Av,4,h,1170000,S,Fletchers,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,10 Talofa Av,3,h,1010000,S,Philip,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1a Valda Av,2,u,612000,SP,McGrath,28/04/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,7 Cottage Pl,4,h,1165000,S,Barry,28/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,26 Kubis Dr,4,h,,S,Jellis,28/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,10 Parklink Pl,3,h,,VB,Jellis,28/04/2018,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rockbank,4 Goldstone Gr,4,h,610000,SP,hockingstuart,28/04/2018,3335,Western Metropolitan,538,23.8,Melton City Council +Rosanna,29 Darvall St,4,h,,SN,Miles,28/04/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/10 Invermay Gr,3,u,853000,S,Miles,28/04/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,7 Bianca Ct,4,h,847500,S,Noel,28/04/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,8 Connell Wk,3,h,491000,S,Ray,28/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Pinelea Ct,4,h,600000,S,Raine,28/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,6 Prentice Ct,3,h,534000,S,Ray,28/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,34 Serpens Ct,4,h,600000,S,Raine,28/04/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,1 Balmoral Av,3,h,1200000,PI,Nick,28/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,192A Bluff Rd,2,t,1125000,S,Buxton,28/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,10A Duff St,4,t,1710000,SP,Buxton,28/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,67a Grange Rd,4,h,1860000,PI,J,28/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5 Medhurst St,4,h,1620000,S,Buxton,28/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,50 Vincent St,3,h,1610000,VB,Buxton,28/04/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,58 Michele Dr,4,h,1105000,S,One,28/04/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,2 Grant Av,3,h,600000,VB,Barry,28/04/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,1/17 Kananook Av,3,u,645500,S,Property,28/04/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Skye,10 Daina Ct,3,h,640000,SP,Harcourts,28/04/2018,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Kingsville,31 Greene St,3,h,985000,S,Williams,28/04/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,7/182 Albert Rd,3,u,1000000,VB,Marshall,28/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,22 Cobden St,2,h,900000,VB,Marshall,28/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,67 Iffla St,2,h,1551000,S,hockingstuart,28/04/2018,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,2 Mavora Pl,2,h,311000,S,Ray,28/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,11 Royal Pl,3,h,590000,S,Barry,28/04/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,14/4 Gordon Gr,1,u,,PI,hockingstuart,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/51 Marne St,1,u,865000,S,hockingstuart,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,18/30 Mona Pl,2,u,,S,hockingstuart,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,411/6 Murphy St,2,u,703000,S,Williams,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12 Rockley Rd,4,h,,SP,Marshall,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19/47 Rockley Rd,2,u,770000,SA,Greg,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/391 Toorak Rd,3,u,,PI,Kay,28/04/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,118/88 Kavanagh St,2,u,540000,S,MICM,28/04/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,18/88 Southbank Bvd,3,u,916000,S,hockingstuart,28/04/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,208/250 St Kilda Rd,3,u,2100000,PI,RT,28/04/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,62/120 Sturt St,2,u,660000,S,RT,28/04/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale South,9 Elisabeth Av,3,h,772000,S,iSell,28/04/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,44 Olympic Av,3,h,795000,S,Area,28/04/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,110 Alfrieda St,3,h,910000,S,Barry,28/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Cleveland St,3,h,780000,PI,Prof.,28/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,10 Goulburn Ct,3,h,610000,S,FN,28/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,33 Percy St,3,h,750000,S,Brad,28/04/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,128 Argyle St,4,h,2090000,S,Marshall,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/98 Barkly St,3,t,1100000,VB,Jellis,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,50 Chapel St,3,h,1800000,VB,Marshall,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/145 Fitzroy St,2,u,761000,S,Whiting,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,205/27 Herbert St,1,u,455000,S,McGrath,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/6 Redan St,2,u,503000,S,Beller,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,20/40 Waterloo Cr,1,u,265000,VB,hockingstuart,28/04/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,24 Henshall Rd,3,h,1585000,S,Nelson,28/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,40 Lamart St,4,h,1100000,VB,Considine,28/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,1A Mascoma St,3,h,990000,VB,Considine,28/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,6 Windsor Av,5,h,2600000,VB,Brad,28/04/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,336 Mascoma St,4,h,1040000,SP,Brad,28/04/2018,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunbury,8 Dundas Av,3,h,538000,S,Leeburn,28/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,362 Elizabeth Dr,3,h,454000,S,YPA,28/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,54 McKell Av,3,h,542000,S,Leeburn,28/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,27 Parkview Dr,3,h,635000,S,YPA,28/04/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,6/51 Anderson Rd,2,u,,S,hockingstuart,28/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/73 Anderson Rd,3,h,585000,SP,hockingstuart,28/04/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,7 Nottingham St,3,h,796000,S,Barry,28/04/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,28 Davey St,3,h,750000,PI,Douglas,28/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,135 Hilma St,3,h,680000,PI,Barry,28/04/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,57 Florence Rd,3,t,1750000,PI,Ray,28/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/9 Middlesex Rd,2,u,,SP,Marshall,28/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/5 Suffolk Rd,2,u,712000,S,McGrath,28/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/3 Union Rd,2,u,745500,S,Stockdale,28/04/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,5 Melva Ct,3,h,602000,S,Prof.,28/04/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,1 Perret Wk,3,h,620000,SP,Barry,28/04/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,107 Crossway Av,4,h,488000,S,Sweeney,28/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,526 Derrimut Rd,4,h,672500,S,hockingstuart,28/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,74 Fairview Pde,2,h,410000,S,hockingstuart,28/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,140 Penrose Prm,4,h,647000,S,Reliance,28/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,18 Seasons Bvd,4,h,720000,SP,Greg,28/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,191 Thames Bvd,4,h,582000,S,hockingstuart,28/04/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,41 Parmelia Dr,4,h,700000,VB,Barry,28/04/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,9 Gardenview Ct,5,t,,VB,Jellis,28/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,29 Innisfallen Av,3,h,,PI,Barry,28/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,63 King St,4,h,1290000,S,Barry,28/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,139 Victoria St,4,h,1330000,S,Barry,28/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,19 Wagon Rd,4,h,2000000,SP,Jellis,28/04/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +The Basin,12 Cleve Av,3,h,658000,S,Ray,28/04/2018,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,11 Kerang Pl,3,h,610000,S,Love,28/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,49 Valentine Av,4,h,580000,S,HAR,28/04/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,140 Harold St,4,h,1840000,S,Nelson,28/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,18 Jones St,3,h,1000000,VB,Jellis,28/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,249 Raleigh St,3,h,1100000,VB,Woodards,28/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,330 Rathmines St,3,h,1512000,S,Jellis,28/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,12 Strettle St,4,h,1620000,PI,Nelson,28/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,40 Wales St,3,h,1100000,PI,Nelson,28/04/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8 Burnie St,3,h,2500000,VB,Marshall,28/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/71 Lansell Rd,3,u,1343500,S,Jellis,28/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2/755 Malvern Rd,3,h,,VB,Kay,28/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,56 Mathoura Rd,3,h,,S,Marshall,28/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/74 Mathoura Rd,2,u,589000,S,Jellis,28/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,5 Sargood St,3,h,4010000,PI,Kay,28/04/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/38 Gordon St,3,t,580000,SP,Stockdale,28/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Tangemere Av,3,u,638000,S,Jason,28/04/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,7 Beddoe Rd,3,h,,SP,hockingstuart,28/04/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,1 Laidlaw Ct,3,h,1000000,S,Noel,28/04/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,4 Tweed St,5,h,1001500,S,Fletchers,28/04/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,8 Charlnet Dr,4,h,1275000,S,Woodards,28/04/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2/2 Coval Ct,3,u,873000,S,Barry,28/04/2018,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,2 Quamby Ct,4,h,1070000,VB,Miles,28/04/2018,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,61 Wellington St,4,h,,SN,Barry,28/04/2018,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,10 Dumfries Wy,5,h,915000,SP,Harcourts,28/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,390a Mountain Hwy,4,h,1110000,SP,Ray,28/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,20 Templeton St,4,h,960000,S,Ray,28/04/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,4 Melanie Cl,4,h,1030000,SA,One,28/04/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,22 Crellin Cr,2,h,825000,S,Darren,28/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,7 Curtis Av,4,h,1050000,S,Barry,28/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,14 Wattle Dr,5,h,860000,S,Darren,28/04/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,6 Condor Ct,3,h,438000,SP,C21,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,44 Egan Cl,4,h,458000,S,Barry,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,58 Margaret St,3,h,631000,S,FN,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,152 Tarneit Rd,4,h,460000,SP,Ray,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,1 Thornbill Dr,3,h,,SN,FN,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,9 Trent Cl,3,h,505000,S,Barry,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Wolsely Cl,4,h,682500,S,Greg,28/04/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3/1 Hatfield Ct,1,u,220000,PI,Sweeney,28/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,13/138 Rupert St,1,u,250000,SP,Jas,28/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,1/23 Soudan Rd,3,t,900000,SP,Rendina,28/04/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,89 Kenny St,2,h,540000,S,YPA,28/04/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1 Earlwood Dr,3,h,910500,S,RW,28/04/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,40 Threadbow Cr,3,h,,S,Biggin,28/04/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,8 Clough St,3,h,,S,Purplebricks,28/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,16 Garden St,5,h,2200000,S,Sweeney,28/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,50 Hanmer St,6,h,1725000,PI,Jas,28/04/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,66 Andrew St,3,h,,SP,Marshall,28/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9 Mary St,2,h,1133500,S,hockingstuart,28/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,18 Primrose St,3,h,1600000,VB,Marshall,28/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,18/14 The Avenue,2,u,,PI,Beller,28/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,21/29 Upton Rd,2,u,530000,S,hockingstuart,28/04/2018,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Yallambie,7 Kardinia Dr,3,h,810000,S,Buckingham,28/04/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,42 Kidman St,4,h,1240000,VB,Village,28/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,52 Powell St,4,h,1785000,S,Greg,28/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,59 Powell St,4,h,2050000,S,Jas,28/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,136 Roberts St,3,h,1108000,S,Jas,28/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,5 Taylor St,3,h,855000,SP,Village,28/04/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,4/328 Johnston St,2,u,,PI,Biggin,28/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,200 Nicholson St,2,h,1012500,S,Nelson,28/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,82/84 Trenerry Cr,2,u,970000,SP,Biggin,28/05/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,13 Batman St,5,h,2400000,S,Barry,28/05/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,47 Clifton St,4,h,1350000,S,Nelson,28/05/2016,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Albert Park,6 Brooke St,2,h,980000,S,Greg,28/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,7 Herbert Pl,2,h,,SP,Marshall,28/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,8 Kerferd Pl,4,h,,SP,Marshall,28/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,5 Reed St,3,h,,SN,Greg,28/05/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,8/6 Ridley St,1,u,145000,PI,Biggin,28/05/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,49 Bent St,3,h,1500000,S,Barlow,28/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,5/57 Blyth St,3,u,730000,SP,Barlow,28/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,15 Kookaburra St,3,h,900000,S,Sweeney,28/05/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,31 Powlett St,4,h,530000,VB,Sweeney,28/05/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,10 Knapp St,3,h,625000,PI,Hunter,28/05/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,17 Kooyong Rd,4,h,2000000,PI,Marshall,28/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,896 Malvern Rd,3,h,,S,Kay,28/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/31 Mercer Rd,3,u,869000,S,Jellis,28/05/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,1 Bloomfield Rd,3,h,1305000,S,Barry,28/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,26 Milton St,3,h,932500,S,Nelson,28/05/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,54 Baker Pde,3,h,,S,Marshall,28/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,33 Highgate Gr,4,h,1790000,PI,hockingstuart,28/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,9 Pitt St,4,h,1950000,S,Tim,28/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,9 Ward St,3,h,1600000,S,Fletchers,28/05/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,13 Ashwood Dr,4,h,,S,Fletchers,28/05/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,6 Clearview Cl,5,h,,S,Jellis,28/05/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,4 Newbury Ct,3,h,1200000,VB,Buxton,28/05/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,10 Ebb St,4,h,,S,Buxton,28/05/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,2/106 Station St,2,h,,PI,Ray,28/05/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,3 Langslow Rd,4,h,,PN,Ray,28/05/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Attwood,25 Maddingley Rd,4,h,840000,SP,Barry,28/05/2016,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,49 Rogerson St,3,h,795000,S,Barry,28/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,43 Skewes St,3,h,634000,S,Nelson,28/05/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,6 Abercrombie St,3,h,1810000,S,Fletchers,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/74 Balwyn Rd,3,t,1100000,S,hockingstuart,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,112 Belmore Rd,5,h,3020000,PI,Jellis,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/32 Deepdene Rd,3,t,,S,hockingstuart,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2 Pembroke Rd,3,h,2950000,S,Jellis,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,12 Wills St,5,h,2450000,S,Marshall,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,23 Wills St,3,h,1912000,S,Fletchers,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,51 Yarrbat Av,4,h,,S,Marshall,28/05/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,30 Abbott St,5,h,1550000,VB,Fletchers,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,69 Aylmer St,5,h,,PI,Marshall,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10a Bolinda Rd,3,t,1330000,S,Christopher,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Ellendale St,3,h,1038000,S,Christopher,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,38 Ferdinand Av,4,h,,SP,Marshall,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,38 Ferninand Av,4,h,,SP,Marshall,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,22 Highbury St,2,h,,S,hockingstuart,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,15 Maughan Pde,5,h,1660000,PI,hockingstuart,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Pam Av,3,h,,S,Jellis,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,61 Ray Dr,3,h,1260000,PI,hockingstuart,28/05/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,370 Balcombe Rd,3,t,1100000,SP,Buxton,28/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,1/75 Fourth St,3,t,1285000,S,Charlton,28/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,4 Stawell St,4,h,1850000,SP,RT,28/05/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,129 Liberty Pde,3,h,625000,PI,Nelson,28/05/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh East,2/25 Brooks St,3,u,800000,S,Woodards,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/34 Browns Rd,4,t,1120000,PI,Buxton,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Daphne St,3,t,970000,VB,hockingstuart,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/4 Daphne St,3,t,787500,S,Hodges,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,81 Kennedy St,6,h,1300000,S,Buxton,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,24 Kurrajong St,3,h,950000,PI,Greg,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,69 Lancaster St,4,h,1600000,S,Buxton,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3b Manuka St,3,h,886000,S,Ray,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25a Surrey St,4,t,1210000,S,Marshall,28/05/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,81 Brisbane St,5,h,1200000,S,Buxton,28/05/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,1/5 Third St,2,u,660000,S,Chisholm,28/05/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,15 Kerr St,4,h,,S,Jellis,28/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,19 Pope Rd,4,h,1465000,S,Stockdale,28/05/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,7 Harcourt St,2,h,1190000,S,Noel,28/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,5 Joseph St,4,h,900000,VB,Fletchers,28/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,9 Lane St,3,h,1088000,S,Noel,28/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,7 Vivian St,5,h,940000,PI,Noel,28/05/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,10 Agnew St,3,h,1050000,S,Ray,28/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Aldinga St,3,h,895000,S,Stockdale,28/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1 Bright Pl,3,t,700000,S,Allens,28/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,23 Sandgate Rd,5,h,,SN,Jellis,28/05/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,1 Bondi Rd,3,h,875000,S,Buxton,28/05/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,6 Gordon Cr,3,h,590000,S,Schroeder,28/05/2016,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,47 Albion Rd,3,h,1351000,S,Jellis,28/05/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,837 Canterbury Rd,3,h,857000,S,Fletchers,28/05/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/38 Margaret St,3,t,822500,S,Noel,28/05/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,2/8 Essex St,3,h,800000,S,Barry,28/05/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,57 Bay St,4,h,2750000,S,Nick,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,11 Butler St,5,h,3751000,S,Marshall,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,70 Cole St,3,h,,S,Buxton,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/5 Collington Av,2,u,821000,S,Buxton,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3a Cowra St,3,t,1425000,S,Hodges,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2a Dendy St,9,t,,S,Rodney,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,21 Wolseley Gr,4,h,2405000,S,RT,28/05/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,5 Arnot St,3,t,1230000,S,hockingstuart,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,25 Binnie St,4,h,,S,Marshall,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,4 Bruce St,4,h,1389000,S,Buxton,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/44 Union St,2,u,750000,S,Buxton,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3/23 Walstab St,3,u,1245000,S,Buxton,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,28 Welwyn Av,4,h,,S,Buxton,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,214 Were St,4,h,2310000,S,Buxton,28/05/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brooklyn,2/83 Cypress Av,2,t,490000,SP,hockingstuart,28/05/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,2/641 Geelong Rd,2,u,400000,PI,Trimson,28/05/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,35 Amelia St,3,t,822000,SP,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Denman St,4,h,1410000,PI,Jellis,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,19 Horne St,3,h,1550000,S,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30 Lobb St,3,h,740000,PI,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,60 Rose St,3,h,947000,S,Woodards,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,2/22 Saxon St,2,u,592500,S,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,38 Stewart St,3,h,1317000,S,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11/6 Sydney Rd,1,u,370000,S,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,46 Tinning St,2,h,765000,S,Nelson,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30/108 Union St,2,u,410000,VB,Jellis,28/05/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,139 Donald St,3,h,,SN,Barry,28/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,106/360 Lygon St,2,u,480000,PI,Jellis,28/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,18/408 Lygon St,2,u,400000,SP,Jellis,28/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3/95 Nicholson St,4,t,,S,Woodards,28/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,28/29 Nunan St,3,u,570000,S,hockingstuart,28/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3/14 Oconnor St,2,t,771000,SP,Nelson,28/05/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,53 Heller St,4,h,1150000,VB,Nelson,28/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,214 Hope St,4,h,,S,Jellis,28/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,19a Manica St,4,h,1600000,VB,Nelson,28/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/38 Melville Rd,2,t,598000,S,Nelson,28/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2/530 Victoria St,2,u,497000,S,Hodges,28/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/22 Whitby St,2,u,403000,S,hockingstuart,28/05/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulla,110 Green St,5,h,,SN,Jason,28/05/2016,3428,Western Metropolitan,271,22.9,Hume City Council +Bulleen,1 Fuller St,4,h,1351000,S,Jellis,28/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,13 Hillside Rd,2,h,1060000,S,Jellis,28/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,17 Kathleen Gr,3,h,1063000,S,Jellis,28/05/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,31 Anderson Pde,3,h,600000,SP,Barry,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Cabernet Cr,3,h,615000,PI,Ray,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,41 Carbeen Dr,3,h,550000,VB,Noel,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Jacqueline Rd,3,h,610000,S,Barry,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,18 Milton Pde,3,h,682000,S,Barry,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,15 Princeton Tce,3,h,624000,S,Barry,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Willunga Wy,4,h,513750,S,Darren,28/05/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,48 Cunningham Ch,3,t,365000,S,Barry,28/05/2016,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,10 Goold St,3,h,1000000,VB,Noel,28/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/54 McIntyre St,4,u,800000,PI,Lindellas,28/05/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Camberwell,44 Athelstan Rd,5,h,3320000,SP,Weast,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,17 Bringa Av,4,h,3710000,S,Jellis,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,32 Brinsley Rd,3,h,,S,Jellis,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2 Hazel St,5,h,2125000,PI,Marshall,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22 Kintore St,4,h,,SP,Jellis,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,36 Pine Av,4,h,3250000,PI,Marshall,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,91 Radnor St,4,h,2030000,S,Jellis,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,612 Riversdale Rd,4,h,2750000,PI,RT,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,11 Webster St,3,h,,S,Woodards,28/05/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,8 Avenue Athol,4,t,1742000,S,Fletchers,28/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,32 Faversham Rd,3,h,,SP,Marshall,28/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,14 Monomeath Av,5,h,5110000,S,Jellis,28/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,20 Wentworth Av,5,h,2750000,VB,Jellis,28/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,28 Wentworth Av,5,h,,SP,Marshall,28/05/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,106 Canning St,4,h,,S,Jellis,28/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,30/188 Faraday St,2,u,589000,S,Nelson,28/05/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,44 Blackwood St,4,h,1518000,S,hockingstuart,28/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,51 Elliott Av,4,h,,S,Jellis,28/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/33 Gnarwyn Rd,2,u,632500,S,Buxton,28/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,6/7 Judd St,2,u,435000,S,Gary,28/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,22 Seymour Av,3,t,1190000,S,Gary,28/05/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield East,8/5 Derby Cr,2,u,555000,S,Ray,28/05/2016,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,1/355 Alma Rd,2,u,570000,S,Gary,28/05/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,3/388 Dandenong Rd,2,u,550000,VB,Gary,28/05/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,8/688 Inkerman Rd,2,u,505000,PI,Jellis,28/05/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,22 Malakoff St,4,h,,PI,Marshall,28/05/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,245 Booran Rd,4,h,1570000,S,hockingstuart,28/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,49 Jupiter St,3,h,,SN,hockingstuart,28/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,364 Kooyong Rd,4,h,1916000,S,Biggin,28/05/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,5/1 Rae St,3,t,,S,Fletchers,28/05/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/2 Robert St,3,t,845000,S,Buxton,28/05/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,1 Thames Prm,3,h,845500,S,Buxton,28/05/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,29 Eden St,3,h,1100000,S,OBrien,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24 Erskine Av,2,h,,S,OBrien,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,32 Hilda St,5,h,1260000,S,OBrien,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,18 Jacaranda Av,3,h,,SP,Buxton,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9/15 Sunray Av,3,h,715000,S,Hodges,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,14 Tilley St,3,h,,S,OBrien,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Tuck St,3,h,,S,OBrien,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/310 Warrigal Rd,2,u,370000,PI,Buxton,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Wilson St,3,h,815000,S,Ray,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,24 Wilson St,3,h,760000,PI,Buxton,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/46 Wilson St,2,u,455000,S,OBrien,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,73 Wilson St,3,h,988500,S,Greg,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,15 Wingrove St,3,h,953800,S,Buxton,28/05/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,52 Bunney Rd,3,h,757000,S,Century,28/05/2016,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/49 Edinburgh St,2,u,575000,SP,Woodards,28/05/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,1/1256 Centre Rd,3,u,600000,S,Gary,28/05/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,53 Glencannon Cr,3,h,,PI,Leyton,28/05/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,21/184 Noone St,3,t,810000,PI,Raine,28/05/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,63 Spensley St,3,h,,PI,hockingstuart,28/05/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,9 Beckley St,3,h,1370000,S,Nelson,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,265 Bell St,2,h,700000,VB,Nelson,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/44 Berry St,3,t,810000,S,Nelson,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/87 Gaffney St,2,u,445000,SP,Raine,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,13 Kaye Ct,4,h,838000,S,Jellis,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 McPherson St,2,h,810000,S,Nelson,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5 Saunders St,4,h,1150000,PI,Nelson,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Younger St,4,h,931000,SP,Brad,28/05/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,24 Arthur St,4,h,,SN,Barry,28/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,9 Princess St,3,h,,S,Jellis,28/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,24 Tonkin Av,3,h,785000,SP,Brad,28/05/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,12/120 Cambridge St,2,u,1645000,S,Nelson,28/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Collingwood,8/122 Sackville St,2,u,450000,S,Biggin,28/05/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,51 Chelsworth Lp,4,h,535000,PI,YPA,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Gainsborough Dr,4,h,473000,S,YPA,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,340 Grand Bvd,2,h,,W,YPA,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Grove Rd,4,h,530500,S,Ray,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Perth St,4,h,,SN,Barry,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Rosewood Pl,3,h,,SP,RW,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Warrawong Ct,4,h,,PI,Barry,28/05/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cremorne,106 Cremorne St,3,h,,S,Biggin,28/05/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,6/145 Cubitt St,3,t,,SP,Jellis,28/05/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Cremorne,12 Melrose St,3,h,1300000,S,Biggin,28/05/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,8 Cheeseman St,5,h,895000,S,McGrath,28/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/9 Norman Rd,3,t,,SN,Barry,28/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,20 Trawalla Rd,3,h,1071000,S,Philip,28/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,2 Whiteflats Tce,3,h,600000,SP,Ray,28/05/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,9 Patterdale Ct,3,h,,SN,McGrath,28/05/2016,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Dandenong,7/79 Cleeland St,2,u,,PI,Del,28/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,11 Smithson Ct,4,h,520000,S,RW,28/05/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,4 Lyall Ct,5,h,795000,S,RW,28/05/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Diamond Creek,428 Ryans Rd,3,h,605000,S,Buckingham,28/05/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,10 Victoria St,3,h,518000,S,Coventry,28/05/2016,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,14 Chadree Ct,3,h,682500,S,Buxton,28/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Mungari St,4,h,855000,S,Ray,28/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,19 Oploo Ct,3,h,653000,S,Buxton,28/05/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,7 Botanic Dr,4,h,1810000,S,Jellis,28/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,5 Kalimna Cr,3,h,1150000,PI,Barry,28/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/20 Queens Av,3,t,901000,S,Jellis,28/05/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Colchester Dr,3,t,1387000,S,Barry,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/35 Maggs St,3,h,,SN,Parkes,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Newlands Cr,5,h,1200000,PI,Barry,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Oran Ct,4,h,,S,Barry,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/75 Renshaw St,2,u,740000,S,Barry,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/23 Ross St,3,u,1015000,S,Jellis,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,16 Rowan St,3,h,,PI,Ray,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7 Sherbrooke Ct,4,h,820000,PI,Barry,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Whalley Ct,3,h,1165000,S,Jellis,28/05/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,13 Arnold Dr,5,h,,S,Ray,28/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,5 Ben Ct,5,h,1057000,S,Barry,28/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1 Exford Pl,4,h,,SP,Parkes,28/05/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,4/143 Locksley Rd,1,u,400000,SP,Miles,28/05/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,7/45 Gipps St,1,u,750000,SP,Caine,28/05/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,9/35 Powlett St,2,u,872000,S,Dingle,28/05/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,101/242 Glen Huntly Rd,2,u,,S,Buxton,28/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/29 Nepean Hwy,2,u,410000,VB,Gary,28/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,8/66 Riddell Pde,2,u,577000,S,Hodges,28/05/2016,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,112 Brougham St,3,h,645000,S,Barry,28/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/98 Brougham St,2,u,481000,SP,Mason,28/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,69 Frank St,3,h,720000,S,Morrison,28/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,65 Luck St,4,h,,S,Morrison,28/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,5 Narrawa Cl,5,h,,SP,Barry,28/05/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,3/2 Bluff Av,2,u,640000,S,Chisholm,28/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,32 Milton St,3,h,1830000,S,Chisholm,28/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,81 Milton St,3,h,,S,Chisholm,28/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1 Thackeray St,3,h,,S,RT,28/05/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,24 Endeavour Cr,3,h,562000,SP,Only,28/05/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,40 Baystone Rd,3,h,429000,S,hockingstuart,28/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Buckland Cr,3,h,450000,SP,Harcourts,28/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,346 Findon Rd,3,h,,S,Harcourts,28/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,25 Hall St,3,h,525000,PI,hockingstuart,28/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Kinlora Av,3,h,435000,SP,Love,28/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,27 McKillop Av,3,h,,PI,Harcourts,28/05/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,31 Elder Pde,3,h,1500000,PI,Red,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,15 Glen St,3,h,,PI,Rendina,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/126 Hoffmans Rd,2,u,,PI,Barry,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,118a Ogilvie St,3,t,925000,VB,Nelson,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5 Raleigh St,3,h,1290000,S,Nelson,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/26 Richardson St,3,t,1275000,SP,Frank,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/18 Schofield St,2,u,,SP,Brad,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,15 Wright St,3,h,1045000,S,Nelson,28/05/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,50 Ruby St,3,h,1110000,S,Barry,28/05/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,48 Gordon St,3,h,1510000,S,Jellis,28/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,14/233 Station St,1,u,,SP,Ray,28/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,103/57 Station St,2,u,699900,S,Barry,28/05/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,13 Brockley Rd,4,h,1010000,S,Stockdale,28/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,15 Dowding Cl,3,h,480000,S,Nelson,28/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,25 William St,3,h,,SN,Barry,28/05/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,45 Carlisle Rd,4,h,825000,S,Ray,28/05/2016,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy North,8/86 Queens Pde,3,t,775000,S,Woodards,28/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,32 Rae St,3,h,1192500,S,Nelson,28/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,168 Scotchmer St,3,h,1581000,S,Jellis,28/05/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,5/121 Wellington St,2,u,420500,S,Jellis,28/05/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,8 Dudley St,3,h,767500,S,Sweeney,28/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,32 Hewitt Av,3,t,740000,VB,Jas,28/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,116/55 Hopkins St,2,u,395000,SP,Greg,28/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Tait St,4,h,815000,PI,Biggin,28/05/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,234 Canterbury Rd,4,h,860000,PI,Fletchers,28/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,3 Lyell Wk,3,t,,SN,Barry,28/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,80 Menin Rd,4,h,886000,S,Noel,28/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,325 Springvale Rd,3,h,,SP,Barry,28/05/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,26 Barclay Av,3,h,438000,S,Community,28/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,9 Heatherhill Rd,3,h,,SN,LITTLE,28/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Raphael Cr,4,h,,SN,Barry,28/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,9 Renmuir Ct,4,h,536000,S,hockingstuart,28/05/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne,6 Stirling Wy,4,h,,PN,Raine,28/05/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,1/23 Lyndhurst Rd,3,h,,PI,Barry,28/05/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,18 Rothschild St,3,h,,SN,R&H,28/05/2016,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,31 Britten St,3,h,,S,Marshall,28/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/68 Edgar St N,2,u,390000,S,hockingstuart,28/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Fairview Gr,5,h,3365000,S,RT,28/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,18 Netherlee St,5,h,,S,Marshall,28/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1 Rosedale Rd,4,h,1390000,S,Noel,28/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,59 Staughton Rd,4,h,1802000,S,J,28/05/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,3 Boriska Ct,3,h,1021000,S,Ray,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,31 Bunker Cr,7,h,,SN,HAR,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34a Charlotte St,4,t,1400180,SP,Jellis,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,27 Clivejay St,3,h,,SN,HAR,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/28 Danien St,4,t,,PI,Ray,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Eastbourne Ct,3,h,,PI,RW,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,4 Hunter St,3,h,,PI,HAR,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/58 Lincoln Av,3,u,946000,S,HAR,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,49a Margate Cr,3,h,821000,S,Biggin,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Mountleigh Ct,6,h,1400000,VB,Barry,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,67 Nottingham St,4,h,,PI,HAR,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1 Petter St,3,h,,PI,Ray,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Roswell St,5,h,1650000,VB,Jellis,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Sagan Ct,5,h,,PI,HAR,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1a Thompson St,4,h,1388000,S,Ray,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,22 Walter St,4,h,2145000,S,McGrath,28/05/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,33 Maude Av,4,h,640000,S,Melbourne,28/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/132 Widford St,3,t,440000,SP,Nelson,28/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,14 William St,3,h,501000,SP,Raine,28/05/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,45 Marigold Cr,4,h,880000,VB,Nelson,28/05/2016,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,2/12 Adeline St,3,t,565000,S,Harcourts,28/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,28 Alexandra St,4,h,1170000,S,Buckingham,28/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,11 Glengala Ct,3,h,646300,S,Barry,28/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,36 Paterson Cr,4,h,,S,Coventry,28/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5 Wyuna Cl,3,h,663000,S,Darren,28/05/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hallam,3 Marjoram Cl,3,h,405000,S,Century,28/05/2016,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,15 Avelin St,4,h,1800000,S,RT,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,17 Bolton Av,5,h,,SP,Buxton,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/22 Fewster Rd,3,h,1105000,S,hockingstuart,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,9a Field St,4,h,1200000,VB,Nick,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,107 Linacre Rd,4,h,,SP,Marshall,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,146a Ludstone St,4,t,1530000,PI,Buxton,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,41 Orlando St,4,h,2160000,S,hockingstuart,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,19a Swyer St,3,h,1050000,PI,Hodges,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/121 Thomas St,2,u,,SP,hockingstuart,28/05/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,7 Seafoam St,4,t,1185000,S,RT,28/05/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,29 Wickham Rd,3,h,1300000,S,Buxton,28/05/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,2/472 Glenferrie Rd,1,u,382000,SP,Kay,28/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,24/563 Glenferrie Rd,1,u,275000,S,hockingstuart,28/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/60 Hawthorn Gr,1,u,499000,S,Kay,28/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,3/32 Power St,2,u,495000,S,Kay,28/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9 Power St,5,h,3750000,PI,Marshall,28/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,69 Urquhart St,5,h,,S,Marshall,28/05/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,5/80 Campbell Rd,1,u,371000,PI,O'Donoghues,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,18 Kildare St,5,h,,S,Jellis,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,103 Pleasant Rd,5,h,1900000,VB,Kay,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,43a Pleasant Rd,3,h,,S,Marshall,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,312 Riversdale Rd,3,h,,S,RT,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,61 Roseberry St,3,h,1625000,SP,Marshall,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3/842 Toorak Rd,2,u,701000,S,Jellis,28/05/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,68 Balfour Av,3,h,,SN,Barry,28/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,1/288 Canterbury Rd,3,h,510000,S,Noel,28/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,28 Daisy St,3,h,620000,S,Philip,28/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,20a Frances St,3,h,630000,S,Philip,28/05/2016,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,2/3 Andrews St,2,u,475000,S,Stockdale,28/05/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,8/127 Hawdon St,2,u,,SP,Miles,28/05/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,96 Lloyd St,2,h,590000,S,Miles,28/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,146 Porter Rd,2,h,920000,S,Barry,28/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,26 Southern Rd,2,h,460000,VB,Nelson,28/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,50 Swanston St,3,h,662500,S,Coventry,28/05/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,18 Achilles St,2,h,415000,SP,Ray,28/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,37 Alamein Rd,3,h,392000,S,Barry,28/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,9 Ambon Ct,3,h,961000,S,Nelson,28/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,12a Lae St,4,t,755000,SP,Jellis,28/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,257 Liberty Pde,3,h,507000,PI,Nelson,28/05/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,34 Beaumaris Pde,3,h,750000,PI,Buxton,28/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/4 Henry St,3,h,925000,PI,Buxton,28/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/274 Highett Rd,2,u,485000,SP,Buxton,28/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/1229 Nepean Hwy,3,t,780000,SP,Buxton,28/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,7 Peace St,3,h,745000,S,Ray,28/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,20 Spring Rd,4,h,1470000,S,Buxton,28/05/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,9 Allenby Rd,3,h,455000,S,Barry,28/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,18 Bloomsbury Ct,4,h,608000,S,Barry,28/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,10 Callender Wy,4,h,600000,SP,Barry,28/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,11 Lancelot Ct,3,h,800000,VB,Barry,28/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,32 Pimelea Wy,4,h,,PI,YPA,28/05/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,46 Willmott Dr,4,h,370000,S,YPA,28/05/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,4 Waterdale Rd,4,h,2595000,S,Miles,28/05/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,5/45 Wilfred Rd,3,t,,SN,Miles,28/05/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,17 Sunset Bvd,2,h,472500,S,YPA,28/05/2016,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,22 Valewood Dr,3,h,450000,SP,Brad,28/05/2016,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,23 Watson Ri,4,h,1025000,S,Daniel,28/05/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,154 Copernicus Wy,4,h,,PI,GL,28/05/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,38 Clarks Rd,4,h,847000,S,Brad,28/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,28 Noga Av,3,h,810000,VB,Nelson,28/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,26 Norwood Dr,3,h,705000,S,Nelson,28/05/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,35 Spence St,3,h,566000,S,Nelson,28/05/2016,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,64 Hardiman St,2,h,806000,S,Alexkarbon,28/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,4 Lascelles Sq,4,t,,W,YPA,28/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,379 Racecourse Rd,1,t,387500,S,Nelson,28/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,203/60 Speakmen St,1,u,330000,SP,Nelson,28/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,61 Willis St,3,h,829000,S,Nelson,28/05/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1181 Burke Rd,4,h,,S,Marshall,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,62 Campbell St,4,h,4005000,PI,Marshall,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11/54 Charles St,3,t,,SP,RT,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,54 First Av,3,h,2003000,S,Marshall,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,43 Kellett Gr,3,h,1211000,S,Nelson,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2 Perry Ct,5,h,,PN,Kay,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3/40 Rowland St,2,u,891000,S,Jellis,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,25 Stoke Av,5,h,3500000,PI,Marshall,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,16 Swinton Av,4,h,4501000,S,Jellis,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,7 Victor Av,4,h,,S,Marshall,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6/108 Walpole St,3,u,620000,VB,hockingstuart,28/05/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kingsbury,5 Golf Av,3,h,635000,S,Nelson,28/05/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Lalor,57 Casey Dr,4,h,375000,SP,Harcourts,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,126 Gillwell Rd,4,h,665000,S,Iconek,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,63 Huskisson Av,3,h,427000,S,Stockdale,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Newton Cr,3,u,460000,S,Harcourts,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,9 Pinetree Cr,4,h,472500,S,Barry,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,14 Ruth St,3,h,450000,PI,Ray,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,32 Valerie St,3,h,431000,S,Barry,28/05/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +MacLeod,2/8 Carwarp St,3,t,,PI,Ray,28/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,18 Jennifer Ct,3,h,657000,S,Ray,28/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/115 Wungan St,2,u,500000,SP,Ray,28/05/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,171 Mitchell St,4,h,675000,S,Sweeney,28/05/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4/8 Park St,3,u,1000000,VB,Jellis,28/05/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,12 Ailsa Av,3,h,,S,Jellis,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,23 Darling Rd,3,h,1650000,S,RT,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,6/16 Dene Av,2,u,530000,PI,Marshall,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/32 Fisher St,3,t,,S,Jellis,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,18b Hillard St,3,h,,S,Marshall,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Hyslop Pde,4,h,,S,Jellis,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5/36 The Avenue,2,u,,SP,Marshall,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,546 Waverley Rd,3,h,,SP,Jellis,28/05/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,75 Edgewater Bvd,3,h,820000,PI,Biggin,28/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,39 Kellaway St,3,h,940000,S,Jas,28/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,10 Lakeside Cr,3,t,1150000,PI,Rendina,28/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,31 Monash St,4,h,1030000,S,Jas,28/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1 The Esplanade,5,h,1350000,S,Changing,28/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4/28 Wests Rd,2,u,,SN,Barry,28/05/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,13 Anne St,4,h,1530000,S,Hodges,28/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,4 Hopkins St,4,h,1950000,VB,Gary,28/05/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,804/394 Collins St,2,u,,VB,Greg,28/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,215/422 Collins St,2,u,720000,S,Greg,28/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1003/265 Exhibition St,3,u,760000,S,hockingstuart,28/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,202/639 Lonsdale St,2,u,,VB,Greg,28/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,431/539 St Kilda Rd,1,u,,SP,Marshall,28/05/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,3a Acacia Av,3,t,,S,Buxton,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4 Beach Gr,4,h,1411000,S,Hodges,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/39 Flinders St,2,u,550000,S,Ray,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,45 Flinders St,3,h,902000,S,hockingstuart,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,3/77 Patty St,3,h,647500,S,Luxe,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/48 Plummer Rd,2,u,605000,S,Hodges,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1a Rimmer St,2,t,720000,S,hockingstuart,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1a Rivoli St,4,t,1255000,S,hockingstuart,28/05/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,17 Callaway Cr,4,h,465000,S,Harcourts,28/05/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mill Park,41 Bowman Dr,3,h,480000,SP,Ray,28/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,8 Heritage Dr,4,u,510000,SP,Harcourts,28/05/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,2 Blossom St,3,h,790000,S,Ray,28/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,29 Dunfield Av,3,h,855000,S,Noel,28/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Gillies St,3,h,850000,VB,Noel,28/05/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,35 Kingsley Cr,3,h,1650000,S,Jellis,28/05/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,58 Victoria Cr,3,h,,PN,Kay,28/05/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,11/781 Whitehorse Rd,2,u,520000,VB,hockingstuart,28/05/2016,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,46 Coventry St,3,h,801000,S,Darren,28/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,45 Kirwana Gr,3,h,731000,S,Barry,28/05/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,1/16 Capulet St,2,u,730000,SP,Woodards,28/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,124 Eglinton St,3,h,,S,Nelson,28/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,21 Winchester St,2,h,831000,S,Barry,28/05/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,8 Barilla Rd,4,h,1035000,S,Buxton,28/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,77 Chapel Rd,3,h,920000,S,hockingstuart,28/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,17 Horsmunden Rd,4,h,1160000,S,Gary,28/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,6 Wimmera St,3,h,825000,PI,Buxton,28/05/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,24 McDermott Av,5,h,500000,S,McGrath,28/05/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,7 Bertram St,3,h,1205000,S,hockingstuart,28/05/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,11a David St,3,t,1265000,S,OBrien,28/05/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,5 Reckless La,3,t,,SN,Branon,28/05/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,1/35 Anthony Dr,3,t,670000,S,Barry,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/42 Briggs St,4,u,850000,S,Barry,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,46 Bruce St,3,h,,PN,HAR,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Coronation St,5,h,,PI,Ray,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,20 Emerald St,3,h,1275000,SP,HAR,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,18 Irving St,4,h,,SP,Woodards,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/30 Irving St,3,u,,SP,Jellis,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,6 Melissa St,5,h,927000,S,McGrath,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4 Morrison Ct,3,h,1576000,S,Ray,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10/41 Prospect St,2,u,,PI,Philip,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,35 Solferino Cl,4,h,954000,PI,Stockdale,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Wadham Pde,3,h,1156000,S,Biggin,28/05/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2/5 Green Av,3,t,536000,S,Biggin,28/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 Huxley Av,3,h,680000,S,Ray,28/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,30 Roberts Av,3,h,740000,VB,Barry,28/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Seaview Cr,4,h,890000,SP,Woodards,28/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Seaview Cr,5,h,872500,S,Ray,28/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,73 Tiverton Dr,3,h,686000,S,Ray,28/05/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,26 Innellan Rd,3,h,1220000,S,Thomson,28/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,14 Kinlock Av,3,h,1180000,SP,Thomson,28/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,525a Neerim Rd,4,h,1800000,PI,Ray,28/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/23 Rosella St,3,h,970000,S,Thomson,28/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,56b Wallace Av,4,t,1286000,S,Ray,28/05/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,11 Upton Cr,3,h,,PI,Barry,28/05/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,7 Durkin St,3,h,945000,S,Jas,28/05/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,38 Garnet St,4,h,1160000,PI,Paul,28/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,20 George St,3,t,740000,VB,Nelson,28/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,3a George St,3,t,905000,PI,Nelson,28/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,14 Vaynor St,3,h,1105000,S,Brad,28/05/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,6 Cranham St,3,h,,PI,Century,28/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1/15 David St,3,h,454000,S,O'Brien,28/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,9 Wall St,3,h,,SN,Barry,28/05/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,2/101 Leveson St,2,u,950000,S,hockingstuart,28/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,15 Mary St,3,t,1065000,S,Alexkarbon,28/05/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,160 Bent St,4,h,1420000,S,hockingstuart,28/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Bent St,3,h,,S,hockingstuart,28/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Brooke St,4,h,1950000,S,hockingstuart,28/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4 Clifton St,5,h,1820000,SP,hockingstuart,28/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,27 Vauxhall Rd,4,h,1900000,PI,hockingstuart,28/05/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,38 Samada St,3,h,850000,S,Biggin,28/05/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,28 Efron St,3,h,860000,S,Jellis,28/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,6/28 Springvale Rd,3,u,655000,SP,Noel,28/05/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,15 Curie Av,3,h,940000,S,Stockdale,28/05/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,1474 Dandenong Rd,4,h,855000,PI,Woodards,28/05/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,5 Grant St,5,h,1600000,PI,Ray,28/05/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/1 York Av,2,u,600000,S,Ray,28/05/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1/23 Elizabeth St,3,t,,PI,Buxton,28/05/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/18 Ferntree Gully Rd,3,t,610000,PI,Greg,28/05/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,28 MacRina St,5,h,,PI,Buxton,28/05/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,2/36 Cleek Av,3,t,935000,S,Buxton,28/05/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,2 Lehem Av,3,h,800000,S,Woodards,28/05/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,20 Vanessa Ct,4,h,937500,SP,Greg,28/05/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/35 Leila Rd,2,u,617500,S,Biggin,28/05/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/24 Lillimur Rd,2,u,479500,S,Ray,28/05/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,1 Gilbert Ct,4,h,1100000,S,Hodges,28/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Ivy St,3,t,855000,S,Buxton,28/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,328 Nepean Hwy,4,h,1255000,PI,Buxton,28/05/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/153 Essex St,2,h,525500,S,Considine,28/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/12 Lake Av,2,t,555000,S,Brad,28/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,259 Sussex St,3,h,612500,S,Brad,28/05/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,18 Astley Cr,4,h,,PN,Point,28/05/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,57 Australis Cct,3,h,,SN,Biggin,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,14/200 Bay St,1,u,400000,VB,Greg,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,56/15 Beach St,2,u,900000,S,Marshall,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,22/9 Beach St,3,u,,SN,Biggin,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6/23 Beaconsfield Pde,2,u,,SP,Marshall,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,202/52 Dow St,1,u,470000,PI,Marshall,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2 Morley St,3,h,,SP,Marshall,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,104 Princes St,3,h,,PI,Marshall,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Stokes St,4,h,2160000,S,Cayzer,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,213 Stokes St,3,h,1380000,S,Marshall,28/05/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,117 Charles St,3,h,1255000,S,Marshall,28/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,93 Charles St,3,h,2180000,S,Marshall,28/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,403/120 Greville St,2,u,712500,SP,Kay,28/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16/67 High St,2,u,,S,Jellis,28/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,51 The Avenue,5,h,,SP,Marshall,28/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,26 Willis St,3,h,1720000,S,Jellis,28/05/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,31 Belgrove St,3,h,1186000,SP,Nelson,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,102 Bruce St,5,h,,S,hockingstuart,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,329 Plenty Rd,3,h,900000,VB,Nelson,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,91 Plenty Rd,3,h,800000,PI,hockingstuart,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,252 Raglan St,3,h,1030000,S,Love,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17 Tynan St,4,h,1615000,S,Barry,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Watson St,3,h,715000,S,Barry,28/05/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,77 McIlwraith St,4,h,1908000,S,Nelson,28/05/2016,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,81 Barton St,3,h,784000,S,Nelson,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,16 Birdwood St,4,h,1186000,SP,Nelson,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,11 Carrington Rd,3,h,665000,S,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/9 Daventry St,2,u,405000,S,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/20 Erskine Av,3,h,532000,SP,hockingstuart,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/23 George St,2,u,431000,S,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/9 Hughes Pde,3,t,580000,PI,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Leamington St,4,h,885000,S,Ray,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21b Locksley Av,3,u,550000,S,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 MacKenzie St,3,h,718500,S,Nelson,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Nutwood St,5,h,762500,S,Nelson,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/56 Orrong Av,2,h,615000,S,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,20 Rodman St,3,h,737000,S,Barry,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Taylor Av,3,h,633000,SP,Ray,28/05/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,50 Canterbury St,2,h,827500,S,Biggin,28/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Cutter St,3,h,,PI,Biggin,28/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,183 Mary St,4,h,1500000,PI,Biggin,28/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,153/73 River St,2,u,560000,SP,Biggin,28/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,7/1 Victoria Pl,3,u,,PI,LITTLE,28/05/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,2/20 Lena Gr,2,h,,PI,Barry,28/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,23 Sunhill Av,3,h,,SN,Barry,28/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,98 Wonga Rd,3,h,640000,VB,hockingstuart,28/05/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood North,108 Loughnan Rd,4,h,,SN,Barry,28/05/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,13/209 Hotham St,2,u,520000,S,hockingstuart,28/05/2016,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,9 Kathleen St,3,h,850000,S,Miles,28/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,221 Rosanna Rd,2,h,,SP,Ray,28/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/237 Rosanna Rd,3,u,601000,S,Barry,28/05/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,5 Woods Pl,5,h,1050000,S,Barry,28/05/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10 Ferntree Wk,4,h,460000,S,Raine,28/05/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Johnson Ct,3,h,320000,S,Raine,28/05/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,8 Wintle Cl,3,h,350000,PI,Raine,28/05/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Scoresby,16 Zerfas St,4,h,638000,S,RW,28/05/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,94 East Rd,3,h,640000,SP,Hodges,28/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,98 East Rd,4,h,1200000,PI,Hodges,28/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,1 Louise Ct,3,h,440000,SP,Bowman,28/05/2016,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,89 Pilgrim St,3,h,822000,S,Sweeney,28/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,6 Staff St,4,h,920000,PI,Biggin,28/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,18 William St,4,h,1270000,S,Jas,28/05/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1107/2 Albert Rd,1,u,600000,SP,Biggin,28/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,3/199 Montague St,2,u,650000,S,Buxton,28/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,5 Nixon Pl,2,h,,SN,Greg,28/05/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,11 Hestia Ct,1,h,,PI,Barry,28/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,8 Xavier Wy,3,h,,SN,LJ,28/05/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,2a Alexandra St,3,h,1056800,S,Jellis,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/63 Alexandra Av,1,u,495000,S,hockingstuart,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,40 Fawkner St,3,h,2400000,PI,Williams,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/4 Gordon Gr,1,u,410000,S,Biggin,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8 Moffat St,3,h,,S,Jellis,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,19 Phoenix St,2,h,,S,hockingstuart,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/501 Punt Rd,1,u,260800,S,Williams,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/4 Stanley St,2,t,,SN,Besser,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,33 Tyrone St,2,h,1200000,S,LITTLE,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,36 Tyrone St,3,h,1540000,S,Marshall,28/05/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,131/120 Sturt St,2,u,,PI,Greg,28/05/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,12 Gunther Av,3,h,,SN,Barry,28/05/2016,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,17 Eisner St,4,h,,SN,Barry,28/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,17 Erica Av,3,h,700000,SP,Ray,28/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,9 Everton Ct,3,h,,PN,Calder,28/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Lovell Dr,3,h,460000,SP,Ray,28/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2 Luxford St,3,h,,SN,Barry,28/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,34 McArthur Av,3,h,475000,S,Homes,28/05/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,2/79 Barkly St,2,u,700000,S,Whiting,28/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,48/352 Canterbury Rd,2,u,430000,SP,Cayzer,28/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,71 Carlisle St,3,h,1030000,S,Jellis,28/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/22 Charnwood Cr,2,u,610000,VB,Hodges,28/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/43 Dalgety St,1,u,665000,S,hockingstuart,28/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/5 Marine Pde,2,u,1100000,S,Greg,28/05/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,34 Glenview Rd,4,h,1370000,S,Nelson,28/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,22 Lamart St,4,h,985000,S,Rendina,28/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,243 Mascoma St,3,t,810000,PI,Considine,28/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,353a Mascoma St,3,u,750000,VB,Paul,28/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,9 North Av,4,h,1910000,S,Considine,28/05/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore Heights,353a Mascoma St,3,u,750000,VB,Paul,28/05/2016,3041,Western Metropolitan,389,8.2,Moonee Valley City Council +Sunshine,2/7 Mayo St,2,t,410000,SP,Barry,28/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,88 Monash St,2,h,720000,S,Douglas,28/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,6 robinson St,3,h,590000,S,GL,28/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,6 Taunton St,3,h,635000,PI,Douglas,28/05/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,14 Essex St,3,h,,PN,Douglas,28/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,11 Godfrey Av,4,h,785000,S,Melbourne,28/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,17 Taniyha Pl,5,h,1000000,S,Douglas,28/05/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,2/42 Bardsley St,3,t,510000,SP,Barry,28/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,3 Brent Mw,5,h,,W,Barry,28/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,18 Rautman Cr,3,h,418000,SP,Calder,28/05/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,20 Anderson St,3,h,1251000,S,Woodards,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/22 Beech St,3,t,,S,Fletchers,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Boronia St,6,h,1650000,PI,Noel,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/711 Canterbury Rd,3,h,,PI,Ray,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5/35 Durham Rd,2,h,600000,VB,Jellis,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,5 Olyve Ct,3,h,,SP,Marshall,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,33 Ross St,4,h,1835000,SP,Jellis,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/4 Wells St,2,u,778500,S,Noel,28/05/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,14 Bhangoo Ct,3,h,516000,S,Barry,28/05/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,6 Chandos St,4,h,521000,S,Ray,28/05/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,1/3 Gooch Cl,2,u,325000,S,Bells,28/05/2016,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,9 Sundial Bvd,4,h,690000,S,Greg,28/05/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,13 Koroit Pl,5,h,,PI,YPA,28/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,8 Preston Pl,3,h,500000,SP,Professionals,28/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,40 Reed Cr,5,h,705000,SP,Barry,28/05/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,1/105 James St,3,t,865000,S,Jellis,28/05/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,73 Chalon Av,5,h,970000,PI,Barry,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,21 Dellfield Dr,3,h,,S,Barry,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,22 Hazel Dr,3,h,838000,S,Barry,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,23 Hotham St,3,h,650000,VB,RT,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,49 Howitt Dr,4,h,870000,PI,Barry,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,34 Linton Av,4,h,1150000,PI,Barry,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,16 Rosa St,3,h,1509000,S,Barry,28/05/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,36/90 Edgars Rd,3,t,345000,PI,Ray,28/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,15 Everett Ct,3,h,585000,S,Harcourts,28/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,35 Kemp Av,3,h,426000,S,Love,28/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/27 Mount View Rd,3,u,,PI,Harcourts,28/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,21 Murchison Wy,3,h,541000,S,Love,28/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,12 Wodonga Cr,4,h,510000,S,Millership,28/05/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,206 Dundas St,5,h,,PI,Nelson,28/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5/67 Flinders St,2,u,601000,S,Barry,28/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,119 Rennie St,3,h,,SN,Brace,28/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,85 Rossmoyne St,3,h,,SN,Nelson,28/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,285 Victoria Rd,4,h,,SN,Jellis,28/05/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,28 Bruce St,3,h,2250000,SP,Castran,28/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21 Power Av,4,h,,S,Marshall,28/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,37 Tintern Av,3,h,5000000,VB,Kay,28/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,10/530 Toorak Rd,2,u,525000,S,Jellis,28/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,1/568 Toorak Rd,3,u,,SP,Jellis,28/05/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Travancore,145/38 Mt Alexander Rd,2,u,315000,SP,Ray,28/05/2016,3032,Western Metropolitan,1052,4.3,Moonee Valley City Council +Tullamarine,28 Catherine Av,3,h,,PN,Sweeney,28/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,6/226 Melrose Dr,3,h,400000,SP,Jason,28/05/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,63 Betula Av,3,h,740000,S,Ray,28/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2 Grey St,3,h,867000,S,M.J,28/05/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,6 Adrian Av,4,h,1190000,S,Jellis,28/05/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,2 Barossa Av,3,h,810000,S,Noel,28/05/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,15 Danielle Ct,4,h,1190000,S,Barry,28/05/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,50a Casey Cr,4,h,,SP,Nelson,28/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,15 Rosemary Ct,4,h,,SN,Nelson,28/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,20 Sherlowe Cr,4,h,820000,SA,Fletchers,28/05/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,9 Coustley Cl,3,h,270000,S,LJ,28/05/2016,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,16 Tabilk Ct,4,h,780000,SP,Barry,28/05/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,5 Warwick Cl,4,h,975000,S,Ray,28/05/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,11 Endeavour Pl,4,h,827000,S,Ray,28/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,8 Newcombe Ct,5,h,955000,S,Noel,28/05/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warranwood,5 Howqua Ct,4,h,945000,S,Ray,28/05/2016,3134,Eastern Metropolitan,1595,19.9,Maroondah City Council +Watsonia,3 Dunn St,2,h,,PI,Barry,28/05/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,28 Papua St,2,h,701000,S,Barry,28/05/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,5/652 Barkly St,2,u,456000,S,Sweeney,28/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,18 Molesworth Ct,3,h,660000,S,Sweeney,28/05/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,5/467 King St,2,u,620000,S,Jellis,28/05/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,44 Miller St,4,h,2100000,S,Brad,28/05/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,29 Linga St,3,h,,PI,YPA,28/05/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,1 Austral Ct,4,h,,SN,Barry,28/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2/47 Brandon Park Dr,3,u,,S,Biggin,28/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,17 Chancellor Dr,4,h,830000,PI,Barry,28/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,2 Danielle Cl,3,h,,SP,hockingstuart,28/05/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,2/125 Ferguson St,1,u,331000,S,Williams,28/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,14 Osborne St,4,h,,SP,Greg,28/05/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,17/231 Dandenong Rd,1,u,,S,hockingstuart,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,22/17 Ellesmere Rd,2,u,650000,VB,McGrath,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,11a Erica St,3,h,,SN,Biggin,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,1/24 Green St,3,h,1200000,S,Biggin,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,19 Newry St,3,h,1320000,S,Jellis,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,22 Stewart St,2,u,,S,RT,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,8/15 Wrexham Rd,2,u,580000,S,Biggin,28/05/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,21 Beresford Rd,4,h,417000,PI,hockingstuart,28/05/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,73 Monaco Cct,4,h,,PI,Ray,28/05/2016,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarrambat,15 Kurrak Rd,5,h,,VB,Morrison,28/05/2016,3091,Northern Victoria,577,23.4,Nillumbik Shire Council +Yarraville,4 Bena St,3,h,980000,S,Jas,28/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,16/11 Berry St,3,t,800000,VB,Jas,28/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,31 Kidman St,4,h,,S,hockingstuart,28/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,30 Simpson St,3,h,1460000,SP,Village,28/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,3/113 Somerville Rd,2,t,,PN,hockingstuart,28/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/245 Williamstown Rd,3,t,,S,Jas,28/05/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,517/4 Acacia Pl,2,u,,PI,Biggin,28/07/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,210/125 Turner St,2,u,760000,S,Nelson,28/07/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,3/12 Laurence Av,3,t,680000,S,Nelson,28/07/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,6 Erskine St,2,h,1705000,S,Greg,28/07/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,42 Pickles St,4,h,1950000,PI,Ray,28/07/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,2/29 Broomfield Av,2,h,800000,S,Nelson,28/07/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,7/15 St Bernards Rd,1,u,407000,S,Jellis,28/07/2018,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona Meadows,30 Central Av,3,h,688000,S,LJ,28/07/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona Meadows,10 Markey Ct,3,h,803000,S,Greg,28/07/2018,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,1d Mahon Av,3,t,790000,S,hockingstuart,28/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,1/93 Millers Rd,3,u,580000,S,Village,28/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,31 Ronald Av,3,h,,VB,Greg,28/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,114b Seventh Av,3,t,,PI,hockingstuart,28/07/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,1/24 North St,3,h,601000,S,Douglas,28/07/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4/41 Kooyong Rd,2,h,620000,VB,Gardiner,28/07/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,2 Ascot St,3,h,1230000,S,Nelson,28/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,83B Doncaster St,3,t,985000,SP,Nelson,28/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/42 The Parade,2,u,510000,S,Brad,28/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,33 Warrick St,2,h,,S,Nelson,28/07/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,34 Lavidge Rd,5,h,1970000,S,hockingstuart,28/07/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Balwyn,2 Dee St,3,t,1350000,PI,Noel,28/07/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/12 King St,3,t,,S,Jellis,28/07/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,38 Monash Av,3,h,,S,Jellis,28/07/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,24 Narrak Rd,5,h,,SN,Harcourts,28/07/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,23 Albury Rd,3,h,,S,Fletchers,28/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,26 Bulleen Rd,3,h,1475000,VB,Noel,28/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Dight Av,3,h,1738000,S,Marshall,28/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,138 Greythorn Rd,4,h,,SP,Fletchers,28/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,141 Maud St,4,h,2110000,PI,Buxton,28/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/60 Maud St,3,t,1500000,VB,Nelson,28/07/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bentleigh,12 Field St,3,h,1325000,S,Woodards,28/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,57 Mitchell St,3,h,1538000,S,Jellis,28/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,105/25 Nicholson St,2,u,,PI,Steller,28/07/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,802 Centre Rd,3,h,868000,S,Buxton,28/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/9 Francesco St,2,t,685000,PI,Woodards,28/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Fraser St,4,h,,SN,Nick,28/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,19 Ludwell Cr,3,h,,PN,HAR,28/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Warwick St,3,h,1200000,VB,Nelson,28/07/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,70 Grices Rd,4,h,,PI,Ray,28/07/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,5 Turner St,4,h,940000,SP,Ray,28/07/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,31 Central Av,4,h,,S,Buxton,28/07/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,7 Francis St,3,h,1370500,S,Ray,28/07/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,16 Greenglade Ct,4,h,935000,S,Jellis,28/07/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,52 Junction Rd,3,h,,PI,Ray,28/07/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,57 Koonung Rd,4,t,1020000,VB,Jellis,28/07/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,22 Morrie Cr,4,h,,S,Noel,28/07/2018,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,40 Fulton Rd,3,h,,SN,Woodards,28/07/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,8 McCracken Av,3,h,900000,VB,Jellis,28/07/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,150 Middleborough Rd,3,h,803500,SP,Buxton,28/07/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,17 Crampton Sq,4,t,923000,SP,Buxton,28/07/2018,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,1 Marland Rd,3,h,,PI,Barry,28/07/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,136 Scoresby Rd,3,h,715000,S,Ray,28/07/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2 Woodmason Rd,3,h,,VB,Noel,28/07/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/37 Simpsons Rd,2,u,,SN,Philip,28/07/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,12 Hinkler St,3,h,699000,S,Douglas,28/07/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,25 Beaconsfield Rd,3,h,925000,VB,Nelson,28/07/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,1/4 Box Rd,3,h,800000,PI,Morrison,28/07/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,5 Keith Ct,3,h,,SN,Nick,28/07/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,141 Dendy St,3,h,1955000,S,Buxton,28/07/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,27 Waranga Cr,3,h,,PI,YPA,28/07/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,4 Fallon St,4,h,,PI,Jellis,28/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,13 Macfarland St,2,h,,SP,Jellis,28/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,44 Munro St,3,h,860000,S,Barry,28/07/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,10 Cadman St,4,h,1487500,S,McGrath,28/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/578 Moreland Rd,2,h,530000,S,Frank,28/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,19 Passfield St,3,h,1100000,VB,Nelson,28/07/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,19 Dumossa Av,3,h,1334500,S,Philip,28/07/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,2 Huon Ct,3,h,850000,PI,RW,28/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,10 Kathleen Ct,4,h,,SP,Barry,28/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Kearney Ct,4,h,1005000,S,Barry,28/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Luton Wy,4,h,,PI,Ray,28/07/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside Heights,23 Waterside Dr,4,h,,PI,Barry,28/07/2018,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,3 Carmody St,3,t,,VB,Jellis,28/07/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/26 Peacock St,2,u,755000,S,Buxton,28/07/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,31 Wridgway Av,3,h,1610000,S,Buxton,28/07/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,20 Benwerrin Dr,3,h,1190000,S,Jellis,28/07/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,547 Camberwell Rd,4,h,1736000,S,Jellis,28/07/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,3/18 Lesley St,4,t,1450000,PI,Ray,28/07/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1a Thomas St,4,h,1550000,PI,Fletchers,28/07/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,71 Maling Rd,3,h,1850000,S,Jellis,28/07/2018,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,6/82 Canning St,2,u,,PI,Collins,28/07/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,2/887 Drummond St,2,u,,S,Nelson,28/07/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,30 Lee St,2,h,,S,Nelson,28/07/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,103 Pigdon St,2,h,1110000,S,Woodards,28/07/2018,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,3/330 Neerim Rd,2,u,645000,SP,Gary,28/07/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5/93 Truganini Rd,2,u,630000,S,Ray,28/07/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,3 Eppalock Cct,5,h,840000,SP,Ray,28/07/2018,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,93 Lyrebird Dr,3,h,,PI,Hodges,28/07/2018,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield East,17 Derby Cr,2,h,1250000,PI,hockingstuart,28/07/2018,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield North,2/75 Kambrook Rd,2,u,767000,S,Win,28/07/2018,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,11/28 Eumeralla Rd,2,u,425000,SP,Gary,28/07/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,22 Westbrook St,4,h,1415000,S,Woodards,28/07/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,18B Maury Rd,3,h,1950000,VB,Asset,28/07/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,2 Judd Pde,3,h,950000,VB,Biggin,28/07/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,11 Robross St,5,h,990000,VB,Greg,28/07/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,7 Wallingford St,3,h,1060000,SP,Buxton,28/07/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,61 Sherwood Rd,4,h,,VB,Jellis,28/07/2018,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clifton Hill,56 Berry St,2,h,1020000,S,Bekdon,28/07/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,15 Coburg St,2,h,965000,S,Jellis,28/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Preston St,3,h,,S,Barry,28/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,45 Service St,3,h,860000,PI,McGrath,28/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5 Woolacott St,3,h,840000,PI,Walshe,28/07/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,25 Shorts Rd,3,h,625000,S,New,28/07/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,315 Wellington St,2,h,900000,PI,Nelson,28/07/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,28 Bank St,4,h,551000,S,Ray,28/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,9 Blairgowrie Dr,3,h,,PI,Barry,28/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Bridgehaven Dr,3,h,620000,S,Ray,28/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Clayton Rd,3,h,490000,VB,Jason,28/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,22 Westerfolds Lp,3,h,460000,SP,Ray,28/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Whitehaven Ct,3,h,475000,S,Barry,28/07/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Croydon,6 Park La,3,h,,PI,Barry,28/07/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,26 Rodleigh St,3,h,625000,VB,Noel,28/07/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,21 Ruskin Av,2,h,,S,Fletchers,28/07/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,31 Rosedale Cr,4,h,,W,RW,28/07/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,8 Goldlang St,1,h,,PI,REMAX,28/07/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,4 Boyd Ct,3,h,580000,S,Del,28/07/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,12 Scullin St,3,h,510000,S,Stockdale,28/07/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,11 Bridie St,3,h,550000,PI,hockingstuart,28/07/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,40 Poole St,4,h,,PI,Bells,28/07/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,11 Tasman Av,3,h,490500,S,Barry,28/07/2018,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Dingley Village,3 Seaton Dr,4,h,,PI,Barry,28/07/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,58 Finlayson St,4,h,1750000,S,Jellis,28/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1/319 George St,3,t,958000,S,Barry,28/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Iskandar Pl,4,h,,VB,Jellis,28/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3 Soderlund Dr,4,h,,S,Jellis,28/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,26 Timber Rdg,4,h,,VB,@Realty,28/07/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,8a Belvedere Av,4,t,1330000,PI,Jellis,28/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/58 Franklin Rd,3,u,,SN,Philip,28/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,62 Huntingfield Dr,3,h,,S,Jellis,28/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,15 Sanders Rd,4,h,917000,S,Jellis,28/07/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,23 Baradine Tce,4,h,1445000,S,Jellis,28/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,22 Carbine St,5,h,1403000,SP,Jellis,28/07/2018,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,25 Breenview Pl,4,h,,W,Flannagan,28/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,10 Code Cr,4,h,800000,S,Ray,28/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,133 Elation Bvd,4,h,650000,VB,Darren,28/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,8 Gyrfalcon Wy,3,h,465000,PI,RW,28/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,4 Persimmon Wy,4,h,629000,S,Barry,28/07/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,39/22 Agnes St,2,u,750000,VB,Nelson,28/07/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,7/211 Wellington Pde S,1,u,721000,S,Caine,28/07/2018,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,3 Clonard Av,3,h,1970000,S,Biggin,28/07/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,19 Shoobra Rd,4,h,2095000,SP,Biggin,28/07/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,2/28 Andrews St,4,h,890000,S,Mason,28/07/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,142 Brougham St,5,h,,VB,Jellis,28/07/2018,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,2/59 Weidlich Rd,2,u,642000,S,Buckingham,28/07/2018,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,3/4 Greig Ct,1,u,325000,S,Biggin,28/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/25 Kingsley St,2,u,,SP,McGrath,28/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,33 Mason Av,2,h,1210000,S,hockingstuart,28/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3 Spray St,4,h,2650000,VB,Chisholm,28/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,10/3 Wimbledon Av,1,u,,PN,Morleys,28/07/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,1 Lochalsh Ct,3,h,600000,PI,Stockdale,28/07/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,18f Houston St,2,t,485000,PI,hockingstuart,28/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8/30 Young St,3,h,458500,S,Love,28/07/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,3/128 Deakin St,3,u,760000,PI,Nelson,28/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,18 Nicholson St,3,h,1401000,S,Nelson,28/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,67 Price St,4,h,1625000,VB,Barry,28/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,23 Queen St,3,h,1330000,S,Nelson,28/07/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,19A Dudley St,3,h,750000,PI,Nelson,28/07/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon North,12 Raleigh Gr,3,h,1092500,S,Nelson,28/07/2018,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Essendon West,20 View St,3,h,1220000,SP,Nelson,28/07/2018,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fairfield,26 Sparks Av,2,t,685000,VB,Charter,28/07/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,166 Anderson Rd,4,h,670000,VB,Brad,28/07/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,6 Hooker Rd,3,h,,VB,Barry,28/07/2018,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,403/416 Gore St,2,u,1470000,S,Nelson,28/07/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,202/185 Rose St,1,u,489500,SP,Jellis,28/07/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,62 Bennett St,4,h,2130000,S,Nelson,28/07/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,110 Best St,3,h,1300000,VB,Woodards,28/07/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,466 Rae St,2,h,1500000,VB,Nelson,28/07/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,18 Duncan St,3,h,1075000,VB,Edward,28/07/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,17 Farnham St,2,h,,S,Nelson,28/07/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,2/70 Droop St,2,u,523000,S,HAR,28/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/22 Pickett St,1,u,310000,PI,Trimson,28/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,12 Swallow La,1,u,,W,McGrath,28/07/2018,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,32 Bindy St,3,h,,VB,Noel,28/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,168 Mahoneys Rd,3,h,862000,S,Fletchers,28/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,4 Maldon Tce,3,t,780000,S,Fletchers,28/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,548 Springvale Rd,4,h,885000,S,RW,28/07/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,1/24 Cliff Rd,3,h,950000,S,O'Brien,28/07/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,61B Stanley St,3,h,285000,VB,Aquire,28/07/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gladstone Park,2 Cromer Ct,6,h,,SP,Barry,28/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,15 Elmhurst Rd,4,h,,SP,Barry,28/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,18 Woodstock Dr,3,h,580000,PI,Brad,28/07/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,109/115 Neerim Rd,2,u,435500,S,Ray,28/07/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,27 Queens Pde,3,h,1650000,S,Marshall,28/07/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Watson St,5,h,,SN,J,28/07/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,14 Brighton St,5,h,,PI,Harcourts,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,64 Fraser St,4,h,1210000,S,Jellis,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,43 Greenways Rd,4,h,1551000,S,Ray,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,25 Knights Dr,3,h,,PN,Barry,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/21 Kurrajong Av,4,t,,SN,Harcourts,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,14 Madigan Dr,4,h,1298500,S,JRW,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,24 Maylands Cr,5,h,1785000,S,Harcourts,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Midlothian Pl,5,h,1382000,S,Ray,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,42 Watsons Rd,4,h,1270000,S,Buxton,28/07/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,55 Bindi St,4,h,610000,PI,Barry,28/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10 Cross Tce,3,h,645000,S,Barry,28/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/19 Maude Av,2,u,520000,S,RW,28/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/905 Pascoe Vale Rd,2,t,486500,S,RW,28/07/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,1/4 Currawong La,3,h,950000,SP,Jellis,28/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/36 Lyell Pde,3,u,710000,VB,Darren,28/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,133 Nell St,2,h,,PI,Barry,28/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,26/265 Para Rd,2,u,425000,SP,Buckingham,28/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6/19 River St,3,t,730000,S,Darren,28/07/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,18 Amira Rd,5,h,,SP,YPA,28/07/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,59 Helmsdale Cr,4,h,925000,S,RW,28/07/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,11 Inspiration Wy,4,h,770000,SP,RE,28/07/2018,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hallam,11 William Av,3,h,,PI,LJ,28/07/2018,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton Park,8 Greenhill Ri,4,h,501000,S,Ray,28/07/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,3/8 Brook St,1,u,430000,S,Biggin,28/07/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,215/6 Lisson Gr,2,u,710000,VB,Jellis,28/07/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,6/15 Grandview Gr,2,u,930000,S,hockingstuart,28/07/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,96 Victoria Rd,2,h,2050000,S,Dingle,28/07/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,16 Myrtle Av,3,h,815000,S,Barry,28/07/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,404/8 Martin St,2,u,,PI,Darren,28/07/2018,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg West,2 Blackwood Pde,3,h,640000,VB,Miles,28/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,16 Redwood St,3,h,630000,PI,Miles,28/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,2/1 Timor Pde,2,t,550000,VB,Miles,28/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,4/1 Timor Pde,2,t,500000,VB,Miles,28/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,15 Timor Pde,3,h,670000,S,Purplebricks,28/07/2018,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,15A Highland Av,4,h,,S,Hodges,28/07/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hoppers Crossing,7 Buckhurst Wy,3,h,,PI,Barry,28/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1/33 Dowling Av,3,t,475000,S,hockingstuart,28/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,22 Herbert Av,3,h,526000,S,Gold,28/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,25 Wiltonvale Av,4,h,560000,S,Richardson,28/07/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,43 Thoresby Gr,2,h,1370000,S,Miles,28/07/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,14 Hendricks Cr,3,h,545000,S,YPA,28/07/2018,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,39 Driscolls Rd,3,t,537500,PI,Barry,28/07/2018,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor Downs,18 Darracq Dr,4,h,730000,PI,Prof.,28/07/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1A Armstrong Cl,3,t,670000,PI,Barry,28/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,2 Heatherlea Cr,3,h,,PI,Nelson,28/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,14 Mainridge Vs,3,h,600000,VB,Barry,28/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,29A Roberts St,3,h,,PI,Nelson,28/07/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,31 Rogan La,2,t,630000,PI,Rendina,28/07/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,6/72 Cobden St,2,u,660000,S,Nelson,28/07/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Keysborough,283 Cheltenham Rd,4,h,,PI,Barry,28/07/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,6 Cromwell Ct,4,h,,PI,Barry,28/07/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,23 Stafford St,4,h,860000,VB,Buxton,28/07/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,58 Alpine Wy,4,h,800000,S,Jellis,28/07/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsbury,10 Burns Gr,3,h,620000,S,Barry,28/07/2018,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,10 Geelong St,2,h,720000,PI,Burnham,28/07/2018,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,8 Appleberry Cl,3,h,815000,SA,Philip,28/07/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Knoxfield,3 Wildberry Ct,5,h,,S,Ray,28/07/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Lalor,36 Kanimbla Dr,3,h,610000,S,Skad,28/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,11 Kimberley St,3,h,746500,S,HAR,28/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2 Swindon Ct,3,h,551000,S,Ray,28/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,14 Winston St,4,h,384000,S,Ray,28/07/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lysterfield,2 Penn Ct,3,h,680000,S,JRW,28/07/2018,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +Macleod,2/34 Fairlie Av,2,h,,SN,Haughton,28/07/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,40 Inkerman St,3,h,797000,S,hockingstuart,28/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11 Yardley Ct,3,h,950000,PI,Burnham,28/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,19B Yardley St,2,h,580000,S,Village,28/07/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,4 Parslow St,4,h,,SN,Sotheby's,28/07/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,1/45 Thanet St,2,t,1237000,S,Jellis,28/07/2018,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,64 Alma St,2,h,,S,Fletchers,28/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/77 Paxton St,2,t,815000,S,hockingstuart,28/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,9 Prior Rd,3,h,1300000,VB,Nelson,28/07/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,1/8 Bloomfield Av,3,t,820000,S,Alexkarbon,28/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,4/6 Horizon Dr,2,u,530000,S,Rendina,28/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,308/77 Village Wy,2,u,383000,SP,hockingstuart,28/07/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,705/83 Queens Rd,2,u,558000,S,Dingle,28/07/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,1/18 Dominic Pde,3,u,320000,VB,Ray,28/07/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,5 Dream Pl,4,h,463000,S,Ray,28/07/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,7 Michele Pl,3,h,299000,S,Raine,28/07/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/124 Charman Rd,4,t,,PI,Greg,28/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/13 Florence St,1,u,,PN,C21,28/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,5 Franklin St,2,h,872000,SP,Buxton,28/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,105 Warrigal Rd,3,h,,SP,O'Brien,28/07/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,10 McCulloch St,3,h,500000,PI,LJH,28/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,8 Ophir Wy,4,h,,PI,Ray,28/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Rowell Dr,3,h,560000,S,HAR,28/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,10 Westgarth Rd,5,h,590000,S,Stockdale,28/07/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,41 Yarradale Dr,4,h,,W,Leader,28/07/2018,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,31 Bradley Dr,4,h,782000,SP,HAR,28/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,102 Hawkes Dr,4,h,,SN,Barry,28/07/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/61 Doncaster East Rd,2,u,545000,S,Barry,28/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1 Highland Av,5,h,1185000,S,Fletchers,28/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/447 Springfield Rd,3,t,1050000,VB,Ray,28/07/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,2/2 Aanensen Ct,3,h,785000,S,Jellis,28/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,10 Baldwin Av,3,t,700000,PI,Flannagan,28/07/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,1A Elizabeth St,2,t,,S,Nelson,28/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,402/535 Mt Alexander Rd,2,u,525000,SP,Brad,28/07/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,12a Barilla Rd,4,h,1300000,VB,Buxton,28/07/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,4/88 Chapel Rd,2,u,578000,S,Ray,28/07/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,20 Fiddes St,4,h,1000000,PI,Ray,28/07/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,2/7 Hillston Rd,3,t,939000,S,Buxton,28/07/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mount Waverley,16 Inverell Av,4,h,,PI,Jellis,28/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Portsmouth St,5,h,,S,Jellis,28/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,51 Therese Av,4,h,,PI,Jellis,28/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/65 Therese Av,3,t,775000,S,Buxton,28/07/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,50 Haverbrack Dr,3,h,855000,S,Win,28/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,15 Lea Rd,3,h,792500,S,Hodges,28/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 Pavilion Pl,3,t,756000,S,Win,28/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,16 Redfern Cr,3,h,825000,S,Win,28/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2/43 Wattle Gr,3,t,850000,PI,Barry,28/07/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,3/9 Toward St,1,u,285000,SP,Gary,28/07/2018,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Newport,17/3 Johnston St,2,t,622500,S,Jas,28/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,278 Melbourne Rd,3,h,1330000,PI,Williams,28/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,129/6 Paine St,2,u,740000,PI,Williams,28/07/2018,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,20 Haldane Rd,3,h,850000,SP,Nelson,28/07/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,73A Hoffmans Rd,2,h,640000,VB,Nelson,28/07/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,4/141 Chandler Rd,3,t,,W,C21,28/07/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,203/130 Errol St,2,u,620000,SP,Jellis,28/07/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,1/105 Arthurton Rd,2,t,900000,SP,Jellis,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,705/8 Breavington Wy,1,u,,PI,Nelson,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,21/55 Gadd St,2,t,750000,SP,Jellis,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14/442 High St,2,u,,SP,Jellis,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8/10 Langwells Pde,3,t,1100000,SP,McGrath,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,4 Northcote St,3,h,1410000,S,Nelson,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9/162 Westgarth St,3,u,845000,S,Nelson,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,210 Westgarth St,3,h,1160000,PI,Nelson,28/07/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,30 Eugenia St,3,h,,S,Fletchers,28/07/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,43 Rhodes Pde,3,h,,PI,Nelson,28/07/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,88 Atkinson St,4,h,,PI,Buxton,28/07/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,38 Clyde St,3,h,1335000,S,Ray,28/07/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,4/1 Leroux St,2,u,550000,PI,Ray,28/07/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,1/19 Legon Rd,3,u,703000,S,Ray,28/07/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,6B Wallace Av,3,t,890000,S,Ray,28/07/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,1/9 Ward Av,2,h,830000,S,Jellis,28/07/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,196 Booran Rd,3,h,,S,hockingstuart,28/07/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,1/33 Murray Rd,2,u,837000,S,The,28/07/2018,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,154 Beach Rd,5,h,,PI,Buxton,28/07/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,62 Eighth St,4,h,1200000,VB,Marshall,28/07/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,1/3 Ashkanasy Av,2,h,685000,S,Jellis,28/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,145 Derby St,3,h,820000,VB,Nelson,28/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/2 McCracken Av,2,t,555000,S,RW,28/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1A Sims St,4,h,930000,SP,Nelson,28/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/31 Sylvan Gr,4,h,905000,S,Alexkarbon,28/07/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plenty,28 Grange Av,4,h,1900000,S,Morrison,28/07/2018,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,8 Canegrass Dr,4,h,680000,PI,Point,28/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Coastwatch Rd,4,h,,SN,Ray,28/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,50 Fongeo Dr,4,h,,PI,LJ,28/07/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Prahran,10/123 Chomley St,2,u,580000,PI,Nelson,28/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,19/5 Gooch St,2,u,542000,S,Biggin,28/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,16/15 Kelvin Gr,2,u,,PI,Marshall,28/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12 Mackay St,2,h,,S,Jellis,28/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,15/20 St Edmonds Rd,2,u,628000,S,Biggin,28/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,34 Union St,3,h,,PN,Jim,28/07/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,5/5 Ascot St,2,u,520000,VB,Nelson,28/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,15 Ellison St,3,h,935000,S,RW,28/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13/122 High St,2,u,525000,SP,McGrath,28/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/39 Mt Pleasant Rd,3,t,,S,hockingstuart,28/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/75 Tyler St,3,u,555000,PI,Love,28/07/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,8 Butters St,3,h,872500,S,hockingstuart,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,62 Crookston Rd,2,h,780000,PI,Barry,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,691B Gilbert Rd,3,h,815000,S,Barry,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/54 Lane Cr,2,h,,PI,HAR,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Lloyd Av,3,h,790000,SP,Nelson,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/27 McMahon Rd,2,u,450000,VB,Love,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/30 Robb St,1,u,350000,S,Ray,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,71 Seston St,3,h,560000,SP,Ray,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,29 Tovey St,3,h,605000,S,HAR,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Verdun Gr,3,h,820000,S,Ray,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1A View St,3,h,834500,S,Nelson,28/07/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,202/3 Kennedy Av,2,u,790000,VB,hockingstuart,28/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 Mary St,3,h,1505000,S,Biggin,28/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,4/1 Palmer St,3,u,,PI,Vicprop,28/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,33 Somerset St,3,h,,PI,Jellis,28/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Wellington St,4,h,2155000,S,Biggin,28/07/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,3/12 Lena Gr,2,t,,PI,Philip,28/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,11A Wilana St,3,h,1013000,S,Barry,28/07/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,18 Flora St,4,h,,S,Fletchers,28/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,3/16 Heathwood St,2,u,595000,SP,Barry,28/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,6 Shasta Av,3,h,,VB,Fletchers,28/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/41 Sunbeam Av,2,u,630000,S,Fletchers,28/07/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rowville,9 Denison Cl,4,h,772000,S,Harcourts,28/07/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10/26 McKinley Dr,2,t,389000,S,RW,28/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,3 Truscott Av,4,h,560000,S,Raine,28/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,14 Villandry St,4,h,466000,SP,HAR,28/07/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/4 Raith Av,3,t,,PI,Hodges,28/07/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,29 Tennyson St,5,h,3050000,S,Buxton,28/07/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,2 Taunton Cr,4,h,,PI,Barry,28/07/2018,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seaford,17 Arthur St,3,t,790000,S,Buxton,28/07/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Kingsville,140 Blackshaws Rd,3,h,835000,S,Greg,28/07/2018,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,6 Hepburn St,4,h,746500,S,HAR,28/07/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,40 Nirvana Dr,4,h,,SN,Barry,28/07/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,19 Balmoral St,2,h,1055000,S,hockingstuart,28/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,8/8 Cromwell Rd,2,u,,SN,Ray,28/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1803/35 Malcolm St,2,u,,PI,hockingstuart,28/07/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,22/79 Whiteman St,1,u,410000,SP,MICM,28/07/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,163A Hudsons Rd,3,t,1170000,VB,RW,28/07/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,19 Vernier St,3,h,865000,S,Greg,28/07/2018,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,3/4 Royal Av,2,h,605000,S,LJ,28/07/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +St Albans,4 Cleveland St,4,h,760000,S,Westside,28/07/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,45 Errington Rd,2,h,570500,SP,Ray,28/07/2018,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,1/14 Chapel St,2,u,763500,S,Jellis,28/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,15/1 Duke St,1,u,428000,S,Buxton,28/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12 Victoria St,4,h,1926000,S,hockingstuart,28/07/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2 Melissa St,3,t,845000,S,Frank,28/07/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,4 Omalley Ct,4,h,582500,SP,Raine,28/07/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Windarra Ct,3,h,,SP,Raine,28/07/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,2/96 Hertford Rd,3,u,,PI,RW,28/07/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,22 Comley St,3,h,450000,PI,Douglas,28/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,1/8 Trickey Ct,2,u,442500,PI,Sweeney,28/07/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Surrey Hills,41 Weybridge St,3,h,2165000,S,hockingstuart,28/07/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Tarneit,1/5 Greenleaf Cct,3,u,,PI,Ray,28/07/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2/5 Greenleaf Cct,3,u,,PI,Ray,28/07/2018,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,58 Australia Dr,4,h,630000,VB,Brad,28/07/2018,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,18 Colonsay St,4,h,1150000,VB,Jellis,28/07/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,6 Ennersdale Ct,5,h,,VB,Jellis,28/07/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,311 Porter St,4,h,1250000,S,Philip,28/07/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,11 Conifer Pl,5,h,1375000,PI,Barry,28/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,20 Hodgson St,4,h,1050000,PI,Jellis,28/07/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,359 Forest Rd,3,h,765000,SP,iTRAK,28/07/2018,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,56 Alvarado Av,3,h,550000,PI,Nelson,28/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2a Johnson St,3,u,535000,S,HAR,28/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,23 Parklands Dr,4,h,772000,S,Skad,28/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,41 Travers St,3,h,665000,SP,HAR,28/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,223 Victoria Dr,4,h,685500,S,Love,28/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,28 Wirraway Cr,3,h,635000,S,Love,28/07/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,3/282 Mansfield St,2,u,550000,SP,Jellis,28/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/31 Mansfield St,2,t,760000,S,Nelson,28/07/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Tullamarine,26 Janus St,3,h,636000,S,HAR,28/07/2018,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Wantirna,8 Salisbury Ct,4,h,,VB,OBrien,28/07/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,3/4 Leo Cl,2,u,652000,S,Noel,28/07/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,83 Wallace Rd,3,h,900000,S,Ray,28/07/2018,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Werribee,148 Ballan Rd,3,h,504000,S,PRDNationwide,28/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,76 Edwards Rd,4,h,690000,SP,Barry,28/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,5 Emerald Tce,3,h,504000,S,PRDNationwide,28/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,7 Hawkesbury Rd,3,h,,PI,hockingstuart,28/07/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,19B Braid St,2,h,,VB,hockingstuart,28/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,26 Lae St,3,h,675000,PI,Sweeney,28/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,23 Soudan Rd,3,h,1000000,PI,Jas,28/07/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,15 Black St,6,h,933000,S,YPA,28/07/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,25 Blackwood Dr,3,h,921000,S,Ray,28/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,10 Heritage Ct,4,h,918000,S,Barry,28/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,5 Rubens Ct,4,h,1035000,PI,Jellis,28/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,21 Sheringham Dr,5,h,,S,Barry,28/07/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,15 Anzac Cr,3,h,,W,Gunn&Co,28/07/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,10/83 Verdon St,1,u,305000,SP,RT,28/07/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wollert,75 Allumba Wy,4,h,,W,Barry,28/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,19 Bambra Wy,3,h,,PI,HAR,28/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,13 Bellerive Rd,3,h,610000,SP,hockingstuart,28/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,3 Birchmore Rd,3,t,,PI,HAR,28/07/2018,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,11 Lansell Rd,3,h,542000,S,Ray,28/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,25 Pelham Cr,3,h,,PI,Barry,28/07/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,165 Francis St,3,h,,SP,Barry,28/07/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,22a Walters Av,3,u,820000,S,Nelson,28/08/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,227a Danks St,3,h,2030000,S,hockingstuart,28/08/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,17 Reed St,3,h,1740000,PI,Marshall,28/08/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Alphington,21 Como St,5,h,,SN,Nelson,28/08/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,6 Naroon Rd,3,h,1485000,SP,McGrath,28/08/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,219 Civic Pde,3,h,740000,S,Greg,28/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,3 Curtin Ct,4,h,931000,S,Sweeney,28/08/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,4/221 Blackshaws Rd,2,u,292000,S,Jas,28/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,56a MacDonald Av,3,t,640000,PI,hockingstuart,28/08/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,1/10 Chatsworth Av,3,h,435000,S,Douglas,28/08/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,39 Sunhill Cr,3,h,531000,SP,Barry,28/08/2016,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,8/507 Dandenong Rd,2,u,577000,S,Jellis,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,8 Derby St,3,h,,SP,Marshall,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/6 Elm Gr,2,u,,S,hockingstuart,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,37 Lambeth Av,3,h,2865000,S,Marshall,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,16 Llaneast St,5,h,2810000,S,Marshall,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/532 Orrong Rd,2,u,565000,S,Ray,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,5/555 Orrong Rd,1,u,567000,S,hockingstuart,28/08/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,10 Ayr St,3,h,965000,S,Alexkarbon,28/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,58 Bloomfield Rd,3,h,1215000,S,Stockdale,28/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/91 Epsom Rd,2,u,545000,S,Nelson,28/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1 Myross Av,4,h,1800000,S,Brad,28/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,4/33 Sandown Rd,3,t,840000,SP,Brad,28/08/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,159 Ashburn Gr,3,h,1320000,PI,Marshall,28/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,19 Poulter St,3,h,1650000,S,Marshall,28/08/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,30 Ashwood Dr,3,h,,PI,Buxton,28/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/53 Salisbury Rd,3,t,830000,S,Barry,28/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,577 Warrigal Rd,3,h,,SN,Buxton,28/08/2016,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,10 Ideal Av,5,h,,SN,hockingstuart,28/08/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale Gardens,9 Kentia Ct,3,h,780000,S,Barry,28/08/2016,3195,South-Eastern Metropolitan,2243,21.5,Kingston City Council +Avondale Heights,63 Doyle St,3,h,642000,SP,Moonee,28/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,14 Laura Gr,3,h,730000,S,Moonee,28/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,235 Military Rd,3,h,863000,S,Barry,28/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,57 North Rd,3,h,740000,SP,Moonee,28/08/2016,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,5/11 Albion St,2,u,497500,PI,hockingstuart,28/08/2016,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,3/12 Brenbeal St,2,u,730000,S,hockingstuart,28/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,51 Elliott Av,4,h,1530000,S,hockingstuart,28/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,11 Pryton Ct,3,h,,PI,Noel,28/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,29 Sevenoaks St,5,h,3900000,PI,Jellis,28/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,321a Union Rd,3,h,1500000,SP,Noel,28/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,46 Yongala St,3,h,1850000,S,Fletchers,28/08/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,10 Dumblane St,4,h,,S,hockingstuart,28/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Gildan St,3,h,2000000,VB,Kay,28/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Hood St,4,h,2155000,S,Jellis,28/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/8 Severn St,3,h,1225000,VB,Fletchers,28/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 Stephens St,4,h,2150000,PI,Noel,28/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,24 Willis St,3,h,1770000,PI,Fletchers,28/08/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater North,12 Branch Rd,2,h,660000,S,Philip,28/08/2016,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Beaumaris,4/13 Alfred St,2,u,665000,PI,Hodges,28/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,509 Balcombe Rd,4,h,1550000,S,Buxton,28/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,15 John St,5,h,1450000,VB,Ray,28/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,24 Rosemary Rd,5,h,1500000,VB,Hodges,28/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,9/12 Towers St,2,u,555000,S,Hodges,28/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,124b Tramway Pde,3,t,1480000,SP,Marshall,28/08/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,21 Bruce St,3,h,1535000,S,Buxton,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,3 Castles Rd,3,u,,PN,Anderson,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,34b Daley St,3,t,1450000,SP,hockingstuart,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,72 Daley St,4,h,1281000,S,hockingstuart,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,15a Dickens St,3,u,1096000,S,C21,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,22 Hutchinson St,5,h,1385000,S,Buxton,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,8/187 Tucker Rd,3,u,517500,S,Buxton,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,63 Tucker Rd,4,t,1245000,S,Buxton,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Vunabere Av,4,h,1330000,S,Woodards,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5/9 Whitmuir Rd,2,u,503000,S,Buxton,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,11 Wilson St,4,h,2620000,S,Buxton,28/08/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,36a Barrington St,3,t,780000,PI,Buxton,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38a Beddoe Av,3,t,,S,Buxton,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3 Belinda Ct,4,h,1015000,S,C21,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10a Bevis St,4,t,1200000,PI,Marshall,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/3 Brady Rd,3,u,830000,S,Woodards,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Colin St,3,h,1241000,S,Hodges,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,27 Connie St,4,h,1255000,S,Buxton,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,54a MacKie Rd,4,t,1025000,PI,Buxton,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,8 Marlborough St,3,h,1320000,S,Buxton,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/39 Neville St,3,h,870000,S,Gary,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,641 South Rd,5,h,,SP,Buxton,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Wingate St,4,h,1472500,S,hockingstuart,28/08/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,3 Dalpura Ct,5,h,815000,S,Just,28/08/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,357 Beach Rd,4,h,3700000,S,Buxton,28/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,65a Bluff Rd,4,h,1520000,S,Chisholm,28/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,2b Prospect Gr,4,t,1750000,VB,Buxton,28/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,72 Stanley St,5,h,,S,Buxton,28/08/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,16a Linum St,3,h,,SN,Woodards,28/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/14 South Pde,2,u,645000,SP,Fletchers,28/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,1/194 Surrey Rd,2,u,525000,S,Barry,28/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,5/37 Williams Rd,2,u,707000,S,Jellis,28/08/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,30 Anne St,3,t,,S,Noel,28/08/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,66 Morrie Cr,4,h,1035000,SP,Noel,28/08/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,1/89 Surrey Rd,2,u,587000,S,Ray,28/08/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,73 Baratta St,4,h,1260000,S,hockingstuart,28/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,34 Bond Av,3,h,805000,S,Ray,28/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1 Chamberlin Ct,3,h,860000,PI,Ray,28/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,31 Faulkner St,3,h,965000,S,Fletchers,28/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2 Loram Ct,3,h,,S,Noel,28/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,34 Samuel Rd,3,h,878000,S,hockingstuart,28/08/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,5 Monaco Av,3,h,770000,S,hockingstuart/hockingstuart,28/08/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,565 Nepean Hwy,3,h,705000,S,Buxton,28/08/2016,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,2/30 Barkly St,2,u,560000,S,Stockdale,28/08/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,7/1102 Whitehorse Rd,3,t,,SN,Allens,28/08/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,14 Kenross Ct,3,h,697500,S,Sweeney,28/08/2016,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,17a Wiluna Ct,3,h,592000,S,Darren,28/08/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,23a Chelsea St,3,u,1352500,S,hockingstuart,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,8 Dendy St,3,h,2030000,S,Nick,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,86 Dendy St,5,h,3105000,S,Marshall,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,4/34 Elwood St,3,h,1171000,S,Nick,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Gatehouse Pl,2,t,1400000,S,RT,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10/392 New St,2,u,940000,VB,Hodges,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,71 New St,4,h,,SP,Buxton,28/08/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,1 Holmhurst Ct,4,h,,SP,Buxton,28/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7 Lilac Cr,5,h,,S,Buxton,28/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,54 Regent St,3,t,1420000,S,hockingstuart,28/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,176 Thomas St,3,h,,SP,Buxton,28/08/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brooklyn,11 Houston Ct,3,h,892000,S,hockingstuart,28/08/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,3/28 Millers Rd,2,t,,PI,hockingstuart,28/08/2016,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,4/33 Austral Av,2,h,465000,S,Nelson,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,58a Cassels Rd,2,t,810000,S,Ray,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,10 Cliff St,1,h,772000,SP,Collins,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,69 Glenlyon Rd,3,h,1210000,S,Nelson,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,25 Gray St,4,h,1755000,S,Jellis,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/11 Merrifield St,3,u,691500,S,Walshe,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,30 Mountfield St,2,h,1073000,S,Jellis,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,109 Stewart St,3,h,1080000,S,Nelson,28/08/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,9 Arnold St,3,h,,SN,Nelson,28/08/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,10/32 John St,2,t,,S,Jellis,28/08/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,13/55 Victoria St,1,u,290000,VB,Nelson,28/08/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,1/536 Albion St,2,h,440000,PI,Jellis,28/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,196 Melville Rd,2,h,816000,S,Nelson,28/08/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,82 Arthur St,3,h,680000,S,Barry,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Carawa Ct,3,h,782000,SA,Morrison,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,16 Dorrington Ct,4,h,,PI,Barry,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Gallus Ct,4,h,,PI,Ray,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,131 Greenwood Dr,3,h,,SN,Nelson,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,33 Judith St,3,h,641500,S,Ray,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,62 Main Dr,4,h,1000000,VB,Barry,28/08/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,20 Montmarte Bvd,5,h,725000,PI,Barry,28/08/2016,3023,Western Metropolitan,1607,14.8,Melton City Council +Burwood,3/124 Highbury Rd,3,t,702000,S,Barry,28/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,26 Waratah Av,2,h,,SN,Buxton,28/08/2016,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,30 Ruby St,3,h,852000,S,Noel,28/08/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,4 Alba Wk,3,t,481000,S,FN,28/08/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,8 Breadalbane Av,4,h,,SN,Barry,28/08/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,3 Fairfield Wk,4,h,,SN,Barry,28/08/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,532 Burke Rd,4,h,2000000,VB,Noel,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/26 Cornell St,2,h,706000,S,Fletchers,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Derby St,5,h,2250000,PI,Marshall,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,20 Kirkwood Dr,5,h,2740000,S,Fletchers,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,7 Lesley St,4,h,,SP,Marshall,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,90 Radnor St,4,h,,SN,Marshall,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,87 Rowell Av,5,h,,SP,Jellis,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,8/887 Toorak Rd,2,u,,S,Jellis,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/119 Wattle Valley Rd,4,h,1500000,PI,Marshall,28/08/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,1/27 Maling Rd,4,t,1420000,S,O'Donoghues,28/08/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,425 Cardigan St,4,h,2345000,S,Woodards,28/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,27 Faraday St,2,h,1117000,S,Woodards,28/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,11/538 Swanston St,2,u,400000,VB,Dingle,28/08/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,696 Rathdowne St,3,h,,SP,Kay,28/08/2016,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,53 Belsize Av,3,h,1516000,S,Ray,28/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,4/1261 Glen Huntly Rd,2,t,,PI,Ray,28/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,15/225 Koornang Rd,2,u,468250,S,Ray,28/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,26 Leila Rd,3,h,1716000,S,Woodards,28/08/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,56 Carrington Cr,3,h,,SS,Ray,28/08/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,105/241 Balaclava Rd,1,u,400000,VB,Gary,28/08/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield North,123 Normanby Rd,4,h,2170000,S,Gary,28/08/2016,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,3/21 Gardenvale Rd,2,u,500000,VB,Ray,28/08/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,73 Power Av,3,h,,PI,Buxton,28/08/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,2/19 Thurloo St,4,t,881000,S,Ray,28/08/2016,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/3 Chadwell Gr,3,t,775000,SP,hockingstuart,28/08/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,5 Chelbara Ct,3,u,481000,S,Ray,28/08/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,29 Amaroo Dr,3,h,666000,S,Ray,28/08/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,10 Jennison Ct,4,h,,PN,Buxton,28/08/2016,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,86 Benkel Av,4,h,,PI,Buxton,28/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6/3 Evergreen Cct,2,u,585000,S,O'Brien,28/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6a Janice Av,3,t,801000,S,Ray,28/08/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,3/59 Kionga St,3,t,,PI,C21,28/08/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,474 Haughton Rd,3,h,720000,VB,Ray,28/08/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,4a Anderson St,2,h,1270000,S,Nelson,28/08/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,53 John St,2,t,640000,VB,Miles,28/08/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,10/23 Baxter St,1,u,241000,S,Nelson,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2 Bourke St,2,h,,S,Jellis,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,35 Campbell St,4,h,1331000,S,Jellis,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,20a Clifton Gr,3,t,,PI,Barry,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,40 Elizabeth St,1,h,1007000,SP,Brad,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,29 Hardwick St,2,h,981000,S,Nelson,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,18 Industry La,2,t,570000,S,Peter,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,22 Liverpool St,2,h,,SN,Barry,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/38 Victoria St,2,h,500000,S,Nelson,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3/4 Muchell Gr,1,u,328000,SP,Del,28/08/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,3 Borang St,3,h,,SN,Barry,28/08/2016,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Craigieburn,12 Brio Dr,4,h,,SN,Barry,28/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Foxglove La,3,h,,SN,Barry,28/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Jacaranda Pl,2,h,,PI,Barry,28/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3/12 Redhill Ct,3,h,,SN,Barry,28/08/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,9 Kirwan Dr,3,h,412000,S,LJ,28/08/2016,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Croydon,39 Evans Dr,3,h,590000,SP,hockingstuart,28/08/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,27 Glenwood Dr,4,h,879000,S,Ray,28/08/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,7 Dealbata Pl,4,h,750000,PI,Fletchers,28/08/2016,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,6 Ian Pl,5,h,791333,SP,Jellis,28/08/2016,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Dallas,34 Herbert St,3,h,480000,PI,Barry,28/08/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,11 MacPherson St,3,h,875000,PI,McLennan,28/08/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,3/4 MacPherson St,2,u,419000,S,McLennan,28/08/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1 Sleeth Av,3,h,594000,S,O'Brien,28/08/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,15 Thornton Ct,4,h,760000,SP,C21,28/08/2016,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,18 Campbell Rd,5,h,,S,Kay,28/08/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,24 Walsh St,4,h,,S,Jellis,28/08/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,26 Jonah Pde,3,h,430000,S,FN,28/08/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,8 Stevenston St,4,h,432000,SP,LJ,28/08/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,25 Windsor Bvd,5,h,1085000,SP,Prof.,28/08/2016,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,5 Kubis Cr,5,h,860000,S,Buxton,28/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4/36 Marcus Rd,3,u,550000,S,Ray,28/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,43 Sharrock Dr,3,h,720500,SP,Bayside,28/08/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,34 Ayr St,3,h,826000,S,Assisi,28/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Crawford Rd,3,h,900000,S,Barry,28/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2 Eildon St,3,t,888000,S,Jellis,28/08/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,7 Aminga Av,3,h,1025000,PI,Ray,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,103 Blackburn Rd,3,h,1011000,S,Parkes,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/876 Doncaster Rd,2,u,497500,SP,Noel,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Kerry Cl,4,h,1238000,S,Jellis,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Landscape Dr,4,h,1410000,S,Barry,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,4 Myrtle Ct,4,h,920000,PI,Ray,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,68 Saxonwood Dr,3,h,1650000,SP,Jellis,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3 Tulip Ct,4,h,1060000,S,Barry,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/48 Worthing Av,2,u,635000,S,Ray,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7 Yates Wyn,4,h,1300000,PI,Barry,28/08/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,5/6 Hope Av,3,h,740000,PI,Noel,28/08/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Eaglemont,30 Cape St,4,h,,S,Haughton,28/08/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Eaglemont,20 Glenard Dr,4,h,2309000,S,Nelson,28/08/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,38/22 Agnes St,2,u,765000,SP,Woodards,28/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,5/173 George St,1,u,425000,S,Biggin,28/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +East Melbourne,7/6 Wellington Cr,3,h,1560000,S,Caine,28/08/2016,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,7 Abbey La,2,t,,W,Buxton,28/08/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,6 Mary Av,4,h,930000,VB,Barry,28/08/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,1/21 Lilian Pde,3,h,,VB,Barry,28/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/42 Shalbury Av,3,u,680100,SP,Morrison,28/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,73 Valonia Dr,4,h,760000,VB,Barry,28/08/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,1/43 Banks Rd,3,h,1115000,S,Buckingham,28/08/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,14 Brixton Av,4,h,1088000,S,Barry,28/08/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,28/125 Ormond Rd,2,u,,S,Hodges,28/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/61 Ormond Rd,2,u,572500,PI,Kay,28/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,40 Wave St,3,h,1925000,VB,Chisholm,28/08/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,34 Reema Bvd,4,h,,PN,C21,28/08/2016,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,11 Ferntree Cl,4,h,,S,Love,28/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Hall St,4,h,510000,PI,hockingstuart,28/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,78a Hendersons Rd,3,h,525000,S,Ray,28/08/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,38 Alfred Rd,3,h,1290000,S,Nelson,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/1 Ardoch St,2,u,,S,Nelson,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,95 Bradshaw St,2,h,953000,S,Nelson,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,118 Buckley St,3,h,1100000,PI,Raine,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/52 Elder Pde,3,u,820000,S,Nelson,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5 Loeman St,4,h,1270000,PI,Nelson,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,21 Miller St,3,h,1445000,S,Nelson,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,33 Ogilvie St,4,h,1113000,S,Brad,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/11 Spencer St,2,u,370000,VB,Barry,28/08/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,2/40 Prince St,3,t,780000,VB,Brad,28/08/2016,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,1/240 Arthur St,2,u,545000,SP,McGrath,28/08/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,250 Arthur St,3,h,1145000,S,McGrath,28/08/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,147 Gillies St,3,h,1375000,S,McGrath,28/08/2016,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/26 Tucker St,3,t,492000,S,Ray,28/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,38 Tyrrell Cr,4,h,626000,S,Ray,28/08/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,46 Gore St,4,h,,S,Woodards,28/08/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,12/262 Barkly St,2,u,602000,S,Nelson,28/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,5/118 Miller St,2,h,650000,PI,Nelson,28/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,416 Queens Pde,5,h,,S,Collins,28/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,421 Rae St,2,h,1283000,S,Nelson,28/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,55 Seacombe St,3,h,1450000,S,Nelson,28/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,29 Tait St,2,h,1325000,S,Collins,28/08/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2 Dalgleish St,3,h,,S,Nelson,28/08/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1/92 Farnham St,3,h,,S,Nelson,28/08/2016,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,3/10 Leigh St,2,t,535000,SP,Sweeney,28/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,6/9 Mary St,2,t,,SP,Jas,28/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,20 McDougall Dr,3,t,757000,S,Jas,28/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,20 Nicholson St,4,h,1450000,SP,Village,28/08/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Frankston,1 Beaconsfield Av,3,h,670000,S,U,28/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Burleigh Ct,4,h,630000,SP,hockingstuart,28/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,9 Cascade St,3,h,571000,S,Harcourts,28/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Naranga Cr,3,h,557000,S,hockingstuart,28/08/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,3 Handley Ct,4,h,688000,S,Ash,28/08/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,36 Sanders Rd,3,h,1029000,S,hockingstuart,28/08/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gardenvale,25 Magnolia Rd,4,h,2200000,S,hockingstuart,28/08/2016,3185,Southern Metropolitan,534,7.2,Glen Eira City Council +Gladstone Park,9 Fairbank Av,4,h,,SN,Barry,28/08/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,4 Allison Av,4,h,,S,Jellis,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8 Barbara Av,3,h,1950000,S,Jellis,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2 Bell St,3,h,1310000,S,Marshall,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,24 Brandon St,3,h,1931000,S,Jellis,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,13 Penrhyn Av,4,h,1528800,S,hockingstuart,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,45 Rosedale Rd,4,h,2000000,PI,RT,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,318 Tooronga Rd,2,h,1250000,S,Marshall,28/08/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,51 Campbell St,4,h,,PN,Harcourts,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,30 Golden Gr,5,h,,S,Jellis,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3 Harber Ct,4,h,,PI,Harcourts,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,47 Hinkler Rd,5,h,,VB,Jellis,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,18 Pindari St,4,h,1615000,S,Stockdale,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/16 Saladin Av,3,t,,VB,Jellis,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34 Tobias Av,4,h,1331000,S,Ray,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13/18 Tulloch Gr,3,t,530000,VB,Harcourts,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,58 Willow Av,4,h,,PI,Ray,28/08/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,23 Cromwell St,3,h,660000,S,Barry,28/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,47 Justin Av,2,h,675000,S,Brad,28/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,35 Paget Av,3,h,600000,S,Barry,28/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,87 Plumpton Av,3,h,607000,S,Eview,28/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/97 Plumpton Av,2,u,382000,S,Stockdale,28/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,16 York St,3,h,722000,S,Stockdale,28/08/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,9 Echuca Rd,5,h,980000,S,Barry,28/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,50 Elonera Av,3,h,745000,S,Barry,28/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,1/4 Jessop St,2,u,518000,S,Fletchers,28/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Nobel Cl,3,h,701000,S,Darren,28/08/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,7/24 Barrymore Rd,3,u,,SN,Barry,28/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1 Battista Gr,4,h,722000,S,RE,28/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,28 Flourish Cct,4,h,,PI,Barry,28/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,12 Howren Tce,4,h,535000,SP,Jason,28/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,162 Normanby Dr,4,h,690000,S,Nelson,28/08/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,17 Bayside Cr,3,h,1880000,S,Marshall,28/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6 Highett Rd,3,h,1800000,S,Buxton,28/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,38 Orlando St,3,h,2439500,S,Hodges,28/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,52 Service St,4,h,2250000,S,Buxton,28/08/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,18 Charming St,4,h,1416000,S,Buxton,28/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,4 Dane Rd,4,h,1200000,S,Buxton,28/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,1/4 Flowerdale Rd,3,u,865000,S,hockingstuart,28/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,280 South Rd,3,t,,PI,Buxton,28/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,7 Summit Av,3,h,1300000,S,Buxton,28/08/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton Park,30 Alma Rd,4,h,556000,S,O'Brien,28/08/2016,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,37 Brook St,3,h,1400000,PI,Jellis,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,109/311 Burwood Rd,1,u,370000,PI,Wood,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,13/44 Burwood Rd,2,u,627500,S,Jellis,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2 Ercildoune Av,3,h,,S,Marshall,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,216/6 Lisson Gr,2,u,710000,S,Jellis,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,318/6 Lisson Gr,1,u,485000,S,Marshall,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,301/25 Lynch St,1,u,310000,VB,Jellis,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,17 Morang Rd,3,h,3120000,S,Jellis,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6/1 Power Av,1,u,393000,S,Jellis,28/08/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,17/17 Auburn Gr,2,u,,S,Woodards,28/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,26 Roseberry St,2,h,1100000,S,Jellis,28/08/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heidelberg West,262 Liberty Pde,3,h,465000,S,Ray,28/08/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,131 Outhwaite Rd,3,h,675000,SP,Ray,28/08/2016,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,379 Highett Rd,4,h,1508000,S,Buxton,28/08/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,22 Turner Rd,3,h,1150000,SP,Buxton,28/08/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,9 Mallard Cl,4,h,521000,S,Barry,28/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,2 Penshurst Ct,4,h,468500,S,Barry,28/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,8 Penshurst Ct,3,h,470000,S,YPA,28/08/2016,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,2/4 Albert Pl,2,u,330000,S,LJ,28/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,34 Sandleford Wy,4,h,437000,S,hockingstuart,28/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,47 Whitsunday Dr,3,h,355000,S,YPA,28/08/2016,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,172 Poath Rd,4,h,1322000,S,Woodards,28/08/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hurstbridge,62 Bambara Rd,5,h,735000,S,Millership,28/08/2016,3099,Northern Victoria,1345,26.1,Nillumbik Shire Council +Ivanhoe,9a Abercorn Av,3,h,1060000,SP,Miles,28/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/92 Beatty St,2,t,710000,PI,Nelson,28/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,7/3 Kenilworth Pde,3,u,650000,PI,Barry,28/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/48 Locksley Rd,2,u,662000,SP,Miles,28/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,19 Robbins St,3,h,,S,Jellis,28/08/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,3/204 The Boulevard,1,u,405000,S,Miles,28/08/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Keilor,22 Jackman Cr,3,h,625000,S,YPA,28/08/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,50 Wimmera Cr,4,h,630000,S,Burnham,28/08/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,2/6 Shelley St,3,t,710000,SP,Nelson,28/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,5 Tudor Ct,3,h,,VB,Brad,28/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Viewbank Dr,4,h,732000,S,Nelson,28/08/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,10 Mulgrave St,2,h,786000,S,Biggin,28/08/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,31 Argyle Rd,4,h,2600000,VB,Kay,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,15/8 Cobden St,3,t,,SP,Marshall,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,97 Edgevale Rd,3,h,,S,Marshall,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,46 Grandview Tce,2,h,975000,S,Jellis,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,17 Hartington St,5,h,2800000,PI,Marshall,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Pakington St,4,h,,SP,Kay,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,82 Parkhill Rd,3,h,1420000,S,Marshall,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,72 Peel St,5,h,,S,Marshall,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Queen St,3,h,1800000,PI,Jellis,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,42 Ridgeway Av,3,h,1505000,S,O'Donoghues,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,51 Stawell St,4,h,,S,Kay,28/08/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,8 Wattle Rd,3,h,,SP,Nelson,28/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/6 Windella Av,3,h,1230000,S,Jellis,28/08/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,8 Chris Ct,4,h,1072000,S,Buxton,28/08/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,1 Winslow Ct,3,h,,SP,iSell,28/08/2016,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,141 Gillespie Rd,4,h,430000,S,Bells,28/08/2016,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,9 Keats Av,4,h,590500,S,Ray,28/08/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,93 The Fairway,3,h,607500,S,Barry,28/08/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,1/75 Kingsville St,2,h,,PN,Ray,28/08/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,46 Burton St,4,h,635000,S,hockingstuart,28/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,17 Fisher Av,3,h,465000,S,Love,28/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Hurtle St,4,h,660000,S,Harcourts,28/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,43 Messmate St,3,h,550000,S,YPA,28/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,64 Rosedale Dr,3,h,432000,S,Love,28/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,33 Wellington Cr,3,h,460000,S,Iconek,28/08/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,7 Jennifer Ct,3,h,455000,S,O'Brien,28/08/2016,3910,Eastern Victoria,8743,41,Frankston City Council +Lilydale,126 Nelson Rd,3,h,590000,S,Max,28/08/2016,3140,Eastern Victoria,6732,29.9,Yarra Ranges Shire Council +MacLeod,12/125 Main Dr,2,u,525000,PI,Nelson,28/08/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,89 Yallambie Rd,3,h,632000,S,Miles,28/08/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,13 Burns St,3,h,865000,SP,Jas,28/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/13 Radio St,2,t,600000,S,Jas,28/08/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,1/58 Cawkwell St,2,u,584000,S,Gary,28/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,5 Northbrook Av,4,h,4940000,S,Abercromby's,28/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,13/200 Wattletree Rd,1,u,420000,SP,hockingstuart,28/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,15 Winter St,4,h,,S,Kay,28/08/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,15 Alma St,4,h,1550000,VB,Jellis,28/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,30 Forster Av,3,h,2020000,S,Marshall,28/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,20a Thurso St,3,h,950000,VB,Jellis,28/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 Virginia Gr,3,h,1782500,S,Ray,28/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,42 Washington Av,4,h,,SP,Marshall,28/08/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6 Ibis Pl,4,h,1230000,SP,Biggin,28/08/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Melbourne,103/565 Flinders St,2,u,360000,VB,Dingle,28/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,74/431 St Kilda Rd,1,u,435000,S,Dingle,28/08/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,52 Manson Dr,3,h,270000,S,PRDNationwide,28/08/2016,3338,Western Victoria,4718,29.8,Melton City Council +Mentone,46a Collins St,3,h,1065000,S,Ray,28/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7 Franklin St,3,t,810000,VB,Thomson,28/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9/14 Naples Rd,2,u,636000,S,Hodges,28/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,14b Plummer Rd,3,t,1620000,S,Buxton,28/08/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,8 Burrell Wy,4,h,451250,S,Harcourts,28/08/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,4 Parkedge Bvd,3,h,443000,S,Harcourts,28/08/2016,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,141 Richardson St,3,h,1910000,PI,Greg,28/08/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,2 Debbie Ct,3,h,556000,S,Harcourts,28/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Raffindale Ct,3,h,590000,S,Ray,28/08/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1/10 Hopetoun St,2,t,708000,SP,Noel,28/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,10 Karens Cl,5,h,,SN,Ray,28/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,5 Omega Ct,4,h,1250000,S,Philip,28/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,50 Orient Av,3,h,918000,S,Jellis,28/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,70 Rosstrevor Cr,4,h,1000000,S,Ray,28/08/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,46 Belmont Cr,3,h,,SN,Barry,28/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/63 Kelvin Av,3,h,715000,S,Darren,28/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/22 Looker Rd,3,t,780000,S,Barry,28/08/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,11 Bowen St,3,h,930000,S,Nelson,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,27 Moore St,3,h,800000,VB,Nelson,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,54 Ngarveno St,3,h,1111000,S,Ray,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3 Norfolk St,2,h,900000,S,Nelson,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,3 Victoria St,2,h,822500,S,Nelson,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,33 Walker St,4,h,1400000,S,Jellis,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4/7 York St,1,u,336000,S,Brad,28/08/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,24a Franklin St,3,t,800000,S,Buxton,28/08/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,446 South Rd,3,h,,PN,Greg,28/08/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,7 Reckless La,3,t,740000,S,Ray,28/08/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,59 Alvie Rd,4,h,,W,McGrath,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 Hillside Rd,4,h,1180000,S,Fletchers,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Leeds Rd,4,h,1226000,S,Barry,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,24 Milloo Cr,4,h,1368000,S,Biggin,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,71 Talbot Rd,4,h,1140000,PI,hockingstuart,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,34 Virginia St,4,h,1777000,S,Jellis,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,308 Waverley Rd,4,h,,PI,Ray,28/08/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,9 Andleigh Dr,5,h,,SN,Win,28/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Newcastle Dr,3,h,617000,S,Ray,28/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/18 Suemar St,3,t,680000,S,Ray,28/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1/51 Wattle Gr,3,u,595000,S,Win,28/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,14 Woolwich Dr,4,h,746000,S,Harcourts,28/08/2016,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,8/145 Murrumbeena Rd,2,u,435000,PI,Woodards,28/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,12 Omama Rd,4,h,1641000,S,Woodards,28/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,17 Perth St,3,h,,SP,Marshall,28/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Sydney St,4,h,,S,Jellis,28/08/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,1 Lloyd Av,3,h,480000,SA,O'Brien,28/08/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,2 Western Wy,3,h,765000,S,Rexhepi,28/08/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,10 Crawford St,1,h,643700,SP,Greg,28/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16 Milford St,2,h,760000,S,Williams,28/08/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,10 Grosvenor St,5,h,,SP,Nelson,28/08/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,6 Ainsley Av,3,h,675000,SP,iSell,28/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,133 Buckley St,3,h,615000,S,Stockdale,28/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4 Kilby Ct,3,h,522000,S,Stockdale,28/08/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,12 Curzon St,2,h,885000,S,Jellis,28/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,54 Elm St,2,h,,S,Jellis,28/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,3 George St,2,h,,S,Jellis,28/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,11/19 Wood St,2,u,587134,SP,Woodards,28/08/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,3 Atkinson St,3,h,1080000,S,Harrington,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,95 Beavers Rd,2,h,,PN,McGrath,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,58 Bridge St,3,h,,S,Nelson,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,54 Charles St,3,h,,S,Jellis,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,17/203 Clarke St,2,u,570000,VB,Woodards,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,70 James St,3,h,1450000,PI,McGrath,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,72 James St,2,h,,PI,McGrath,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Jenkins St,3,h,1400000,S,McGrath,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,41 Johnson St,2,h,1340000,S,McGrath,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9/28 Ross St,1,u,340000,PI,Nelson,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,43 Salisbury Gr,4,h,1300000,VB,Jellis,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,25 Simpson St,4,h,2340000,S,McGrath,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,77 Union St,2,h,1634000,SP,Nelson,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,27 Westgarth St,4,h,,S,Nelson,28/08/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,68 Vincent St,4,h,855333,S,Eview,28/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/43 Watt Av,2,t,572000,S,Nelson,28/08/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh East,1/56 MacRina St,3,h,980000,S,Ray,28/08/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,5 Salem Av,3,h,900000,S,Buxton,28/08/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,24 Terrigal Av,4,h,1410000,S,Buxton,28/08/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,15 Yarra Ct,4,h,1126000,S,Buxton,28/08/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,19 Anthony St,4,h,2050000,S,Noel,28/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,3/302 Grange Rd,2,u,405000,VB,Besser,28/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,82 Hall St,5,h,,S,Buxton,28/08/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,34 Thomas Pl,4,h,364000,S,Harcourts,28/08/2016,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,32 Edmond St,4,h,1150000,S,Buxton,28/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,23 Stewart Av,4,h,1360000,S,Hodges,28/08/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,14 Carrangall Pl,3,h,965000,SP,Woodards,28/08/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,10/238 The Avenue,3,u,1040000,S,Nelson,28/08/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,4/305 Cumberland Rd,1,u,248500,S,Brad,28/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,130 Essex St,3,h,960000,S,Brad,28/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,18 Kitchener Rd,2,h,1085000,S,Ray,28/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/13 Rhodes Pde,2,t,,PI,Barry,28/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4a Surrey St,3,h,650000,VB,Nelson,28/08/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Port Melbourne,5 Edina Av,4,h,1970000,S,Biggin,28/08/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,38a Chomley St,2,h,1021000,S,Kay,28/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,11/17 Clarke St,1,u,,PI,Marshall,28/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,75 Pridham St,3,h,1220000,S,hockingstuart,28/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,49/6 Williams Rd,1,u,240000,SP,Buxton,28/08/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1/28 Carlisle St,2,u,610000,S,Harcourts,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Gillingham St,3,h,1162500,S,Nelson,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,41 James St,3,h,,SP,Barry,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Lahinch St,3,h,775000,S,Barry,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,62 Leicester St,4,h,1142500,S,hockingstuart,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12 Lyonsville Av,12,h,,SN,Barry,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,140 Murray Rd,3,h,930000,SP,Love,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,67 Regent St,3,h,875000,S,Nelson,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,17 Townhall Av,3,h,852000,S,Nelson,28/08/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,112 Paterson St,2,h,,S,Nelson,28/08/2016,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Reservoir,3 Burnett Cr,5,h,,PI,McGrath,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/50 Chaleyer St,2,t,,SN,Raine,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,43 Cheddar Rd,3,h,,PN,Barry,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Elsey Rd,3,h,,VB,Ray,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Frankston St,3,h,,S,hockingstuart,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Frier Av,3,h,,PI,Ray,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,56 Gloucester St,3,h,810000,S,Nelson,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,45 Keon Pde,3,h,,PI,Harcourts,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Nicholson Av,5,h,815000,PI,Nelson,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42 Oconnor St,2,h,610000,S,Nelson,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/77 Pine St,2,u,430000,S,Barry,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Shand Rd,2,h,730000,VB,Ray,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,183 Wilson Bvd,4,h,680000,S,Ray,28/08/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,21 Crown St,3,h,1165000,S,Biggin,28/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,18a Goodwood St,3,h,,S,Biggin,28/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,219/6 Lord St,2,u,790000,PI,hockingstuart,28/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Peers St,2,h,870000,SP,Biggin,28/08/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,5 David St,3,h,,S,Carter,28/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,40 Greenwood Av,3,h,920000,S,Philip,28/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,2 Haig St,3,h,982000,S,Philip,28/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,10 Hearthside Ct,3,h,720000,S,Carter,28/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,16 Kennedy Av,3,h,909000,S,Carter,28/08/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,20 Gracedale Av,4,h,880000,SP,Barry,28/08/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,16 Isabel Av,5,h,,SN,Barry,28/08/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,71 Lockhart Rd,3,h,865000,S,Carter,28/08/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,20 Finlayson St,3,h,852000,S,Nelson,28/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,6/3 Prospect Rd,2,u,452000,S,Nelson,28/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/8 Prospect Rd,3,t,900000,VB,Miles,28/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,41 Stanton Cr,2,h,810000,S,Barry,28/08/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Roxburgh Park,5 McKeown Cr,4,h,439000,S,Raine,28/08/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,248 Bluff Rd,4,h,,SN,Charlton,28/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,16 Holloway Rd,3,h,,S,Hodges,28/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5 King St,4,h,,S,Buxton,28/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,19 Wentworth Av,3,h,1820000,S,Buxton,28/08/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seddon,28 Lily St,3,h,1310000,S,Nelson,28/08/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,2/108 Blackshaws Rd,2,u,380000,VB,Oak,28/08/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Kingsville,56b Vernon St,2,t,611000,SP,Williams,28/08/2016,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Morang,14 Birrali Wy,4,h,512000,S,Love,28/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14/881 Old Plenty Rd,2,u,342500,S,Ray,28/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,26 Rolain Av,4,h,,PI,Harcourts,28/08/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,19/85 Alexandra Av,2,u,,SP,Kay,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/51 Davis Av,1,u,460000,S,Marshall,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/210 Domain Rd,2,u,826000,S,Jellis,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/70 Hawksburn Rd,1,u,,VB,hockingstuart,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/28 Tivoli Pl,2,u,910000,S,Williams,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/28 Walsh St,3,t,1715000,S,Williams,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,12 Witchwood Cl,3,h,1700000,SP,Biggin,28/08/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,59 Hope St,4,h,871500,PI,Jas,28/08/2016,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,1 Clarke Av,3,h,628000,S,Ray,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,38 Cleveland St,5,h,620000,S,YPA,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,123b Denton Av,3,h,,SN,Barry,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,29 Hook St,3,h,,SP,LJ,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,28 Lima St,3,h,640000,S,Ray,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1 Lyndford Ct,3,h,448000,S,Homes,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Magnolia St,3,h,,PI,YPA,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,30 McArthur Av,5,h,512000,SA,Sweeney,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,81 Millawa Av,3,h,621500,S,Ray,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,80 Moondani Av,3,h,,SN,Barry,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,7 Oberon Av,4,h,,SN,Barry,28/08/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,247 Barkly St,3,h,1225000,S,McGrath,28/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,77/151 Fitzroy St,1,u,400000,S,Pride,28/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,10/1 St Kilda Rd,1,u,435000,SP,Buxton,28/08/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,1 Balmoral Av,4,h,1500000,SP,Considine,28/08/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,164 Lebanon St,3,t,600000,PI,Nelson,28/08/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,12 Ervine Cl,4,h,426500,S,Paul,28/08/2016,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,22 Lynch St,3,h,711000,S,Douglas,28/08/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,1 Ford Av,3,h,600000,S,Barry,28/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,94 Northumberland Rd,3,h,650000,VB,GL,28/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,2/15 Phoenix St,3,u,530000,S,Douglas,28/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,26 Westmoreland Rd,3,h,871000,S,Douglas,28/08/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,41 Armstrong St,5,h,715000,S,Douglas,28/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/4 Lachlan Rd,2,u,230000,PI,Barry,28/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,38a Mailey St,3,h,545000,S,Barry,28/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,3/13 Mayne St,2,u,462000,SP,Jas,28/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/66 Talintyre Rd,3,u,370000,S,Melbourne,28/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,25 The Avenue,3,h,750500,S,Jas,28/08/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,9 Bristol St,5,h,,S,Marshall,28/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,40 Grovedale Rd,4,h,1751000,S,Jellis,28/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,100 Middlesex Rd,4,h,,S,Jellis,28/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/59 Weybridge St,2,u,694000,S,Noel,28/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3 Wilson St,4,h,,S,Marshall,28/08/2016,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Taylors Hill,12 Lucas Tce,3,h,487000,S,Barry,28/08/2016,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,11 Apollo Rd,4,h,550000,S,Barry,28/08/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 MacKenzie Cl,5,h,800000,VB,Daniel,28/08/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,14 Ohara Ct,4,h,740000,VB,Barry,28/08/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,3/2 Wyena Wy,3,u,816000,S,Barry,28/08/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,49 Feathertop Av,6,h,1363000,S,Jellis,28/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,33 Lowan Av,4,h,1309000,S,Barry,28/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,64 MacEdon Rd,4,h,1358500,S,Barry,28/08/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +The Basin,1 Democrat Dr,4,h,610000,S,iTRAK,28/08/2016,3154,Eastern Metropolitan,1690,27,Knox City Council +Thomastown,88 Bickley Av,3,h,397500,S,Barry,28/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1/3 Edna St,2,u,285000,VB,Ray,28/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/21 French St,2,u,245000,S,Ray,28/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Kemp Av,3,h,,SP,Love,28/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,3 Leila Ct,3,h,420000,S,Ray,28/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5 Madera Dr,3,h,473000,SP,hockingstuart,28/08/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,76 Alston Ct,4,h,,SN,Nelson,28/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,2/167 Darebin Rd,2,u,,PI,McGrath,28/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,46 Rennie St,3,h,1430000,S,Nelson,28/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,126 Smith St,3,h,1380000,SP,Jellis,28/08/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,16 Cole Ct,3,h,3270000,S,Marshall,28/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,2 Duffryn Pl,4,h,,SP,Marshall,28/08/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,4/242 Melrose Dr,2,t,386500,SP,Barry,28/08/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,2/33 Barbara St,3,u,852000,S,Jellis,28/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,115 Jolimont Rd,3,h,820000,S,Allens,28/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,5 Kingsclere St,4,h,965000,S,Ray,28/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2/33 McClares Rd,4,t,850000,PI,M.J,28/08/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,19 Dalroy Cr,4,h,1100000,VB,Jellis,28/08/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,6 Livermore Cl,4,h,1120000,PI,Ray,28/08/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,14 Ryrie Pl,4,h,1030000,SP,Barry,28/08/2016,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Ironbark St,3,h,,SN,Miles,28/08/2016,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,8 Downe Pl,3,h,,SN,Barry,28/08/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,1/11 Arbroath Rd,3,u,,SP,Barry,28/08/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,21 Margaret Ct,5,h,1620000,S,Ray,28/08/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,5 Princes St,3,h,645000,S,Ray,28/08/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,39 Gillingham St,3,h,615000,S,Barry,28/08/2016,3087,Northern Metropolitan,1442,14.5,Banyule City Council +West Footscray,4/17 Beaumont Pde,2,u,420000,VB,Greg,28/08/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,116 Essex St,3,h,820000,S,Sweeney,28/08/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,1 Devenish Ct,3,h,335000,S,Nelson,28/08/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,2/72 Raleigh St,3,u,,SN,Barry,28/08/2016,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,8 Marykirk Dr,4,h,,PI,Ray,28/08/2016,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,5 Dover La,3,h,1230000,S,RT,28/08/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,5/243 Dandenong Rd,2,u,555000,PI,Kay,28/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,8/14 Newry St,2,u,474000,S,Beller,28/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,118 Peel St,3,h,,S,hockingstuart,28/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,31 Raleigh St,2,h,1350000,S,Jellis,28/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,77 Raleigh St,3,h,1910000,S,Marshall,28/08/2016,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Yallambie,5 Amanda Ct,3,h,721000,S,Barry,28/08/2016,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,7 Hughes St,3,h,840000,S,Village,28/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,46 Kingston St,3,h,900500,S,Village,28/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,14 Pearce St,2,h,850000,S,Chisholm,28/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,6/37 Stephen St,3,h,940000,S,Village,28/08/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,20/85 Nicholson St,3,u,,PI,Sotheby's,28/10/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,1/34 Arthur St,2,u,910000,S,Brad,28/10/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,2/37 St Kinnord St,1,u,312000,SP,Brad,28/10/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,49 Bedford St,4,h,965000,PI,Nelson,28/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/31 Creswell Av,3,u,680000,VB,Barry,28/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,11 Harrington Rd,6,h,870000,VB,Barry,28/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,60 Hilbert Rd,3,h,845000,S,Barry,28/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,44A Moorna Dr,4,h,931000,SP,Barry,28/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,130 Victory Rd,3,h,912000,S,Nelson,28/10/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,1 Dinsdale St,3,h,2720000,S,hockingstuart,28/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,78 Herbert St,3,h,,VB,Marshall,28/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,68 Merton St,4,h,,SP,WHITEFOX,28/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,335 Montague St,4,h,,S,Marshall,28/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,127 Page St,4,h,2040000,PI,Marshall,28/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,1A Reed St,3,h,1406000,S,Sweeney,28/10/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,46 Derrimut St,2,h,740000,PI,Barry,28/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,1/56 Derrimut St,2,h,480000,S,Jas,28/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,13 Sydney St,3,h,,S,Barry,28/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,18/20 Talmage St,2,t,346000,S,Bells,28/10/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,16 Kelvin Rd,4,h,,VB,Nelson,28/10/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,16 Scullin St,4,h,1165000,S,Jas,28/10/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,28 Roser Dr,3,h,600000,SP,Ace,28/10/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,39 Hatherley Gr,4,h,920000,S,Jas,28/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,34 McIntosh Rd,3,h,950000,SP,Purplebricks,28/10/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,673 Ballarat Rd,3,h,,PI,Barry,28/10/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,174 Forrest St,3,h,480000,VB,Douglas,28/10/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,130 Suspension St,3,h,650000,PI,hockingstuart,28/10/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,4/51 Armadale St,2,u,622500,S,hockingstuart,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,25 Munro St,4,h,6050000,SP,Marshall,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,3 Northcote Rd,3,h,1800000,VB,Jellis,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,2/38 Northcote Rd,2,u,,S,hockingstuart,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,71/503 Orrong Rd,3,u,1250000,PI,hockingstuart,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,9/42 Wattletree Rd,1,u,385000,S,Jellis,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11/60 Wattletree Rd,2,u,870000,S,Jellis,28/10/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,17 Elliott St,4,h,1600000,S,Nelson,28/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,20 North St,5,h,1788000,SP,Nelson,28/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6/39 Sandown Rd,2,t,551000,S,Brad,28/10/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,16 Chamberlain St,5,h,,VB,Marshall,28/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,37 Karnak Rd,3,h,1870000,SP,Marshall,28/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,2/37 Munro Av,3,h,1370000,SP,Marshall,28/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,4 Sky La,3,h,1595000,S,Jellis,28/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,55 Warner Av,3,h,1620000,S,Purplebricks,28/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,13 Wirraway Ct,3,h,,S,Jellis,28/10/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,13 Maroondah Rd,5,h,2100000,VB,Marshall,28/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/2 Queens Pde,3,u,770000,S,hockingstuart,28/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,16 Winbirra Pde,2,h,1167500,S,Tim,28/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,17 Woolert St,3,u,896000,S,Ray,28/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1 Wugga Ct,4,h,,PI,Jellis,28/10/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,9 Longbeach Cl,2,h,762000,S,Jellis,28/10/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,26 Station St,3,h,950000,VB,Hodges,28/10/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Attwood,40 Threadneedle St,4,h,840000,VB,Barry,28/10/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Attwood,3 Wilton Pl,4,h,714000,S,YPA,28/10/2017,3049,Northern Metropolitan,1130,16.5,Hume City Council +Avondale Heights,14 Hanley St,3,h,865000,SP,Brad,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,43 Hanley St,2,h,780000,S,Barry,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,8 Hanley St,3,h,801000,S,Hodges,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,6 Holden Av,3,h,702500,S,Nelson,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,45 Intervale Dr,4,h,900000,VB,Nelson,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,23 Ridley Av,3,u,757000,S,Moonee,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,68 Skewes St,3,u,450000,VB,Barry,28/10/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bacchus Marsh,36 Lerderderg St,2,h,545000,SP,FN,28/10/2017,3340,Western Victoria,2871,37.5,Moorabool Shire Council +Balaclava,1/5 Blenheim St,3,t,1100000,VB,Marshall,28/10/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,15 Orange Gr,4,h,2225000,S,Jellis,28/10/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,9/117 Westbury St,2,u,639000,S,hockingstuart,28/10/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,108A Balwyn Rd,2,h,1008000,S,Ham,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Eyre St,5,h,,VB,hockingstuart,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3 Glenluss St,3,h,2400000,VB,Marshall,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,36A Grosvenor Pde,4,h,2005000,S,Marshall,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,19 Head St,5,h,3320000,PI,Marshall,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,43 Hilda St,4,h,,VB,Jellis,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3 Marock Pl,4,h,,S,Marshall,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,1/40 Northcote Av,3,u,1060000,S,Fletchers,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,3/9 Weir St,3,u,,VB,Fletchers,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,2/13 Whitehorse Rd,4,h,1900000,VB,Marshall,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,9 Whitehorse Rd,3,h,1840000,PI,Jellis,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,22 Winmalee Rd,3,h,1560000,PI,Jellis,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,79 Yarrbat Av,5,h,,PI,Jellis,28/10/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2 Cumberland Av,4,h,2400000,VB,hockingstuart,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,211 Doncaster Rd,5,h,1683000,S,VICPROP,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,27 Harrington Av,4,h,1715000,PI,Fletchers,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,17 Illawarra Rd,5,h,,PI,Jellis,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,22 Longview Rd,4,h,2080000,S,Nelson,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 MacEdon Av,2,h,1000000,VB,Marshall,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Mary St,5,h,3225000,S,hockingstuart,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,14 Panoramic Rd,4,h,,S,Fletchers,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/8 Severn St,3,u,1876000,S,Jellis,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3 Stephens St,6,h,2900000,VB,Fletchers,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/68 Sweyn St,4,t,1446000,S,Marshall,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Tannock St,5,h,1730000,S,Purplebricks,28/10/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,1A Pine Rd,3,h,,S,Barry,28/10/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/4 Wiltshire Av,3,h,,PI,Appleby,28/10/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaumaris,46 Haldane St,4,h,1580000,S,hockingstuart,28/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,49 Haldane St,4,h,,SP,Buxton,28/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,11 Sunset Av,3,h,1500000,S,Hodges,28/10/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,42 Perkins Av,3,h,,SP,Nelson,28/10/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,54 Bendigo Av,3,h,1520000,SP,C21,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14 Bolinda St,5,h,1800000,VB,Buxton,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,10A Galtum Av,4,t,1440000,VB,Buxton,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,14 Gilmour Rd,3,h,,SA,Hodges,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,31 Gilmour Rd,5,h,2478000,S,Jellis,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,16 Huntley Rd,4,h,1540000,VB,Thomson,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,19a Huntley Rd,4,t,,S,Hodges,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,33A McKittrick Rd,4,t,1470000,S,Jellis,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12/120 Patterson Rd,2,u,505000,SP,McGrath,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,148 Patterson Rd,2,h,1220000,S,McGrath,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,5 Whitmuir Rd,5,h,2050000,S,Jellis,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,10B Wilma St,3,t,,S,Jellis,28/10/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,28a Barrani St,4,t,1345000,S,Branon,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,61 Bellevue Rd,5,h,1305000,S,Jellis,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,5 Charles St,3,h,1700000,S,Buxton,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,20 Clements St,4,h,1600000,VB,Jellis,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6/87 East Boundary Rd,2,u,,SN,Gary,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/1 Garden Rd,2,t,914000,S,Jellis,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,22 Hallow St,4,h,1660000,S,Buxton,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Hill St,4,h,1181000,S,Obrien,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,9 Lancaster St,3,h,1831000,S,Obrien,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/43 MacKie Rd,2,u,748000,S,Ray,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Molden St,5,h,2125000,S,Eview,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,3/1 Omeo Ct,2,u,,S,Hodges,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/4 Pell St,4,t,1230000,SP,Woodards,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,73b Purtell St,3,t,1300000,PI,Buxton,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,25 Stockdale Av,3,h,1350000,S,Jellis,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Wards Gr,3,h,1185000,S,Ray,28/10/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,2 Allan St,3,h,1100000,S,Alex,28/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,8 Claremont Gln,4,h,,PN,Barry,28/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,14 Grove Gdns,4,h,717000,S,O'Brien,28/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,3 Poa Mw,2,h,426000,S,Barry,28/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,21 Scanlan St,3,h,1103000,S,Peake,28/10/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,42 Ardoyne St,4,h,,SA,Hodges,28/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,3/308 Beach Rd,2,u,790000,VB,Buxton,28/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,7/1 Karrakatta St,2,u,,VB,Buxton,28/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,13 Love St,3,h,2176000,S,Charlton,28/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/56 Red Bluff St,2,u,,VB,Hodges,28/10/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,1/75 Blackburn Rd,3,u,800000,VB,hockingstuart,28/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,33 Esdale St,4,h,1100000,PI,Noel,28/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/10 Frankcom St,2,t,680000,PI,Ray,28/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Janet St,3,h,,SP,Noel,28/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,9 Naughton Gr,4,h,1940000,S,hockingstuart,28/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,4 Windermere Ct,4,h,,SN,Woodards,28/10/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,2 Fithie St,3,h,,S,Noel,28/10/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,2/37 Katrina St,4,h,1050000,VB,Ray,28/10/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,10 Shafer Rd,2,h,,VB,Jellis,28/10/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,28 Samuel Rd,5,h,1955000,S,Ray,28/10/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,69 Mascot Av,4,h,1501000,SP,Buxton,28/10/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,25 Patterson St,6,h,,S,Buxton,28/10/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Bonbeach,2 Royal Rd,3,h,1031000,S,O'Brien,28/10/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Boronia,65 Army Rd,4,h,887000,S,Ray,28/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,2/10 Bambury St,3,u,750000,S,Noel,28/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,14 Daffodil Rd,3,h,815100,S,Ray,28/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,5/113 Dorset Rd,2,u,,W,Biggin,28/10/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,36 Landale St,3,h,,S,Jellis,28/10/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,13/40 Errol St,3,h,668000,S,Barry,28/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,14 Menzies St,2,h,831500,S,Sweeney,28/10/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,3 Ayr Ct,3,h,780000,VB,Jellis,28/10/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,13 Hyacinth St,3,h,,SP,Nelson,28/10/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,8 Alverna Gr,4,h,,VB,Marshall,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,31 Arthur Av,4,h,4690000,S,hockingstuart,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3A Bryson Av,3,h,,S,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,115 Carpenter St,3,h,,S,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,78 Champion St,3,h,2040000,S,Marshall,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6 Cole St,4,h,11200000,VB,hockingstuart,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,10A Dawson Av,4,t,3820000,SP,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2 Elwood St,5,h,,S,Marshall,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,24 Grosvenor St,4,h,3850000,VB,Marshall,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2A Moule Av,4,h,,S,Marshall,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,23A New St,4,h,1950000,PI,Nick,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,356 New St,5,h,5410000,S,Nick,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,157 North Rd,3,h,1850000,PI,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/59 Roslyn St,3,t,1562500,S,Marshall,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,55B South Rd,3,h,2100000,VB,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,49 Whyte St,3,h,,SP,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,35 Windermere Cr,5,h,3600000,S,Buxton,28/10/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,2A Beenak Av,3,t,1500000,VB,Marshall,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Beenak Av,4,h,,SP,Hodges,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,16 Bruce St,5,h,2050000,S,Jellis,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,105A Centre Rd,2,h,795000,S,Whiting,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Chapman St,5,h,2000000,VB,Marshall,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,21 Elizabeth St,4,h,,S,RT,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,13 Ferguson St,4,h,1670000,S,Hodges,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,8A Hodder St,3,t,2200000,S,Jellis,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,54 Lucas St,4,h,2710000,S,Buxton,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,27 Northern Av,2,t,1175000,S,Gary,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,6 Ratho Av,4,h,2220000,S,RT,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,1/254 South Rd,3,u,1050000,S,Nick,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,381 South Rd,3,h,,PI,Buxton,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2/16 Wairoa Av,3,t,1355000,S,Hodges,28/10/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,38 Blair St,3,h,570000,S,Stockdale,28/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,1/314 Camp Rd,3,u,,W,YPA,28/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,178 Widford St,3,h,640000,VB,Stockdale,28/10/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,5/113 Albert St,2,u,,S,Jellis,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,209 Albert St,3,h,1150000,VB,Jellis,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,22 Allan St,3,h,,S,Nelson,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4/201 Barkly St,3,t,1030000,S,Jellis,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,56 Barrow St,5,h,2020000,S,hockingstuart,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12 Bennie St,3,h,1080000,S,Ray,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,5 Crook St,3,h,1150000,VB,Nelson,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12 Eckersall St,2,h,850000,PI,Kelly,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,161 Edward St,3,h,1400000,S,Nelson,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,185 Edward St,3,h,1200000,S,Nelson,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,95 Evans St,2,h,894000,SP,Nelson,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,12 Louisa St,3,h,1230000,S,Nelson,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,19 Loyola Av,3,h,,VB,Jellis,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,304/1 Lygon St,1,u,,SN,Ray,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,24 Murdock St,3,h,1050000,S,Woodards,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/705 Park St,1,u,445000,SP,Brad,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6 Rose St,2,h,970000,S,Miles,28/10/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,2/64 Barkly St,3,h,1280000,S,Nelson,28/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,228 Edward St,3,h,1975000,S,Jellis,28/10/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,25 Appleby Cr,3,h,1332000,S,Collings,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,34/2 Centennial Av,2,u,560000,S,Brad,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/17 Cumming St,2,t,640000,S,Jellis,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,18 Hamilton St,3,h,1310000,S,Nelson,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/33 McLean St,2,t,563000,S,Brad,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,2 Mincha St,5,h,2600000,PI,Jellis,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,17/558 Moreland Rd,1,u,237000,S,Jellis,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,945 Park St,4,h,,S,Nelson,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,9/9 Waxman Pde,2,u,698000,S,Barry,28/10/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,2A Austin St,3,h,1100000,PI,Barry,28/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,57 Furneaux Gr,3,h,970000,S,Ray,28/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,4/78 Manningham Rd,2,u,542500,S,Barry,28/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,5 Penderel Wy,4,h,1830000,SP,Jellis,28/10/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,2 Amethyst Wk,4,h,1450000,S,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,11/127 Arthur St,2,u,600000,S,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Berringa Ct,3,h,1121000,S,Morrison,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,35 Buttercup Gr,4,h,920000,S,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/10 Edro Ct,2,t,580000,S,Buckingham,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Gloria Ct,3,h,765000,S,RW,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,273 Greenwood Dr,2,h,841000,S,Darren,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,462 Grimshaw St,3,h,,PI,Barry,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,500 Grimshaw St,4,h,825000,S,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Gyra Ct,4,h,790000,VB,Jellis,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,20 Hibiscus Av,4,h,870000,S,Barry,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,552 Morwell Av,3,h,,PI,Barry,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,8 Oxford Dr,3,h,770000,S,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,29 Sundew St,4,h,,PI,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Sutton Ct,4,h,1080000,S,Ray,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,59 Virginia Cr,3,h,675000,S,Jellis,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,4 Winterhill Lk,4,t,750000,VB,Stockdale,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,9 Wordsworth Ct,3,h,,PI,Darren,28/10/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burnside,2 Landy Ct,3,h,570000,SP,Barry,28/10/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside,10 Mockridge Av,4,h,775100,S,HAR,28/10/2017,3023,Western Metropolitan,1607,14.8,Melton City Council +Burnside Heights,5 Winterton Ct,4,h,860000,S,YPA,28/10/2017,3023,Western Metropolitan,1686,14.8,Melton City Council +Burwood,79 Elgar Rd,10,h,2315000,SP,Buxton,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,5 Everest Ct,3,h,1500000,S,Fletchers,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,7 Glengarry Av,3,h,,SN,RW,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,14 Judith St,3,h,1337500,S,Noel,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,19 Leonard St,3,h,1005000,S,Noel,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,77 Parer St,4,h,1682000,S,Buxton,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,2/29 Renown St,3,u,1056000,S,Buxton,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,28 Scott Gr,4,h,1750000,S,Noel,28/10/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,25 Feathertop Ch,3,h,,VB,Fletchers,28/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,9 Keats St,4,h,1260000,S,Harcourts,28/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,5 Lorraine Dr,3,h,1100000,PI,Fletchers,28/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,11 Manooka St,3,h,985000,S,Fletchers,28/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,5 Skene St,3,h,,S,Fletchers,28/10/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,16 Appletree Gr,3,h,621000,S,Barry,28/10/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,250 Station Rd,4,h,672000,S,HAR,28/10/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,3 Alma Rd,4,h,,S,Jellis,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,39 Alma Rd,5,h,,SP,RT,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,85 Athelstan Rd,2,h,2200000,S,Fletchers,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/449 Camberwell Rd,2,h,,S,Jellis,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,42 Cooloongatta Rd,5,h,,SP,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1 Elaroo Av,5,h,2650000,PI,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,44 Fordham Av,3,h,,PI,Jellis,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,46 Fordham Av,5,h,2700000,S,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,16 Kintore St,5,h,,VB,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Lesley St,2,h,720000,VB,Jellis,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,36 Morey St,5,h,2540000,S,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4 Morey St,2,h,,S,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 Quercus Ct,4,h,,PI,R&H,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,18 Radnor St,4,h,2755000,PI,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,54 Radnor St,7,h,5450000,S,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,826 Riversdale Rd,4,h,1880000,S,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,79 Rowell Av,4,h,,SN,Woodards,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,12 Stodart St,5,h,,SP,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,154 Through Rd,3,h,1815000,S,Woodards,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5/105 Wattle Valley Rd,2,u,,S,Jellis,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/151 Wattle Valley Rd,4,t,1700000,VB,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Yeovil Rd,4,h,,S,Marshall,28/10/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Campbellfield,6 Stewart Gr,4,h,666000,S,YPA,28/10/2017,3061,Northern Metropolitan,1889,16.6,Hume City Council +Canterbury,21 Balwyn Rd,4,h,,S,Marshall,28/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,44 Balwyn Rd,4,h,,VB,Fletchers,28/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,6 Frognall Pl,4,h,4620000,S,Marshall,28/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,40 Warburton Rd,4,h,2725000,S,Marshall,28/10/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,210/264 Drummond St,2,u,1240000,S,hockingstuart,28/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,4/150 Station St,3,t,1079700,SP,Woodards,28/10/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,175 Lee St,2,h,1302000,S,Nelson,28/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,146 Pigdon St,2,u,720000,S,Jellis,28/10/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1/35 Gnarwyn Rd,3,u,1108000,S,Woodards,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,2/52 Leila Rd,3,u,1250000,SP,C21,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,68A Lyons St,5,t,1665000,S,Buxton,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,9 Margaret St,4,h,1700000,PI,Ray,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,88 Miller St,3,h,1240000,S,Jellis,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,202/179 Neerim Rd,2,u,685000,S,Buxton,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/3 Yendon Rd,2,u,440000,S,Purplebricks,28/10/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,1/40 McCubbin Wy,4,t,520000,PI,Barry,28/10/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum Downs,15 Bainbridge Ct,3,h,,W,Buxton,28/10/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,1/216 Kambrook Rd,2,u,,S,Hodges,28/10/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield East,9/5 Derby Cr,2,u,670000,S,Barry,28/10/2017,3145,Southern Metropolitan,608,8.4,Glen Eira City Council +Caulfield South,316 Bambra Rd,2,h,1600000,PI,Jellis,28/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,493 Hawthorn Rd,3,h,,SN,Gary,28/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,18 Royal Pde,4,h,1730000,S,Gary,28/10/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,35 Atkinson St,3,h,,S,Buxton,28/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,40 Rosemary St,4,h,1100000,S,Barry,28/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/25 Westbrook St,2,h,,PN,Woodards,28/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,11 Woonah St,3,h,1025000,PI,Barry,28/10/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,5B Foy Av,4,t,1250000,VB,hockingstuart,28/10/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,7 Snipe Cl,5,h,941000,S,Buxton,28/10/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Chelsea Heights,10 Tikanti Ct,3,h,720000,S,Ray,28/10/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,2 Cameron St,4,h,1475000,S,Buxton,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,13 Charles St,3,h,,SP,Hodges,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,178 Charman Rd,3,h,1250000,VB,Buxton,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/1 Eden St,3,t,810000,S,Greg,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,25 Harkaway Dr,3,h,,PI,Ray,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Irene Ct,4,h,1130000,PI,O'Brien,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/7 Jellicoe St,2,u,685000,S,Buxton,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Lorna St,3,h,970000,PI,O'Brien,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6/113 Park Rd,3,t,1062500,S,hockingstuart,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,32 Primrose Av,3,t,700000,VB,Buxton,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4 Robross St,4,h,1100000,PI,Greg,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1/13 Tilley St,2,h,750000,S,Hodges,28/10/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,31 Dalbeattie Dr,5,h,1387000,S,Buxton,28/10/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,1/1377 Centre Rd,2,u,575500,S,C21,28/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,87 Eva St,4,h,,VB,Ray,28/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,5 Flora Rd,3,h,800000,PI,Ray,28/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/68 Fulton St,3,t,800000,S,Ray,28/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,324 Haughton Rd,3,h,1004000,S,Woodards,28/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,31 Thompson St,4,h,,S,Buxton,28/10/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,3/24 Byron St,3,t,795000,S,Woodards,28/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,17b Helena St,4,t,963000,S,C21,28/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,50 McMillan St,3,h,,S,Fletchers,28/10/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,3/77 Field St,2,u,650000,VB,Jellis,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,13 Gray St,3,h,1740000,S,Purplebricks,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,5/79 Heidelberg Rd,2,u,550000,S,Harrington,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,25 Hodgkinson St,5,h,3025000,PI,Nelson,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,7 North Tce,4,h,2300000,S,Nelson,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,96 Ogrady St,3,t,1290000,S,Collins,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,86 Ramsden St,4,h,3100000,VB,Collins,28/10/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,37 Bishop St,2,h,706500,S,Nelson,28/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,15 Fraser St,2,h,820000,PI,Brad,28/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,11 Lobb St,4,h,1350000,SP,Barry,28/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,6 Merribell Av,3,h,,SN,Peter,28/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,55 Moore St,4,h,1269000,S,Nelson,28/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,75 Phillips St,3,h,1150000,VB,Nelson,28/10/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,141 Elizabeth St,5,h,1190000,S,Jellis,28/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,3 Whitton Pde,2,h,692500,S,Nelson,28/10/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,501/132 Smith St,2,u,,S,Jellis,28/10/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,9 Asbury St,4,h,655000,S,Stockdale,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Balyang Wy,3,h,435000,S,Barry,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Bradshaw Av,4,h,620000,S,LJ,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,82 Grevillea St,3,h,450500,SP,Leased,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,20 Middlesborough Dr,3,h,600000,S,hockingstuart,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Mitford Cr,3,h,563000,S,Ray,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,37 Viewside Cr,4,h,580000,S,Ray,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,104 Waterview Bvd,3,h,,PI,LJ,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Wisteria Av,4,h,750000,S,Ray,28/10/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,26 Camms Rd,3,h,524000,S,Del,28/10/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne,29 Earlston Cct,4,h,910500,S,iTRAK,28/10/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne North,7 Christine Pl,4,h,,PI,Ray,28/10/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Cremorne,29 Chestnut St,2,h,,SP,Ray,28/10/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,1/14 Donald St,3,h,675000,S,iTRAK,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,99 Eastfield Rd,3,h,660000,S,McGrath,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,10/12 Emora St,3,u,750000,S,McGrath,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/4 Haig St,3,h,722000,S,Ray,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,26 Railway Cr,2,h,1105000,SP,iTRAK,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,27 Stirling Rd,4,h,1115000,S,Fletchers,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Tara Cl,4,h,1060000,PI,Fletchers,28/10/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,3 Goulburn Ct,4,h,940750,S,Barry,28/10/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon North,12 Arkarra Ct,4,h,,PI,Hoskins,28/10/2017,3136,Eastern Metropolitan,2985,23,Maroondah City Council +Croydon South,27 Homer Av,3,h,800000,S,Ray,28/10/2017,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,41 Berger St,4,h,560000,S,Barry,28/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,184 Dallas Dr,5,h,695000,PI,Stockdale,28/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,2 Melton Ct,3,h,465000,S,Stockdale,28/10/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/26 Hammond Rd,2,u,275500,S,Stockdale,28/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,6/1370 Heatherton Rd,2,u,400000,SP,O'Brien,28/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,37 Herbert St,3,h,,SN,McLennan,28/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1/54 Jones Rd,2,u,433000,S,Stockdale,28/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,9 Rylands Rd,3,h,,PI,Stockdale,28/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,9 Vizard St,3,h,,PI,Hodges,28/10/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,26 Blaxland Dr,5,h,775000,S,Boutique,28/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,70 Carlton Rd,3,h,660000,S,C21,28/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,192 Gladstone Rd,3,h,651800,SP,Boutique,28/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,124 Loch Rd,3,h,639000,S,O'Brien,28/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,1/1 Victor Av,3,h,574000,PI,Stockdale,28/10/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,2/24 Barnsbury Rd,3,t,,S,RT,28/10/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,31 Poole St,3,h,765000,S,Douglas,28/10/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,11 Cottrell Ct,3,h,680000,S,Calder,28/10/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,20 Darriwill Cl,4,h,,SN,Calder,28/10/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,39 Palmer Pde,4,h,730000,S,FN,28/10/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,2/28 Clyde St,2,u,430000,VB,Jellis,28/10/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,1/43 Phipps Cr,3,t,648000,S,Jellis,28/10/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diggers Rest,18 Eureka Rd,3,h,422000,S,YPA,28/10/2017,3427,Western Metropolitan,1184,27.7,Hume City Council +Dingley Village,22 Bayville Dr,5,h,1526000,S,Buxton,28/10/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,22 Lauren Cl,3,h,,SP,Ray,28/10/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,31 Ayr St,3,h,1343500,S,Ray,28/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Benalong Ct,4,h,1500000,S,RT,28/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,27 Buckingham Cr,3,h,1490000,S,Noel,28/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,32 Koolkuna Av,4,h,1290000,S,Stockdale,28/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,6 Marshall Av,4,h,1340000,S,Philip,28/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,2/42 Windella Qd,4,t,1220000,VB,Jellis,28/10/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,271 Blackburn Rd,3,h,1155000,S,Barry,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,36 Gedye St,4,h,1105000,SP,Philip,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,23 Longstaff Ct,4,h,1450000,S,Jellis,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9 Pickering Pl,5,h,1250000,VB,Barry,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,55 Saxonwood Dr,3,h,1260000,VB,Jellis,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,78 Saxonwood Dr,3,h,1380000,S,Barry,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,345a Serpells Rd,4,t,1585000,S,Barry,28/10/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,45 Garden Rd,5,h,,SP,Barry,28/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,14 Langford Cr,3,h,950000,SP,Ray,28/10/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,17 Belmont Ri,4,h,590000,S,Morrison,28/10/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,2 Sunningdale Rd,4,h,550000,VB,RW,28/10/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,20 Warrawong Cct,3,h,695500,S,Love,28/10/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,34a Box St,3,u,512000,SP,O'Brien,28/10/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,7 Laurel Av,3,h,396000,SP,C21,28/10/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +East Melbourne,142 George St,3,h,2850000,S,Caine,28/10/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,3/10 Bank Rd,2,t,1000000,S,Thomson,28/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/62 Lochiel Av,3,h,1195000,SP,Ray,28/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,2/19 Rae Av,3,u,686000,S,hockingstuart,28/10/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,9/293 Kooyong Rd,2,u,560000,VB,hockingstuart,28/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/41 Nepean Hwy,1,u,380000,SP,hockingstuart,28/10/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,104 Bridge St,3,h,800000,PI,Morrison,28/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,36 Frank St,3,h,,S,Morrison,28/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,8 Ibsley Sq,3,h,960000,S,Fletchers,28/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,5/1174 Main Rd,2,h,636000,S,Jellis,28/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/1298 Main Rd,2,u,575000,S,Darren,28/10/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,20 Addison St,3,h,1640000,S,Chisholm,28/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/1 Glen Huntly Rd,2,u,800000,VB,Greg,28/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/6 Southey St,2,u,620000,SP,Buxton,28/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,2/37 Tennyson St,2,u,,PI,Purplebricks,28/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/1 Wimbledon Av,2,u,720000,VB,hockingstuart,28/10/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,4 Eildon Rd,4,h,,SP,O'Brien,28/10/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,5 Fetlock Pl,3,u,625000,S,HAR,28/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Lowalde Dr,3,h,620500,S,hockingstuart,28/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Minerva Ri,4,h,490000,SP,Iconek,28/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,104 Northumberland Dr,4,h,646000,S,HAR,28/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,111 Peppercorn Pde,4,h,656000,S,RW,28/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Shaftesbury Dr,3,h,470000,S,Millership,28/10/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,33 Amelia Av,4,h,1507000,S,Nelson,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,46 Lincoln Rd,4,h,1140000,S,Nelson,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,5a Mary St,2,u,880000,SP,Barry,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,108/1044 Mt Alexander Rd,1,u,345000,SA,McDonald,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,3/41 Nimmo St,2,u,501500,SP,Barry,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,132a Ogilvie St,4,h,1750000,S,Nelson,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,24A Richardson St,2,h,1153000,S,Nelson,28/10/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,55 Bulla Rd,2,h,750000,SP,Nelson,28/10/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Eumemmerring,6 Butler St,4,h,703000,S,C21,28/10/2017,3177,South-Eastern Metropolitan,845,28.8,Casey City Council +Fairfield,190 Arthur St,4,h,1900000,S,Jellis,28/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,1/117 Gillies St,2,t,910000,S,McGrath,28/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,17/262 Heidelberg Rd,2,u,550000,VB,Nelson,28/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,6/60 Rathmines St,2,u,795000,SP,Jellis,28/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,299 Station St,2,h,1428000,S,Love,28/10/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,155 Anderson Rd,3,h,745000,S,hockingstuart,28/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,5 Kiddle St,4,h,850000,S,Ray,28/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,11 Minona St,3,h,895000,S,hockingstuart,28/10/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,71 Burke Rd,4,h,960000,S,Noel,28/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,1/29 Forest Rd,2,u,530000,S,Stockdale,28/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,15 Renown St,3,h,718000,SP,Barry,28/10/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,221 Argyle St,2,h,1575000,S,Nelson,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,51 Bell St,3,h,1560000,PI,Nelson,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,257 George St,4,h,2200000,S,Nelson,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,45/183 Kerr St,2,u,,SP,Nelson,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,502/231 Moor St,1,u,840000,S,Nelson,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,73 Moor St,4,h,2070000,S,Nelson,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,22/26 Victoria St,2,u,660000,SP,Jellis,28/10/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,22 Falconer St,4,h,3935000,S,Nelson,28/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/682 Nicholson St,2,u,770000,S,MICM,28/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,558 Rae St,4,h,,S,Nelson,28/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,7/125 Rushall Cr,2,u,555000,S,Nelson,28/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,77 Scotchmer St,3,h,1260000,VB,Jellis,28/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,2 Tait St,3,h,1570000,S,Nelson,28/10/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,29 Eltham St,4,h,1600000,S,Nelson,28/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,53 Marshall St,3,h,1161000,S,Nelson,28/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,1 Norwood Pl,2,h,860000,SP,Nelson,28/10/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,838/18 Albert St,2,u,,VB,Village,28/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,50 Buckingham St,2,h,,VB,Village,28/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,11 Dawson Av,4,h,910000,PI,hockingstuart,28/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,21 Geelong Rd,2,h,1290000,S,Sweeney,28/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,18/20 Hewitt Av,3,t,815000,SP,Jas,28/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,5/34 Whitehall St,2,u,465000,S,hockingstuart,28/10/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,5 Hampshire Rd,3,h,,PN,Harcourts,28/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,8 Sapphire St,3,h,1100000,S,Noel,28/10/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,88 Franciscan Av,4,h,600000,PI,Barry,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Gladwyn Av,4,h,665000,S,Barry,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,103 Gould St,3,h,1497500,S,hockingstuart,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/37 Highview Rd,2,u,,SP,Asset,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,43 Highview Rd,3,h,800000,SP,Eview,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,13 Isabella Cr,4,h,670000,S,Ray,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,23 Manorwoods Dr,3,h,600000,PI,Barry,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,6 Meerlu Av,3,h,625000,S,Ray,28/10/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Gisborne South,31 Stanton Ct,3,h,930000,S,Raine,28/10/2017,3437,Northern Victoria,290,45.9,Macedon Ranges Shire Council +Gladstone Park,3 Finlay Cl,4,h,760000,S,Barry,28/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,63 Wolverton Dr,4,h,680000,SP,Raine,28/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,77 Wolverton Dr,3,h,665000,S,Barry,28/10/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,305/1177 Glen Huntly Rd,2,u,525000,SP,Woodards,28/10/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,3/37 Aintree Rd,2,u,698000,S,Noel,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,48 Alfred Rd,3,h,,SP,Jellis,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,1/5 Allenby Av,3,t,1410000,S,Jellis,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,17 Ashburton Rd,3,h,,S,Jellis,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2A Barbara Av,2,h,1055000,PI,Noel,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,6 Britten St,4,h,,S,Jellis,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,25 Charles St,4,h,2320000,S,Jellis,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,50 Gardiner Pde,5,h,,SN,J,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,10 Hilltop Av,4,h,2075000,PI,Marshall,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,12 Jesse St,5,h,,SN,RT,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,7 Louis St,3,h,,S,Jellis,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,24 Netherlee St,4,h,3650000,S,Marshall,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3 Wandeen Rd,4,h,5355000,S,Marshall,28/10/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,1 Aston Hth,3,h,1329000,S,Barry,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6/4 Bolan St,3,u,901000,PI,Harcourts,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,29 Chivalry Av,4,h,1156000,SP,Harcourts,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,15 Driftwood Dr,4,h,,PI,Ray,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2/16 Fraser St,3,t,970000,S,Buxton,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Hampton Ct,4,h,1300000,S,Ray,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Jordan Gr,4,h,1500000,S,Barry,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,34 Mannering Dr,4,h,1640000,SP,Harcourts,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Mulgrave St,4,h,1260000,S,Ray,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,11 Petter St,3,h,,PI,Barry,28/10/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,9 Kiama St,3,h,1000000,PI,Eview,28/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,56 Melbourne Av,3,h,865000,S,Barry,28/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,10 Morley St,3,h,780000,S,Raine,28/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/12 Rowan St,3,u,655000,S,Stockdale,28/10/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,10 Duranta Dr,1,h,290000,S,Nelson,28/10/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,3 Lilac Mw,4,h,790000,SP,Nelson,28/10/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,15 Rutherglen Cr,3,h,830000,S,Nelson,28/10/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,27 Booyan Cr,4,h,708000,PI,Darren,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,15 Liat Wy,4,h,920000,VB,Jellis,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,248 Nepean St,3,h,800000,S,Buckingham,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,26 Pamburra Ct,3,h,985000,S,Fletchers,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,20 Pembroke St,4,h,937000,S,Jellis,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,12 Plenty La,3,h,800000,S,Buckingham,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,86 Warralong Av,3,h,710000,VB,Jellis,28/10/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,38 Candlebark Dr,4,h,700000,SP,YPA,28/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,1/2 Pristine Dr,4,u,,PI,YPA,28/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Swinton Wy,6,h,1400000,PI,buyMyplace,28/10/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,58 Sutherland St,5,h,1077500,S,Stockdale,28/10/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,28 Walter St,2,h,665000,S,Eview,28/10/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hallam,14 Fitzgerald Rd,3,h,,PI,LJ,28/10/2017,3803,South-Eastern Metropolitan,3728,32.3,Casey City Council +Hampton,8 Conifer St,3,h,,S,Marshall,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2/8 David St,2,u,815000,PI,Buxton,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,10 Fewster Rd,4,h,2025000,S,hockingstuart,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/237 Hampton St,2,u,662000,SP,Nick,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4a Myrtle Rd,4,t,1750000,VB,HAR,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,1B Olive St,4,t,1750000,VB,Hodges,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,71 Orlando St,3,h,2670000,S,Buxton,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,25 The Avenue,4,h,2600000,S,Buxton,28/10/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,7/17 Keiller St,2,u,490000,S,Buxton,28/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,11b Kelly Av,4,t,1760000,S,Buxton,28/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,6/332 South Rd,2,u,505000,S,Hodges,28/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,15 Stonehaven Cr,4,h,1487000,S,Woodards,28/10/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,1 Ardene Ct,4,h,2725000,S,Marshall,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/136 Church St,2,u,815000,S,Marshall,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,2/1 Elm St,1,u,502000,S,Jellis,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,23 Elm St,4,h,2750000,VB,Jellis,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,502 Glenferrie Rd,4,h,,S,Marshall,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,10/574 Glenferrie Rd,2,u,,S,Marshall,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,12 Scotch Cct,3,h,1550000,PI,Marshall,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,6 Summerlea Gr,5,h,3800000,VB,Marshall,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,49/8 Wallen Rd,2,u,720000,PI,Jellis,28/10/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,17/5 Grandview Gr,2,u,775000,S,Bekdon,28/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,308/36 Lilydale Gr,1,u,,W,Barry,28/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,15/235 Riversdale Rd,2,u,515000,S,Fletchers,28/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,31 Roseberry St,3,h,1500000,VB,Marshall,28/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,4/524 Tooronga Rd,3,u,1200000,PI,Jellis,28/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,17 Westley St,3,h,1350000,VB,Marshall,28/10/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,9 Byng Av,3,h,785000,S,Thomson,28/10/2017,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heathmont,7 Campbell St,3,h,1070000,S,Fletchers,28/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,6 Orchard Gr,4,h,900000,SP,Barry,28/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heathmont,18 Possum La,5,h,960000,SP,Barry,28/10/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,1/52 Banksia St,2,t,694000,S,Nelson,28/10/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,10 Learmonth St,4,h,1330000,VB,Miles,28/10/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,2/100 Edwin St,2,t,,SP,Jellis,28/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,47 Lloyd St,4,h,900000,VB,Nelson,28/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,103 Porter Rd,2,h,602000,S,Jellis,28/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,4 Shelley St,3,h,,PI,William,28/10/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,2/4 Ambon Ct,2,u,,S,Miles,28/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,37 Bardia St,3,h,,SP,William,28/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,331 Liberty Pde,3,h,731000,S,Ray,28/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,3/16 North Cr,2,u,545000,S,Nelson,28/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,11 Wau St,3,h,730000,VB,Miles,28/10/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,7 Albert St,2,h,,S,RT,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,24 Ashwood Av,4,h,1563000,S,Buxton,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/2 Fuge St,3,u,847000,S,Buxton,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2 George St,4,h,1330000,S,Buxton,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,8 Monamie Av,2,h,900000,PI,Charlton,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/1149 Nepean Hwy,3,t,822000,S,Buxton,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,39 Nicol St,4,h,1340000,S,Buxton,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,72 Rowans Rd,4,h,,SN,Nick,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,14/57 Tibrockney St,2,u,735000,S,Hodges,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,24 View St,5,h,1776000,S,Hodges,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,188 Wickham Rd,3,h,1100000,S,Obrien,28/10/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,12/3 Gourlay Rd,2,u,391000,S,Barry,28/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,5 Palm Cl,4,h,681000,S,Barry,28/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,13 Penshurst Ct,4,h,682100,S,HAR,28/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,8 Rodmar Cl,4,h,,PI,Prof.,28/10/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,13 Banksia Cr,3,h,500000,SA,Ray,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Clay Av,3,h,525000,SP,Greg,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,50 Hotham Cr,4,h,,SN,LJ,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,13 Lamb Gr,4,h,595000,SP,Barry,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Lisa Ct,4,h,470000,S,Barry,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Melaleuca Dr,3,h,515000,SP,Barry,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Victor Ct,4,h,593000,S,Ray,28/10/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,76 Dallas Av,4,h,,S,Marshall,28/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1/602 Neerim Rd,2,u,810000,S,Ray,28/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,1A Rugby Rd,3,h,1480000,S,Woodards,28/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Hughesdale,24 Willesden Rd,3,h,1181000,S,Woodards,28/10/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,27 Garnett St,3,h,1000000,PI,Ray,28/10/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,83 Beatty St,4,h,1300000,VB,Nelson,28/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,13 Forster St,3,h,,S,Nelson,28/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/7 Ivanhoe Pde,2,u,931000,S,Miles,28/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,90 Ivanhoe Pde,4,h,,SP,Miles,28/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/51 Locksley Rd,2,t,,S,Nelson,28/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,2/8 Oriel Rd,2,t,,SP,Miles,28/10/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,250 The Boulevard,4,h,2010000,S,Nelson,28/10/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Ivanhoe East,43 Wilfred Rd,3,h,1750000,VB,Nelson,28/10/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,2 Bannister St,4,h,616000,S,YPA,28/10/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,52 Emu Pde,3,h,,SN,Can,28/10/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,22 Karina Ct,4,h,1210000,SP,Brad,28/10/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,12 Santos Ct,3,h,671000,S,Prof.,28/10/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,35 Stockwell Cr,4,h,900000,PI,Brad,28/10/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,1/6 Cohen St,3,t,786000,S,Moonee,28/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,17 Keith Gr,3,h,1095000,S,Nelson,28/10/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,2 Eaglefarm Ct,3,h,770000,S,Barry,28/10/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,56 Collett St,4,h,1650000,S,Nelson,28/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,18 Drury St,3,t,850000,VB,Nelson,28/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,111/465 MacAulay Rd,1,u,,SP,LITTLE,28/10/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1 Belmont Av,6,h,,S,Marshall,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,6 Birrell Ct,4,h,2625000,S,RT,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/7 College Pde,3,u,807500,SP,Marshall,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,123 Edgevale Rd,4,h,,S,Marshall,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/9 Henry St,3,u,,SP,Miles,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,30 Hillcrest Av,3,h,2720000,S,RT,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,2/12 Hope Ct,2,u,780000,S,Nelson,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Normanby Rd,5,h,2320000,SP,Ray,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,38 Normanby Rd,4,h,,VB,Jellis,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,68 Pakington St,3,h,1752000,S,Jellis,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,4/56 Princess St,2,u,671000,SP,Jellis,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,117 Wellington St,4,h,,S,Marshall,28/10/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,18 Bennett Pde,3,h,1845500,S,Noel,28/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,2 Coleman Av,4,h,,SP,Marshall,28/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,15 Namur St,3,h,1775000,PI,Noel,28/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,41 White Av,5,h,2375000,VB,Jellis,28/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,3/33 Woodlands Av,3,t,,SP,Fletchers,28/10/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,37 Petunia Dr,4,h,,SS,Barry,28/10/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,4 Woollahra Av,4,h,727000,S,O'Brien,28/10/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,148 Lomond Av,3,h,651000,S,Philip,28/10/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsbury,2/4 Bradshaw St,1,u,355000,SP,Ray,28/10/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsbury,5/8 Oconnell St,1,u,350000,S,Barry,28/10/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,20 Chirnside St,3,h,1180000,SP,Greg,28/10/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,93 Chirnside St,3,h,1170000,S,hockingstuart,28/10/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,182 Queensville St,2,h,860000,SP,Sweeney,28/10/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,7 Hiraji St,3,h,330000,SP,Raine,28/10/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,5 Playfield Ct,5,h,,SN,Pavilion,28/10/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,4 Poseidon St,3,h,389000,S,O'Brien,28/10/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Laverton,2 Goble St,3,h,656000,S,Barry,28/10/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lynbrook,18 Rowcroft Av,3,h,630000,S,LJ,28/10/2017,3975,South-Eastern Metropolitan,2322,33.8,Casey City Council +MacLeod,30 Dunvegan Cr,3,h,770000,VB,Fletchers,28/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1 Hooper St,3,h,810000,S,Miles,28/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,52 Joynt St,3,h,1210000,S,Miles,28/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,11/40 Springthorpe Bvd,2,t,671000,S,Morrison,28/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,1/30 Strathallan Rd,2,u,630000,S,Darren,28/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,8/30 Strathallan Rd,2,u,660000,S,Ray,28/10/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,2 Omar St,4,h,1190000,S,Biggin,28/10/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,39 Cawkwell St,3,h,,S,Jellis,28/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,390 Glenferrie Rd,5,h,,S,RT,28/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,46 Horace St,4,h,,S,Jellis,28/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,9 Horace St,3,h,,VB,Jellis,28/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,19 Raleigh St,3,h,1985000,S,Jellis,28/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,21 Wheatland Rd,3,h,,S,RT,28/10/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,44 Brunel St,3,h,1740000,S,Domain,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,8 Ellison St,3,h,1479000,S,Fletchers,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,18 Ferncroft Av,3,h,,S,Marshall,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,14 Fountaine Av,4,h,2090000,S,Marshall,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,33 Grant St,5,h,6125000,S,Marshall,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,5 Lloyd St,4,h,,SN,RT,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1977 Malvern Rd,3,h,1700000,VB,Marshall,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,11 Millewa Av,3,h,2100000,S,Noel,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,21 Nirvana Av,4,h,,VB,Marshall,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Warley Rd,4,h,,S,Jellis,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,447 Wattletree Rd,5,h,5100000,S,Jellis,28/10/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,31 Ibis Pl,3,u,750000,VB,Dingle,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,8A Ibis Pl,3,t,,PN,McDonald,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,26 Oakland St,4,h,1765000,S,Rendina,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,9 Pier La,4,t,1101000,SP,Pagan,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,35 Saltwater Cr,3,h,1101000,S,Woodards,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,52/4 Wests Rd,2,u,415000,S,Biggin,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,37 Woodruff Av,5,h,1330000,SP,hockingstuart,28/10/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,2b Elm Gr,2,u,651000,PI,Jellis,28/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,7 Malacca St,5,h,1860000,PI,Buxton,28/10/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,5a White Ct,3,u,460000,S,Jason,28/10/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,5b White Ct,2,u,363500,S,Jason,28/10/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,506/23 Queens Rd,2,u,648000,S,Dingle,28/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,906/1 Roy St,2,u,730000,VB,Marshall,28/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,3911/220 Spencer St,2,u,,SP,Pagan,28/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,21/449 St Kilda Rd,3,u,865000,S,hockingstuart,28/10/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,22 Cassia Rd,3,h,,PI,Raine,28/10/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,16 Bennett St,3,h,393000,S,Raine,28/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,1 Bligh St,3,h,413000,S,Raine,28/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,22 Hume Av,4,h,540000,S,Reliance,28/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,34 Manson Dr,3,h,477500,S,hockingstuart,28/10/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,30 Hilton Wy,3,h,375000,S,Ryder,28/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,3 Tania Pl,3,h,,PI,Ryder,28/10/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1A Brindisi St,5,h,2000000,VB,Buxton,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,7/3 Childers St,1,u,385000,S,O'Brien,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,9 Coolabah St,3,h,1165000,S,hockingstuart,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,23 Gainsborough Rd,4,h,1470000,S,O'Brien,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,46 Marina Rd,4,h,,S,Buxton,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4/46 Plummer Rd,3,u,650000,VB,Hodges,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,11/81 Warrigal Rd,1,u,430000,SP,Greg,28/10/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,33 Craigmoor Cr,4,h,609000,S,HAR,28/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Haig St,4,h,622000,S,Ray,28/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,4 Kilburnie Dr,4,h,,PI,HAR,28/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,25 Leonardo Dr,4,h,613000,S,Stockdale,28/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,50 Riverdale Bvd,4,h,840000,S,HAR,28/10/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,19 Delson Wy,4,h,541000,SP,YPA,28/10/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Middle Park,6/267 Beaconsfield Pde,3,u,1005000,S,hockingstuart,28/10/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,71 Canterbury Rd,4,h,,S,Marshall,28/10/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,43 Nimmo St,4,h,1835000,PI,Marshall,28/10/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,57 Park Rd,4,h,,S,Greg,28/10/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,8/45 Ancona Dr,3,t,561000,S,Love,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Blamey Av,3,h,726000,S,Love,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,12 Bradley Dr,3,h,744000,S,Barry,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Buckmaster Dr,5,h,650000,VB,The,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Carlita Cl,5,h,800000,S,Barry,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3 Essue Ct,3,h,625000,S,Love,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Farnham Cr,4,h,750500,S,Ray,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,7 Galilee Cr,4,h,688000,S,Ray,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Higgs Av,3,h,705000,S,Millership,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Higgs Av,4,h,720000,SP,HAR,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,16 Hurlstone Cr,3,h,755000,S,HAR,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,98 Pindari Av,4,h,705000,S,Stockdale,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,20/2 Stillman Dr,3,u,467000,S,Barry,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Viewbank Pl,4,h,654000,S,RW,28/10/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,62 Brunswick Rd,3,h,1050000,PI,Noel,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/37 Carween Av,3,u,910000,S,Noel,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/8 Coppin Cl,2,u,721000,S,Philip,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,20 Harrison St,16,h,5000000,S,Buxton,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,506 Mitcham Rd,3,h,1370000,S,Fletchers,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3 Nara Rd,5,h,1230000,PI,Noel,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,3/13 Premier Av,3,t,1118000,S,Barry,28/10/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2 Beresford St,5,h,1390000,S,hockingstuart,28/10/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,4 Harriett Cr,3,h,1520000,S,Jellis,28/10/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,8/17 Wolseley Cl,2,u,550000,VB,Jellis,28/10/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,1/16 Calrossie Av,3,h,776500,S,Morrison,28/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,2/19 Calrossie Av,3,h,1210000,PI,Jellis,28/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,3/96 Para Rd,3,u,627500,S,Jellis,28/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,11 Ryrie Ct,4,h,1375000,S,Morrison,28/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,20 Station Rd,3,h,941000,S,Jellis,28/10/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,1/14 Ardmillan Rd,2,u,601000,S,Brad,28/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,4 Eglinton St,3,h,1635000,S,Avion,28/10/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,28 Fiddes St,4,h,1380000,S,Buxton,28/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,28 Franklin St,3,h,1050000,S,Jellis,28/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,14 Grandview Gr,3,h,1305000,S,Buxton,28/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,42 Grandview Gr,4,h,1440000,S,Charlton,28/10/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,2 Darnley Wy,4,h,,VB,Fletchers,28/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Esther Cr,3,h,870000,PI,McGrath,28/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,74 Partridge Wy,5,h,906000,S,Jellis,28/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,90 Partridge Wy,4,h,,SP,Fletchers,28/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,10 Woodville Rd,3,h,,VB,Fletchers,28/10/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,3/3 Albert St,3,t,870000,S,Hodges,28/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,85C Chute St,3,t,792000,S,O'Brien,28/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9 Verbena St,3,h,1351000,S,Thomson,28/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,9 Waratah Av,4,h,1350000,PI,O'Brien,28/10/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,40 Catherine Av,3,h,1190000,S,Harcourts,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/5 Dorgan St,2,h,750000,S,Harcourts,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Gross Ct,5,h,1696000,S,McGrath,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,364 Highbury Rd,5,h,2105000,PI,Jellis,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,70 Leeds Rd,4,h,,S,RW,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Pall Mall,3,h,,PI,Buxton,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Pascall St,4,h,,S,Noel,28/10/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,8 Lotus Cr,4,h,1028000,S,Barry,28/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,27 Newport Dr,3,h,678000,S,Win,28/10/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,319 Murrumbeena Rd,3,t,951000,S,Jellis,28/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5/5 Murrumbeena Rd,2,u,,PI,Jellis,28/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,23 Swan Rd,3,h,1720000,S,Buxton,28/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,15 Winston Wy,3,h,1610000,SP,Woodards,28/10/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,1/13 Nandina Rd,3,u,398000,S,FN,28/10/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,299 Douglas Pde,3,h,960000,PI,Raine,28/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,19 Hobson St,3,h,380000,S,McGrath,28/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,44A Maddox Rd,3,h,932000,SP,RT,28/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,105 Mason St,4,h,1400000,VB,Greg,28/10/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,46 Muriel St,3,h,1230000,PI,Nelson,28/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,59 Nolan St,4,t,1190000,S,Barry,28/10/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1/19 Agnes St,3,t,,PN,iSell,28/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,8 Birrong Av,3,h,,SN,C21,28/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,17 Bowmore Rd,3,h,725000,S,Harcourts,28/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,4 Causon Ct,3,h,635000,S,McLennan,28/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,55 Gatcum Ct,3,h,790000,S,Barry,28/10/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,7 Haines St,3,h,1550000,VB,Jellis,28/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,12/70 Oshanassy St,2,u,,S,Jellis,28/10/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Warrandyte,11 Valias St,2,h,698000,S,Gardiner,28/10/2017,3113,Eastern Metropolitan,1058,21.1,Nillumbik Shire Council +Northcote,62 Andrew St,3,h,,SP,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/105 Arthurton Rd,2,t,865000,S,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/105 Arthurton Rd,2,t,843000,S,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,67 Arthurton Rd,2,h,1175000,S,Nelson,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16B Balgonie Pl,3,h,1400000,PI,Love,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2 Balgonie Pl,2,h,,PI,Domain,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,195 Bastings St,4,h,1620000,S,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,112 Hawthorn Rd,3,h,1050000,VB,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Oamaru St,4,h,2250000,S,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,197 Separation St,3,h,1150000,VB,Nelson,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Thames St,4,h,2295000,S,Jellis,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,9/9 Walker St,1,u,381500,SP,Nelson,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,7 Wilmoth St,5,h,2210000,S,McGrath,28/10/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,121 Esdale St,3,h,1491000,S,Fletchers,28/10/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,5 MacEdon Ct,3,h,1200000,S,Fletchers,28/10/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,21 Nicholson St,4,h,1237000,S,Philip,28/10/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/35 Cartwright St,3,u,660000,PI,Brad,28/10/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,54 Haughton Rd,4,h,985000,S,Gary,28/10/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,15 MacRina St,5,h,1225000,PI,Barry,28/10/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,1/49 MacRina St,4,t,911000,S,Buxton,28/10/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,4 Angus Ct,4,h,986000,S,Ray,28/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,15 Barkers St,3,h,1000000,S,Buxton,28/10/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,9b Bewdley St,4,t,,VB,Jellis,28/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,2/20 Foch St,3,u,1125000,S,Jellis,28/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,57 Malane St,4,h,1510000,S,Buxton,28/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,29 Murray Rd,3,h,,S,Buxton,28/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,4/4 Ulupna Rd,3,u,990000,PI,Gary,28/10/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Pakenham,9 Colonial Wy,5,h,490000,S,FN,28/10/2017,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,37 Bethell Av,4,h,1875000,S,Buxton,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/32 Elliot St,2,t,790000,S,Buxton,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,6 Elm Gr,3,h,1610000,S,hockingstuart,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,42B Evan St,2,t,677000,S,Hodges,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Greenways Ct,4,h,1270000,VB,Hodges,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Keith St,3,h,1400000,S,Hodges,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2/8 Margaret St,3,t,775000,PI,Barry,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,3/26 Olive Gr,2,u,520000,S,Buxton,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,8 Stewart Av,4,h,,VB,Buxton,28/10/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,2/85 Manningham St,4,h,1150000,PI,Woodards,28/10/2017,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,3/2 Colorado St,3,u,745000,S,Nelson,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/210 Cumberland Rd,3,h,,PI,Ray,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/160 Derby St,3,t,710000,SP,hockingstuart,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,69 Derby St,4,h,890000,S,Brad,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/71 Kent Rd,3,t,740000,S,Nelson,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,5/48 Railway Pde,3,t,734000,S,Brad,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3 Shedden St,4,h,1100000,PI,Nelson,28/10/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,62 Kurrawa Cr,3,h,659000,S,Ray,28/10/2017,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,52 Alamanda Bvd,4,h,773000,S,MICM,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,44 Brownlow Dr,4,h,617500,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,18 Corboy Cl,3,h,476500,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,13 Emily Cr,3,h,590000,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,29 Emily Cr,3,h,606000,SP,Point,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,34 Featherbrook Dr,4,h,490000,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,13 Kingsley Av,4,h,725000,S,LJ,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,46 Ladybird Cr,4,h,771000,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,19 Tobago Av,3,h,753000,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,59 Victorking Dr,3,h,608000,S,hockingstuart,28/10/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,504/88 Beach St,3,u,,SP,Biggin,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,1 Coogee Pl,3,h,2200000,S,Biggin,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,10 Crichton Av,3,h,,SP,Buxton,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,87 Cruikshank St,3,h,1920000,S,Marshall,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,168 Dow St,5,h,,SN,Chisholm,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,223 Esplanade Pl,3,h,1930000,S,Marshall,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,14/1 Graham St,1,u,585000,S,Chisholm,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,15/6 Graham St,2,u,880000,SP,Buxton,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11 Heath St,2,h,,S,Greg,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,6/53 Johnston St,2,u,985000,SP,Buxton,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,220 Nott St,3,h,1585000,S,Marshall,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,349 Princes St,2,h,,VB,Greg,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,4/3 Seisman Pl,1,u,542000,S,Marshall,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,58/3 Seisman Pl,1,u,571000,SA,Barry,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,2/74 Stokes St,1,u,,SP,Cayzer,28/10/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,30 Chatsworth Rd,3,h,1960000,S,Jellis,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,9 Harvey St,2,h,1300000,PI,Marshall,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/330 High St,1,u,418000,SP,hockingstuart,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,40 Irving Av,2,h,,S,hockingstuart,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,17 Larnook St,4,h,,PI,Purplebricks,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,5/5 Lewisham Rd,1,u,592000,S,hockingstuart,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/30 Williams Rd,1,u,,S,hockingstuart,28/10/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,148 Albert St,3,h,833000,S,Stockdale,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,30 Beauchamp St,4,h,1165000,S,Nelson,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,10 Devon St,4,h,1040000,S,Harcourts,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,27 Grange St,2,h,935000,SA,Benchmark,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2/4 Josephine Gr,3,h,700000,PI,Woodards,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,648 Plenty Rd,2,h,960000,SP,Love,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Robeson St,3,h,,S,Nelson,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,136B Tyler St,3,h,,SN,Love,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,16/24 Tyler St,3,u,510000,PI,hockingstuart,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,24a Tynan St,3,t,1171000,PI,Nelson,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,268 Wood St,4,h,1205000,S,Nelson,28/10/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,2 Bowen Cr,4,h,2980000,S,Nelson,28/10/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Princes Hill,201 McIlwraith St,3,h,1150000,VB,Nelson,28/10/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Princes Hill,336 Pigdon St,2,h,1600000,S,Woodards,28/10/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Princes Hill,209 Richardson St,2,h,938000,S,Collins,28/10/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,3/10 Ingrams Rd,3,u,605000,S,Fletchers,28/10/2017,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Research,15 Valley Rd,3,h,720000,S,Jellis,28/10/2017,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,19 Bartrop St,4,h,1210000,S,Nelson,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/38 Bartrop St,3,t,620000,PI,Melbourne,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,60 Carrington Rd,3,h,907000,S,Nelson,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/54 Cheddar Rd,3,t,600000,VB,Nelson,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/5 Dunolly Cr,2,t,595000,S,Love,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/5 Haig St,2,h,579000,S,Nelson,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/46 Howard St,2,h,690000,S,Haughton,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,8 Jeffrey St,4,h,1181000,S,Barry,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3 Joan Ct,3,h,725000,S,Ray,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,124 Leamington St,4,h,925000,S,Harcourts,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,10 Manoel Av,4,h,980000,PI,Ray,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Marchant Av,3,h,981000,S,Barry,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Ramleh Rd,3,h,795000,PI,The,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,17 Ramleh Rd,3,h,750000,PI,Ray,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/100 Rathcown Rd,3,t,732500,S,HAR,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,22 Rubicon St,3,h,1110000,S,RW,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/14 Suffolk St,2,u,440000,PI,Morrison,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,42B Whitelaw St,3,t,720000,S,HAR,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,78 Wilson Bvd,4,h,950000,S,Barry,28/10/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,2b Hodgson Tce,2,h,,VB,Jellis,28/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,11 Judd St,2,h,1250000,SP,Biggin,28/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,56 Lincoln St,3,h,915000,S,Collins,28/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,402/2 McGoun St,1,u,,PI,Peter,28/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/69 Palmer St,2,u,660000,S,hockingstuart,28/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,8 Stanley St,3,h,,VB,Jellis,28/10/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,10 Lauriston Ct,4,h,926000,S,Carter,28/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,25 Sonia St,4,h,,PI,Philip,28/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,51 Thomas St,5,h,,PI,Barry,28/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,8 Wantirna Rd,3,h,1180000,S,Fletchers,28/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,1/66 Warrandyte Rd,2,h,725000,S,Carter,28/10/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,71A Dublin Rd,3,h,914888,S,Philip,28/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,1/9 Freeman St,3,h,726000,SP,Barry,28/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7 Miller Gr,3,h,1066000,S,iTRAK,28/10/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,7 Leura Av,3,h,1050000,VB,Miles,28/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,7 Longview Pde,3,h,1080000,VB,Nelson,28/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,29 Millicent St,3,h,1402000,S,Miles,28/10/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,12 Fowler Rd,4,h,,PI,Barry,28/10/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,14 Esla Dr,4,h,,W,FN,28/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,56 Kennedy Pde,3,h,522500,S,Ray,28/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Manton Pl,4,h,477000,S,Raine,28/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,28 Saunders Ct,3,h,550000,S,Raine,28/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Thomas St,7,h,860000,S,RW,28/10/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandhurst,7 Nolan Ct,5,h,,SP,McLennan,28/10/2017,3977,South-Eastern Metropolitan,1721,34.7,Frankston City Council +Sandringham,55 Abbott St,4,h,4600000,PI,Marshall,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/17 Gladstone St,3,u,1235500,S,RT,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,35 Gladstone St,4,h,2750000,VB,Buxton,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,4 Keats St,4,h,,SP,hockingstuart,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,5/55 Royal Av,3,u,1260000,S,hockingstuart,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,68 Sandringham Rd,3,h,1555000,PI,Buxton,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,31 Tennyson St,3,h,1918000,S,Buxton,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,2/87 Vincent St,3,t,1191500,S,Buxton,28/10/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,25 Fellowes St,3,h,,SN,Barry,28/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,27 Fellowes St,3,h,,SN,Barry,28/10/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,118 Albert St,3,h,,VB,Village,28/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,34 Hotham St,2,h,,S,Fletchers,28/10/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,50 Greene St,3,h,1320000,SP,Village,28/10/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,366 Albert Rd,3,h,,SP,Marshall,28/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,603/148 Wells St,3,u,,S,Greg,28/10/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,2 Bethany Ct,3,h,611000,S,Millership,28/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Kumara Cct,4,h,620000,S,Millership,28/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18/3 Old Plenty Rd,3,u,471000,S,HAR,28/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,5 Snapdragon St,3,h,433500,S,HAR,28/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,12 The Terrace,4,h,,PI,HAR,28/10/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,25A Albion St,3,h,1700000,VB,Marshall,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,24B Argo St,2,h,1350000,S,hockingstuart,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/50 Arthur St,3,h,1600000,VB,hockingstuart,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,4/23 Avoca St,1,u,,VB,Hodges,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/55 Caroline St,1,u,385000,S,Williams,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,28 Clara St,3,h,,SP,Jellis,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/17 Como Av,3,t,,S,RT,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,30 Darling St,7,h,,VB,Kay,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,53 Leopold St,2,h,2200000,PI,Marshall,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,32 Nicholson St,3,h,2400000,S,Jellis,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,6/813 Punt Rd,1,u,375000,S,hockingstuart,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,90 River St,3,h,2300000,SP,Marshall,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/37 Rockley Rd,2,u,792000,S,Jellis,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,34 Tyrone St,2,h,,S,hockingstuart,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,14/219 Williams Rd,1,u,340000,VB,Greg,28/10/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Spotswood,162 Hudsons Rd,4,h,,SP,hockingstuart,28/10/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Spotswood,204/88 Hudsons Rd,1,h,,SP,hockingstuart,28/10/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +Springvale,2 Dickie Ct,3,h,,SN,Woodards,28/10/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,61 Grace St,3,h,,PI,LJ,28/10/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,59 Victoria Ct,3,h,930000,S,iSell,28/10/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,1/48 MacKay St,2,u,520000,SP,Le,28/10/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,25 Anna St,3,h,600000,PI,Sweeney,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,54 Clarke Av,2,h,460000,SP,Sweeney,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,6 Emily St,3,h,730000,S,Barry,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,100 George St,3,h,785000,S,Barry,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,98 George St,4,h,737000,S,Barry,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/39 Glendenning St,3,u,,PI,YPA,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,36 Grace St,3,h,570000,S,Barry,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,1/27 Grant St,3,u,360000,S,Nelson,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,61 Stradbroke Dr,3,h,,PI,Homes,28/10/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,6/220 Barkly St,2,u,587000,S,McGrath,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/88 Barkly St,2,u,,S,hockingstuart,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/11 Burnett St,1,u,467500,SP,Wilson,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/15 Burnett St,2,u,630000,S,Wilson,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,22 Charles St,4,h,1630000,SP,Buxton,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,58 Octavia St,3,h,2100000,VB,The,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/5 Robertson Av,2,u,,S,Hodges,28/10/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,6 Balmanno Cr,4,h,1960000,S,Hodges,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,52a Carnarvon Rd,4,h,1470000,S,Nelson,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,42A Dublin Av,4,h,,SP,Considine,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,32A Hillsyde Pde,4,h,1370000,S,Nelson,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,18 Houston Av,4,h,1610000,S,Nelson,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,43A Lebanon St,3,h,880000,S,Considine,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/17 Mascoma St,2,u,674000,S,Nelson,28/10/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,3 Baggygreen St,3,h,566000,S,Brad,28/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Fairbairn Gr,4,h,650000,S,Raine,28/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,5 Fenchurch St,4,h,711000,S,Leading,28/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,3 Ferris St,3,h,435000,S,YPA,28/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,14 Gowrie Ct,3,h,530000,S,YPA,28/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,14 Hogan St,4,h,475000,S,Raine,28/10/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,13 Centre St,3,h,1000000,S,Douglas,28/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,25 McIntosh St,3,h,761000,S,Bells,28/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,10 McKay St,4,h,1050000,SP,Jas,28/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,5 Thomson St,3,h,786000,S,GL,28/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,34 Union St,3,h,693000,S,GL,28/10/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,66 Bardsley St,3,h,710000,S,Bells,28/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1 Diana Dr,3,h,770000,S,Jellis,28/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,57 Murray St,3,h,765000,SP,hockingstuart,28/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,1/40 Nicholson Pde,4,h,427000,SP,Gellibrand,28/10/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,20 Balmoral Cr,4,h,,S,Fletchers,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2 Elwood St,5,h,2325000,VB,Jellis,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Empress Rd,4,h,3000000,VB,Jellis,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,68 Guildford Rd,5,h,2900000,VB,Marshall,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,4/44 Kingston Rd,2,u,645000,S,Fletchers,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,9A Langford St,3,h,,S,Fletchers,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Middlesex Rd,5,h,3340000,S,Marshall,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,96 Middlesex Rd,4,h,,S,Marshall,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,21 Park Rd,4,h,,SP,Jellis,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/3 Payne St,2,h,825000,S,Jellis,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,7 Sythney Ct,4,h,2100000,S,Jellis,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,180 Union Rd,5,h,3650000,SP,Jellis,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,74 Union Rd,4,h,2725000,S,Noel,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/51 Wandsworth Rd,3,h,1745000,S,Marshall,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,1/23 Warrigal Rd,2,u,814000,S,Noel,28/10/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,73 Roseleigh Bvd,5,h,645000,S,Barry,28/10/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,13 The Esplanade,2,t,445000,S,Prof.,28/10/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,10 Grassdart St,3,h,525000,SP,Triwest,28/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,7/83 Inverell Pky,2,h,,PI,hockingstuart,28/10/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,9 Glenelg Bvd,4,h,790000,PI,Sweeney,28/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,6 Kirribilli Bvd,3,h,763000,S,YPA,28/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,9 Lucas Tce,3,h,610000,S,Barry,28/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,18 Shearwater Ct,4,h,692000,S,Barry,28/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,10 York Cl,4,h,640000,S,HAR,28/10/2017,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,5 Aloha Gdns,4,h,1300000,VB,Jellis,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,1/66 Anderson St,4,h,1290000,S,Barry,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2/66 Anderson St,4,t,1326000,S,Woodards,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,15 Helmsdale Rt,4,h,1200000,VB,Jellis,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,32 Hillhouse Rd,4,h,1200000,VB,Purplebricks,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2 Kolor Wy,4,h,1700000,S,Jellis,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,31 Lawanna Dr,4,h,1450000,PI,Barry,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,13 The Grange,4,h,1240000,S,Jellis,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,2 Wallmah Cl,4,h,1275000,VB,Barry,28/10/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,3H Ashford St,3,h,1020000,S,Fletchers,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,8 Chatsworth Qd,3,h,,S,Darren,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,26 Gertrude St,4,h,1321000,S,Barry,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,2 Ians Gr,4,h,1301000,PI,Barry,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,20 Olympus Dr,3,h,1050000,S,Jellis,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,7 Sassafras Dr,6,h,1710000,S,Jellis,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,4 Sylvia St,4,h,,PI,Ray,28/10/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,25 Carrington Bvd,3,h,716000,S,Love,28/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,168 Edgars Rd,3,h,672000,S,Love,28/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,22/20 Spring St,2,u,397500,S,HAR,28/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,14 Uplands Pl,3,h,,PI,Love,28/10/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,15 Alston St,2,h,1170000,S,Nelson,28/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/99 Ballantyne St,1,u,372000,S,McGrath,28/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,219a Gooch St,2,t,785000,SP,McGrath,28/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,275A Gooch St,3,h,860000,S,Nelson,28/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,182 Normanby Av,2,h,972000,SP,Woodards,28/10/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2 Blackfriars Cl,3,h,,SN,Shape,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,22 Carters Av,3,t,1900000,PI,Jellis,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,7 Lisbuoy Ct,5,h,,SN,RT,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,26 Ross St,3,h,,S,Marshall,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,13/21 Tintern Av,2,u,610000,VB,Marshall,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,17 Toorak Av,4,h,,S,Marshall,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/669 Toorak Rd,3,u,2600000,VB,Sotheby's,28/10/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,1/15 Banksia Gr,3,t,650000,PI,Considine,28/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,3/49 Waratah Av,3,u,527000,S,YPA,28/10/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,19 Adele St,3,h,1150000,VB,Noel,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,1 Batman Ct,4,h,,SN,Harcourts,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,93 Betula Av,3,h,1070000,S,MJ,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,3/696 Canterbury Rd,3,t,900000,S,Hoskins,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,5 Judy Ct,4,h,1133000,S,Philip,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,2 Kooroora Ct,4,h,,SN,Harcourts,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,10 Woodcrest Rd,3,h,1060000,PI,Noel,28/10/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,5 Bundarra Ct,4,h,1122000,S,Ray,28/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,107 Weeden Dr,4,h,1500000,PI,Barry,28/10/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +viewbank,1/95 lyon Rd,3,t,885000,SP,Ray,28/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,80 Castleton Rd,3,h,820000,VB,Miles,28/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9/111 Martins La,3,u,,PI,Jellis,28/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,14 Somerset Dr,4,h,980000,S,Miles,28/10/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,17 Sinclair Ct,3,h,484000,S,Barry,28/10/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,2 Prenton Ct,4,h,952000,S,Barry,28/10/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,2/10 Monaro Cl,3,u,,PN,Prof.,28/10/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,17 Gabonia Av,5,h,,PI,Barry,28/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/15 Kenmare St,3,t,695000,S,Harcourts,28/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,1/26 Lambourn Rd,3,h,740000,S,Jellis,28/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,15 Rushworth St,2,h,885000,S,Buckingham,28/10/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Werribee,329 Heaths Rd,3,h,,PI,hockingstuart,28/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,66 Loyola Rd,3,h,480000,S,PRDNationwide,28/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,114 Market Rd,3,h,441000,SP,YPA,28/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,28 Mirabella Cl,5,h,575000,PI,Ray,28/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,11 Persimmon Pl,4,h,645000,SP,Greg,28/10/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,101 Alma St,4,h,1600000,VB,Biggin,28/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,2/604 Barkly St,3,t,700000,VB,Jas,28/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,702 Barkly St,3,h,881000,S,Hodges,28/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,65 Pitt St,3,h,871000,S,Purplebricks,28/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,18 Rupert St,2,h,1025000,S,hockingstuart,28/10/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,220 Adderley St,4,h,1230000,S,Collins,28/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,5/33 Jeffcott St,1,u,520000,S,MICM,28/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +West Melbourne,191 Stanley St,3,h,1190000,S,hockingstuart,28/10/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,11 Erinbank Cr,3,t,490000,S,YPA,28/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,7 Gunn Ct,3,h,625000,S,Raine,28/10/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,13 Adam Av,4,h,1235000,S,hockingstuart,28/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,6 Wilton Cr,4,h,,VB,Fletchers,28/10/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,10 Spoonbill Cl,4,h,615000,S,Reliance,28/10/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,59 Albert St,3,h,1460000,S,Sweeney,28/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,18 Cecil St,3,h,1651000,S,Sweeney,28/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 Courtis St,3,h,1690000,S,Williams,28/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,69 Hannan St,3,h,1777000,S,Williams,28/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,14 Hosking Ct,3,h,1260000,S,Williams,28/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12 Macquarie St,4,h,1665000,S,Sweeney,28/10/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,83 Henry St,3,h,1900000,VB,hockingstuart,28/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,9/28 Lewisham Rd,1,u,370000,VB,LITTLE,28/10/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,31 Evolve Esp,4,h,600000,S,HAR,28/10/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,28 Millewa Wy,3,h,440000,SP,YPA,28/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,10 Oxford Wy,3,h,470000,S,YPA,28/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,13 Provan Dr,3,h,468000,S,hockingstuart,28/10/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yarraville,9 Banool Av,3,h,,SP,Jas,28/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,35 Bena St,3,h,985000,SP,Jas,28/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,19 Blackwood St,5,h,2210000,S,Village,28/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,40 Blackwood St,3,h,,SP,hockingstuart,28/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,283 Francis St,3,h,861000,S,Jas,28/10/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,24 Cooke St,2,h,1050000,S,Jellis,29/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,198 Gipps St,2,h,1242000,S,Nelson,29/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,22 Lulie St,3,h,1165000,S,Jellis,29/04/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,5 Allan St,4,h,,S,Nelson,29/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,2 Derry St,4,h,1740000,PI,Nelson,29/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Aberfeldie,7 Rita St,3,h,,S,Nelson,29/04/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,66 Bowes Av,3,h,905000,S,Barry,29/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,25 Clydesdale Rd,3,h,985000,S,McDonald,29/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,67 Halsey Rd,3,h,510000,VB,Nelson,29/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,2/80 Hawker St,2,u,480000,VB,Barry,29/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,1/12 Laurence Av,3,t,723000,S,Nelson,29/04/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,3 Newark Ct,3,h,520000,SP,YPA,29/04/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,6 Gray La,3,h,2035000,SP,White,29/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,81 Merton St,4,h,,S,Greg,29/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,2A Mills St,2,t,1500000,S,Marshall,29/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,46 Withers St,2,h,1190000,S,RT,29/04/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Altona,1C Boyd St,2,t,,SN,Greg,29/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,12 Kookaburra St,3,h,1165000,S,Greg,29/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,13 Linnet St,4,h,1295000,S,Greg,29/04/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,3/16 Bryan Av,1,u,,PI,Raine,29/04/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,23 Rymill Ct,3,h,910000,S,hockingstuart,29/04/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,721 Ballarat Rd,3,h,,PI,Calder,29/04/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,3 Rockwood St,3,t,503000,S,Bells,29/04/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,6/15 Denbigh Rd,2,u,,S,hockingstuart,29/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,1/25 Mercer Rd,3,u,2120000,S,Jellis,29/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/581 Orrong Rd,1,u,405000,S,Marshall,29/04/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,35 Brown Av,3,h,,S,Jellis,29/04/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,3 Federation St,2,h,1005000,S,Brad,29/04/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,40 Kent St,4,h,1316500,S,Alexkarbon,29/04/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,7 Orford Rd,3,h,,S,Fletchers,29/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,11 Poulter St,4,h,2085000,PI,Buxton,29/04/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,1/2 Edmonds Av,3,t,1190000,SP,Buxton,29/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,37 Jingella Av,3,h,1100000,PI,Buxton,29/04/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,2 Ideal Av,4,h,2150000,PI,Greg,29/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,81 Tarongo Dr,3,h,1125000,S,Biggin,29/04/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,30 Lorgrove Ct,4,h,1600000,VB,Nelson,29/04/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balaclava,5/171 Hotham St,2,u,490000,VB,hockingstuart,29/04/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balaclava,2/31 Orange Gr,1,u,440000,S,hockingstuart,29/04/2017,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,8 Grant Av,3,h,1525000,S,Jellis,29/04/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,215 Doncaster Rd,3,h,1670000,S,hockingstuart,29/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Jason Ct,4,h,,PI,Barry,29/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,5 Jocelyn Av,3,h,1305000,PI,Noel,29/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,16 Ventnor St,4,h,1725000,PI,Marshall,29/04/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,564 Mountain Hwy,3,h,784500,S,Schroeder,29/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,12 Pindari Dr,4,h,750000,PI,Purplebricks,29/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1/18 Stud Rd,2,u,485000,S,Ray,29/04/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaconsfield,6 Liam Cct,4,h,875000,S,Eview,29/04/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,2/26 Alfred St,3,t,1205000,S,Bayside,29/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,35 Anita St,4,h,2305000,S,Ray,29/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,510 Balcombe Rd,4,h,,SN,hockingstuart,29/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,13A Hardinge St,4,t,1450000,PI,Buxton,29/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 High St,4,h,1770000,S,Property,29/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,21 Margate St,2,h,1235000,S,Bayside,29/04/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,19 Plunkett St,3,h,,SP,Barry,29/04/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,52a Tucker Rd,2,u,725000,S,Buxton,29/04/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/16 Argyle St,2,u,535000,SP,hockingstuart,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,4 Box Ct,3,h,1640000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/33 Brady Rd,3,t,,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12A Celia St,3,t,,PI,Ray,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/10 Chester St,3,u,809000,S,Woodards,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,13 Delma St,3,h,1510000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16A Denver St,4,t,1210000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16b Denver St,4,t,1275000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,15 Lilac St,4,h,1292000,S,Woodards,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,68 Mawby Rd,3,h,1165000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,978 North Rd,3,h,959000,S,Ray,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/27 Schulz St,3,t,965000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,68 Tambet St,3,h,1251000,S,hockingstuart,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,76 Wingate St,3,h,1205000,S,Buxton,29/04/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,1/52 Gardiner St,3,u,,W,Purplebricks,29/04/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,66 Moondarra Dr,4,h,,SP,Harcourts,29/04/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Blackburn,78 Blackburn Rd,4,h,,SN,Woodards,29/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,27 Dixon Gr,4,h,1190000,S,Noel,29/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,10 Ellison St,3,h,,SN,Woodards,29/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,6 Leons Ct,5,h,,PI,Fletchers,29/04/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,43 Caroline Cr,4,h,1315000,S,Fletchers,29/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,73 Surrey Rd,3,t,770000,VB,Noel,29/04/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,5 Lana St,3,h,,SN,Noel,29/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,27 Sandgate Rd,5,h,2100000,PI,Harcourts,29/04/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Bonbeach,7/15 Harding Av,2,u,950000,VB,Eview,29/04/2017,3196,South-Eastern Metropolitan,2887,27,Kingston City Council +Box Hill,9 Clydesdale St,3,h,,SN,Woodards,29/04/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,15 Standard Av,3,h,,S,hockingstuart,29/04/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,30 Shepherd St,3,h,730000,SP,Village,29/04/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,1/110 St Helena Rd,3,u,580000,S,Ray,29/04/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,3/30 Grosvenor St,4,h,2550000,SP,Hodges,29/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3 Rose St,2,t,1470000,S,Hodges,29/04/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,7 Holmhurst Ct,4,t,1700000,PI,Hodges,29/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,55 Milroy St,5,h,1900000,PI,Hodges,29/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,7/36 Union St,3,t,972000,S,Gary,29/04/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,6 Bittern St,3,h,505000,S,YPA,29/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,18 Fashion Pde,3,h,600000,S,Brad,29/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,108 Kitchener St,3,h,,SN,Stockdale,29/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,5 Oxley Ct,3,h,575000,S,YPA,29/04/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,251 Albion St,4,h,1650000,S,Brad,29/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,16/195 Brunswick Rd,2,u,600000,S,Woodards,29/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Garnet St,3,h,1440000,S,Jellis,29/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,9 Goodman St,2,h,955000,S,Woodards,29/04/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,8/206 Lygon St,2,u,432000,S,Nelson,29/04/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,507 Brunswick Rd,3,h,1200000,PI,Nelson,29/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/17 Howson St,2,h,545000,VB,Jellis,29/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,4/13 Larnoo Av,1,h,327500,SP,Nelson,29/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,141 Pearson St,4,h,1205000,S,Nelson,29/04/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,38 Nirvana Cr,3,h,,S,Fletchers,29/04/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,3 Westminster Av,4,h,1320000,S,Barry,29/04/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,14 Boadle Rd,4,h,1128000,S,Barry,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Edro Ct,3,h,666000,S,Darren,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,146 Greenhills Rd,4,h,765000,S,Ray,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,23 Greenhills Rd,5,h,1235000,S,Buckingham,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Havelock Av,3,h,741000,S,Ray,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,34 Hermitage Cr,5,h,750000,SP,Ray,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,106 Holt Pde,3,h,,S,Barry,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,2 Jacqueline Rd,3,h,736000,S,Barry,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,12 Nolan Cl,4,h,1000000,S,Barry,29/04/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,2/11 Aylwin Av,2,t,,S,Noel,29/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/9 Cromwell St,3,u,,SN,HAR,29/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,46 Cumming St,4,h,1601000,S,McGrath,29/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,49 Peacock St,3,h,,S,Buxton,29/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,19 Pearce St,5,h,1225000,S,Buxton,29/04/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,71 Benwerrin Dr,4,h,1180000,S,Fletchers,29/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,19 Carver St,4,h,1403000,S,Jellis,29/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,1 Melba Ct,3,h,,SN,Woodards,29/04/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,1/16 Dower St,3,u,835000,S,Marshall,29/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,5 East Ct,5,h,,SN,RT,29/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/6 Glencairn Av,2,u,,S,Marshall,29/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/796 Riversdale Rd,2,u,,SN,Garvey,29/04/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,20/264 Drummond St,1,u,490000,S,hockingstuart,29/04/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,10/3 Lytton St,2,u,500000,VB,Peter,29/04/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,271 Canning St,5,h,2450000,S,Woodards,29/04/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,1/4 Kokaribb Rd,3,u,577000,S,hockingstuart,29/04/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,15 Ridgegreen Vw,3,h,510000,S,Douglas,29/04/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,9/36 Church Rd,2,u,,PI,Hall,29/04/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum,2/19 Eel Race Rd,2,u,,SP,hockingstuart,29/04/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,9 Firetail Ct,3,h,543000,S,Harcourts,29/04/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,1/9 Daniell Cr,1,u,300000,VB,Gary,29/04/2017,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield North,14/378 Dandenong Rd,2,u,742500,S,Gary,29/04/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Caulfield South,12A Almond St,2,h,997000,S,hockingstuart,29/04/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,3/178 Sycamore St,2,u,490000,S,hockingstuart,29/04/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,64 Chelsea Rd,3,h,955000,S,hockingstuart,29/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,17 Donald Gr,4,h,1060000,SP,O'Brien,29/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/29 Glenola Rd,3,t,880000,SP,Eview,29/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,79 Hughes Av,3,h,819000,S,Eview,29/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea,2/10 Sherwood Av,2,u,594000,S,hockingstuart,29/04/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,1/2 Barker St,3,u,590000,SP,Barry,29/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/25 Booker St,3,t,886000,S,Obrien,29/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3 Jodi St,3,h,1105000,S,O'Brien,29/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,8 Leon St,4,h,1305000,S,Barry,29/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2 Marlene Ct,4,h,1244000,S,Ray,29/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,9 Mena Av,4,h,1245000,S,O'Brien,29/04/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,18 Bodley St,4,h,1270000,S,Buxton,29/04/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,3/4 Wright St,2,u,,W,Stockdale,29/04/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clifton Hill,3 Anderson St,2,h,1650000,S,Harrington,29/04/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,14 Alice St,3,h,990000,S,Barry,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1 Balloan St,6,h,1455000,S,Brad,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,3 Beckwith St,3,h,1250000,S,Nelson,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,110 Bell St,3,h,710000,S,Barry,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Florence St,5,h,1790000,S,Jellis,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/34 Gladstone St,2,u,650000,S,Barry,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,22 Maranoa Cr,3,h,1410000,S,Nelson,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,69 Victoria St,3,t,720000,PI,C21,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,69 Victoria St,3,t,720000,PI,Century,29/04/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,2 Adler Gr,4,h,,SN,Barry,29/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,11 Ballard Av,3,h,761000,S,Ray,29/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,34 Spectrum Wy,4,h,968000,S,Ray,29/04/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,35 Campbell St,3,h,,S,Kay,29/04/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,22 Brickwood Cct,3,h,,SN,Barry,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Brio Dr,4,h,515000,S,Melbourne,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,41 Craigieburn Rd,3,h,685000,S,Ray,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,17 Crosskeys Rd,4,h,491000,S,LJ,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Hursley Ct,3,h,460000,S,Ray,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,21 Kirkbride Wy,3,h,442000,S,YPA,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Pembury St,3,h,477000,S,Ray,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Reay Dr,4,h,552000,S,Ray,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,7 Salcombe Ct,3,h,,SN,Barry,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Spirited Cct,4,h,602000,S,YPA,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Swansea Ct,3,h,,SN,Barry,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Treasury Pl,4,h,535000,S,Raine,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,2 Warrawong Ct,3,h,665000,S,LJ,29/04/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,20 Bundoran Av,4,h,540000,SP,O'Brien,29/04/2017,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne West,15 Amity Wy,3,h,462000,S,Harcourts,29/04/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Croydon,141 Hull Rd,3,u,630000,SP,McGrath,29/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,15 Landale Av,3,h,1400000,PI,Ray,29/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,28/56 Norton Rd,3,t,585000,S,Free,29/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Woodland Av,4,h,1080000,SA,Ray,29/04/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dandenong,1408 Heatherton Rd,3,h,600000,S,C21,29/04/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,16 Purdy Av,3,h,550000,PI,Stockdale,29/04/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,3 Barton St,4,h,580000,PI,Harcourts,29/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,29 Burchall Gr,4,h,745000,S,Stockdale,29/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,58 Hillside Av,3,h,605000,S,Del,29/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,14 Kandra St,3,h,621000,S,Del,29/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,64 McFees Rd,3,h,,PI,Barry,29/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,10 McKenry Pl,3,h,850000,S,Boutique,29/04/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deer Park,14 Edmondshaw Dr,3,h,521000,S,C21,29/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,32 Poole St,3,h,692000,S,Stockdale,29/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Deer Park,29 Quinn St,4,h,,SP,People,29/04/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Derrimut,12 Amberley Gdns,4,h,772500,S,Prof.,29/04/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Dingley Village,5 Chivers Ct,3,h,882000,S,Ray,29/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,5 Downland Pl,6,h,960000,S,Ray,29/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,28 Elliott Cr,4,h,820000,S,Buxton,29/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,16 Grandiflora Ct,4,h,1062000,S,Ray,29/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Lackenheath Ct,4,h,981500,S,Barry,29/04/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,1 Adelle Ct,3,h,1700000,S,Barry,29/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,9 Arthur St,3,h,1355000,S,Barry,29/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,22 Bayley Gr,4,h,1880000,S,Barry,29/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,45 Bordeaux St,4,h,1545000,S,Ray,29/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,14 Morris St,4,h,1955000,S,Jellis,29/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,7/40 Tram Rd,2,u,655000,S,Jellis,29/04/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,9 Glenview Rd,3,h,1482000,SP,Jellis,29/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,11 Peachwood Ri,4,h,,S,Fletchers,29/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,56 Renshaw St,3,h,,SN,Noel,29/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Supreme Pl,4,h,1412000,S,Barry,29/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Woorarra Av,3,h,1420000,S,Jellis,29/04/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,11 Berrima Rd,5,h,2410000,S,Jellis,29/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,1/31 Florence Av,3,t,835000,S,Jellis,29/04/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,3 Magnolia Gr,3,h,450000,SP,Stockdale,29/04/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,121 The Righi,5,h,2710000,PI,Miles,29/04/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +East Melbourne,1/109 George St,2,u,,SN,Caine,29/04/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Edithvale,16 Bridges Av,4,h,1261000,S,O'Brien,29/04/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,1/77 Northcliffe Rd,3,u,780000,S,O'Brien,29/04/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,4/34 Horne St,2,u,595000,S,Hodges,29/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3/33 St Georges Rd,2,u,632500,S,Gary,29/04/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,24 Balmoral Cct,4,h,,S,Barry,29/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,7 Baringa Pl,4,h,860000,S,Fletchers,29/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,75 Bible St,3,h,1140000,S,Morrison,29/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,205 Bolton St,2,h,705000,S,Emerson,29/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,10 Goodlet Pl,4,h,850000,SP,Barry,29/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,2/4 Stanley Av,3,u,765000,S,Morrison,29/04/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,1/10 Dickens St,2,u,,SN,hockingstuart,29/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,72 Goldsmith St,4,h,,VB,RT,29/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,102/95 Ormond Rd,1,u,490000,VB,McGrath,29/04/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,1/7 Acheron St,3,h,480000,S,hockingstuart,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Amphion St,4,t,450000,S,Stockdale,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,37 Brunswick Dr,3,h,561000,S,Iconek,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Cabot Dr,3,h,550000,S,Love,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Cadiz Wk,3,t,445000,S,Harcourts,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,17 Gatestone Rd,4,h,599000,S,Harcourts,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,31 Glendale Av,3,h,,SN,Iconek,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Highgate Hl,4,h,615000,S,Iconek,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,21 McDonalds Rd,3,h,553000,S,Harcourts,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Northumberland Dr,4,h,626000,S,Ray,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,39 Pommel Cr,4,h,560000,SP,Stockdale,29/04/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,41 Raleigh St,3,h,,S,Nelson,29/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/11 Stanley St,1,u,426500,S,Brad,29/04/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,12 Thelma Av,3,h,812000,S,Nelson,29/04/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fawkner,6/119 Anderson Rd,2,u,445000,S,Nelson,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,169 Anderson Rd,3,h,730000,S,hockingstuart,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,35 Bungay St,3,t,600000,S,Hodges,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,20 Edward St,2,h,725000,S,Love,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,13 Lovely St,3,h,,SP,Ray,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,40 Lowson St,3,h,668000,S,Ray,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,2/99 Major Rd,2,u,328000,SP,Love,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,41 McBryde St,3,t,543500,S,Stockdale,29/04/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,4 Butlers Rd,3,h,790000,S,Ray,29/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,11 Folkstone Cr,3,h,765000,S,Ray,29/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,21 Hillcrest Av,3,h,560000,SA,hockingstuart,29/04/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,233 Gore St,2,h,1200000,SP,Brad,29/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,10 MacRobertsons Cl,2,u,880000,S,LITTLE,29/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,503/185 Rose St,2,u,681500,SP,Jellis,29/04/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,236 Barkly St,2,h,1055000,S,Chambers,29/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,15 Queen St,1,h,950000,VB,Collins,29/04/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,20 Dalgleish St,3,h,,S,Nelson,29/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,121 Princes St,2,h,1060000,S,Nelson,29/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Flemington,54 Princes St,3,h,917000,S,Jellis,29/04/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,28/155 Gordon St,2,u,,SN,McGrath,29/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,27 MacPherson St,2,h,882000,SP,Village,29/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,39 Moore St,3,h,895000,PI,Burnham,29/04/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,5 Esk Ct,4,h,1626500,S,Ray,29/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,59 Menin Rd,4,h,1190000,S,Noel,29/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,1/15 Mill Av,3,t,,SN,Woodards,29/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,12/374 Springvale Rd,2,u,526000,S,Noel,29/04/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,36 Roberts St,3,h,790500,S,U,29/04/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,7 The Range,5,h,790000,S,Ray,29/04/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,24 Dumbarton Wy,5,h,920000,SP,Raine,29/04/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,5 Mulgutherie Wy,5,h,830000,PI,Raine,29/04/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,15 Vista Cl,4,h,475000,SP,Raine,29/04/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,270 Carrick Dr,3,h,670000,S,Barry,29/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,25 Goodwood Cr,3,h,600000,S,Jason,29/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,55 Katrina Dr,4,h,655000,SP,Barry,29/04/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,3/31 Dorothy Av,2,u,770000,S,Woodards,29/04/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Huntly,2/8 Rosedale Av,1,u,,PN,Gary,29/04/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,142 High St,5,h,,SN,hockingstuart,29/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/8 Lithgow St,2,u,910000,S,Fletchers,29/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/23 Peace St,3,t,1315000,S,Harcourts,29/04/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,37 Gaynor Cr,5,h,1360000,S,Barry,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,5 Grail Ct,4,h,1193000,S,Barry,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,6 Ingleside Cr,3,h,1510000,S,Harcourts,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,1/48 Lincoln Av,3,u,1174000,S,Barry,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,49 Saladin Av,4,h,1072000,PI,Harcourts,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,2 Southdown Av,5,h,3520000,S,Harcourts,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,98 Whites La,3,h,,PI,Barry,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,48 Wilson Rd,3,h,1632000,S,Jellis,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Wynyard St,5,h,,SP,Bekdon,29/04/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,56B Fran St,3,t,,PI,Sweeney,29/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/15 Harold St,3,u,590000,S,YPA,29/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/14 Newton St,3,t,680000,SP,Stockdale,29/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,24 Ridgeway Av,3,h,640000,SP,Eview,29/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,11 Salisbury St,3,h,935000,S,Stockdale,29/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,14 Wheatsheaf Rd,3,t,720000,S,Eview,29/04/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,13 Gowanbrae Dr,4,h,970000,S,Nelson,29/04/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,11 Carnon St,3,h,,S,Darren,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,2/85 Greenhill Rd,3,u,780000,S,Greg,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,87 Henry St,3,h,720000,SP,Buckingham,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,48 Killarney Rdg,5,h,1100000,S,Buckingham,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,6 McKenzie Ct,3,h,790000,S,Darren,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,110 Warralong Av,6,h,,PI,Nelson,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Willis St,2,h,1206000,S,Darren,29/04/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,25 Adderley Dr,5,h,880000,S,Jason,29/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Beechworth Av,4,h,,SN,Barry,29/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Kinloch Gr,4,h,695000,S,YPA,29/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,85 Kirkham Dr,4,h,705000,S,Barry,29/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,43 Simmington Cct,3,h,770000,SP,Barry,29/04/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5A Neil St,3,t,630000,S,Eview,29/04/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,1/12 Grenville St,2,u,860000,S,Buxton,29/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,6 Orlando St,3,h,1475000,PI,hockingstuart,29/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,3 Willis St,2,h,840000,S,hockingstuart,29/04/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,2/21 Highbury Av,2,t,1150000,PI,Buxton,29/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hampton East,14a Roydon St,2,u,1175000,S,Buxton,29/04/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,13/2 Brook St,1,u,,SN,hockingstuart,29/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,25/510 Glenferrie Rd,1,u,,SP,Woodards,29/04/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,1/21 Auburn Gr,2,u,555000,S,Marshall,29/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,6/787 Burwood Rd,2,u,532000,S,Marshall,29/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,60A Roseberry St,2,h,,SP,Marshall,29/04/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,51 Viviani Cr,4,h,,SN,Barry,29/04/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,2/18 Darebin St,2,u,,SP,Jeffrey,29/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,10 Oakhurst Av,3,h,870000,PI,Miles,29/04/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,18 Disney St,4,h,,PI,Fletchers,29/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/67 Lloyd St,2,t,,SA,Fletchers,29/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/388 Waterdale Rd,3,u,630000,SP,Miles,29/04/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,15 Tarakan St,4,h,725000,S,Miles,29/04/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,2/1 Dawn St,2,t,727000,S,Buxton,29/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,141/75 Graham Rd,2,u,,W,Professionals,29/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1 Panorama Av,3,h,1305000,S,Buxton,29/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,58 Rowans Rd,3,h,1161500,SP,Branon,29/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/6 Wesley Ct,3,t,,S,Buxton,29/04/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,63 Hillcrest Dr,4,h,691000,S,Barry,29/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,18 Peppercorn Ct,4,h,645000,SP,YPA,29/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,11 Rivergum Pl,4,h,606500,S,Barry,29/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,8 Wildflower Ct,3,h,605000,S,Ray,29/04/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,19 Arundel Ct,3,h,465000,S,hockingstuart,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,8 Bentley Cr,3,h,,PN,Purplebricks,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,1 Dawe Ct,4,h,531500,S,Sweeney,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,12 Don Av,3,h,,SP,Ray,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,3 Hayden St,3,h,520500,S,Harcourts,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,24 Judkins Av,3,h,500000,SP,Biggin,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Marcus Ct,4,h,668500,S,hockingstuart,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Moss Cl,4,h,670000,S,Sweeney,29/04/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hughesdale,1071 North Rd,2,h,720000,SA,Buxton,29/04/2017,3166,Southern Metropolitan,3145,12.3,Monash City Council +Huntingdale,22 Greville St,4,h,1452000,S,Ray,29/04/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,2/104 Ford St,3,u,,SN,Miles,29/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/18 Linden Av,3,t,,SN,Miles,29/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,1/53 Norman St,3,t,1060000,S,Purplebricks,29/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,5/4 Sailbury Av,2,u,,PN,Miles,29/04/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Jacana,108 Sunset Bvd,3,h,,PI,Barry,29/04/2017,3047,Northern Metropolitan,851,14,Hume City Council +Kealba,7 Donnelly Ct,4,h,646000,S,Ray,29/04/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Kealba,14 Rowan Dr,3,h,570000,S,Barry,29/04/2017,3021,Western Metropolitan,1202,14,Brimbank City Council +Keilor,2/26 Church St,3,h,,SN,Daniel,29/04/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,58 Patterson Av,4,h,610000,S,Barry,29/04/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,10 Cromer Pl,3,h,730000,S,Barry,29/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,143 Odessa Av,3,h,650500,S,YPA,29/04/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,2/24 Craig St,3,t,,S,Nelson,29/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,12 Hilltop Ct,2,t,570000,SP,Nelson,29/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,19 Tuppal Pl,4,h,885000,S,Nelson,29/04/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,7 Zagreb Ct,3,h,773000,S,Nelson,29/04/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,420 Arden St,2,h,1000000,VB,Nelson,29/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,310/71 Henry St,1,u,380000,VB,Edward,29/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,33 McCracken St,4,h,1817000,SP,Hodges,29/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,10 Parsons St,2,h,,S,Nelson,29/04/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,8 Loxton St,5,h,,SP,Jellis,29/04/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,34 Irymple Av,4,h,2480000,S,Marshall,29/04/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,57 Windella Av,5,h,2756000,S,Fletchers,29/04/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,5 Barrington Cl,4,h,785000,S,Barry,29/04/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,2 Eothen La,3,h,823500,S,Jellis,29/04/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kingsville,363 Geelong Rd,3,h,860000,SP,Village,29/04/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,56 Ballarine Dr,5,h,700000,SP,Iconek,29/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,49 Festival Gr,3,h,590000,S,Harcourts,29/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,25 Huskisson Av,3,h,561000,S,Stockdale,29/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Kathryn Av,4,h,560000,S,Harcourts,29/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,13 Queen St,3,h,585500,S,Love,29/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,10 Rotino Cr,4,h,520000,S,Iconek,29/04/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,2 Eileen Ct,3,h,,SN,Barry,29/04/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Lower Plenty,1/47 Edwards St,3,u,674000,S,Morrison,29/04/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lower Plenty,1/12 Kett St,3,h,830000,S,Fletchers,29/04/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,16 Dunvegan Cr,3,h,,SN,Barry,29/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,45 Fairlie Av,4,t,791000,S,Ray,29/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,3/63 McNamara St,3,u,755000,S,Miles,29/04/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maddingley,21 Wimpara Cr,3,h,,PI,Barry,29/04/2017,3340,Western Victoria,1399,37.5,Moorabool Shire Council +Maidstone,9/15 Eucalyptus Dr,2,u,,PN,Pagan,29/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/6 Spurling St,4,t,838000,S,Sweeney,29/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,12 Winston St,3,h,930000,SP,Biggin,29/04/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,108/1387 Malvern Rd,1,u,400000,VB,hockingstuart,29/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,20A Silver St,2,h,2245000,S,Marshall,29/04/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,414 Waverley Rd,3,h,1220000,S,Jellis,29/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Winton Rd,4,h,1465000,S,Fletchers,29/04/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,6 High Ct,5,h,1620000,S,Biggin,29/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,1A Riverview Ct,4,h,1190000,S,Rendina,29/04/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,4/37 Rokewood Cr,3,h,432000,S,Raine,29/04/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1913/228 Abeckett St,3,u,1175000,PI,Icon,29/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,173/350 St Kilda Rd,2,u,1236000,S,Marshall,29/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,173/416 St Kilda Rd,3,u,730000,S,hockingstuart,29/04/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,23 Milverton St,3,h,,SN,hockingstuart,29/04/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,10 Bennett St,4,h,376000,S,Raine,29/04/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,2 Coventry Pl,4,h,310000,PI,Ray,29/04/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,35 Grace St,3,h,370000,S,YPA,29/04/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,52 Grace St,3,h,330000,S,hockingstuart,29/04/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,61 Wilson Rd,3,h,335000,S,hockingstuart,29/04/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,5 Garden Tce,3,h,358000,S,hockingstuart,29/04/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,15 Elizabeth St,5,h,2070000,S,Greg,29/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,10/11 Florence St,2,u,499000,S,Thomson,29/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2 Grout St,5,h,1780000,S,Buxton,29/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,13 Rowell Dr,3,t,783000,SP,O'Brien,29/04/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,17 Autumn Gr,4,h,500000,S,HAR,29/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,3 Autumn Gr,4,h,626000,S,RW,29/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,62 Dalmeny Wy,4,h,820000,S,Harcourts,29/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,142 Regent St,4,h,450000,VB,Ray,29/04/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,129 Hambleton St,3,h,1630000,S,Cayzer,29/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Middle Park,23 Nimmo St,3,h,2250000,VB,Marshall,29/04/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,1/27 Bradley Dr,3,h,508000,S,Ray,29/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 Carbon Cr,3,h,,SN,Barry,29/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Galilee Cr,3,h,691000,S,Millership,29/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,9 Kellaway Cr,3,h,711000,S,Ray,29/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,35 Romano Av,3,h,553000,S,Love,29/04/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,4/12 Calcutta St,3,u,636000,PI,Noel,29/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,22 Percy St,5,h,1750000,VB,Noel,29/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,422 Springfield Rd,5,h,1185000,S,Barry,29/04/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,7 Grace St,4,h,2365000,S,Marshall,29/04/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/82 Victoria Cr,2,u,651500,S,Fletchers,29/04/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,24 View St,5,h,,SP,RW,29/04/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,13/1 Ardmillan Rd,3,t,,VB,Biggin,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,503/341 Ascot Vale Rd,2,u,542000,SA,Hodges,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,65 Darling St,3,h,1240000,S,McDonald,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,25 George St,4,h,955000,S,Woodards,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8 Milfay Av,4,h,1680000,S,Nelson,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,12 Sydenham St,3,t,,S,Barry,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,33A Vine St,3,t,1410000,PI,Nelson,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,38 Wordsworth St,2,h,,SP,Maddison,29/04/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,32 Balcombe Av,3,h,680000,SA,Max,29/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,205 Cambridge Rd,3,h,685500,S,Ray,29/04/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,1/8 Crown Av,3,h,685000,S,Ray,29/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1 High St,5,h,1800000,PI,Hodges,29/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,3/18 Keefer St,2,u,575000,SP,Ray,29/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,447 Main St,4,h,1400000,PI,Barry,29/04/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,74 Albert St,3,h,1375000,SA,Fletchers,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,40 Baily St,4,h,1600000,S,Ray,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/3 Elm Gr,2,u,,SP,Woodards,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 Hillview Av,3,h,1391000,S,McGrath,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/4 Judith Ct,3,h,981000,S,Jellis,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7/4 Lang Rd,3,u,,SP,Biggin,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/12 Marianne Wy,3,u,,SN,Biggin,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,15 Marianne Wy,3,h,1460000,S,Harcourts,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Purse St,4,h,,SN,hockingstuart,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,27/12 Surrey Rd,3,t,733000,S,Harcourts,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2 Trevor Ct,5,h,2055000,S,Harcourts,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,2/58 Virginia St,4,u,1320000,VB,Barry,29/04/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,22 Andleigh Dr,5,h,1299999,S,Ray,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,10 Delamere Cl,4,h,1150000,S,Ray,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,8 Grosvenor Av,4,h,1213000,S,Ray,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,13 Lords Av,4,h,1020000,S,Ray,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,1 MacAulay Pl,5,h,1060000,S,Ray,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,2 MacKie Rd,3,h,891000,S,Barry,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,16 Roberts Av,5,h,840000,PI,Barry,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,12 Sneddon Ct,4,h,1260000,S,Ray,29/04/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,17/41 Murrumbeena Rd,2,u,586000,SP,Fletchers,29/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/9 Packer St,2,u,926000,S,hockingstuart,29/04/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,8 Denver Dr,3,h,560000,S,O'Brien,29/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,13 Redwood Ct,4,h,480700,S,Barry,29/04/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,74 Alma Tce,4,h,2337000,S,Williams,29/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,11 Challis St,3,h,1370000,S,Jas,29/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,1 Elphin St,2,h,1070000,S,Jas,29/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,63 Hobson St,3,h,1075000,SP,Raine,29/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16 Thorpe St,3,h,1100000,PI,Sweeney,29/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,118a Woods St,3,t,,PI,hockingstuart,29/04/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,1/79 Coghlan St,3,t,800000,PI,Barry,29/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,13 Hotham Rd,3,h,1450000,PI,Barry,29/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,204/4 Hotham Rd,3,u,500000,SP,Nelson,29/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,20 Rutland St,1,h,1405000,S,Barry,29/04/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,2/27 Ardgower Rd,3,t,615500,SP,Purplebricks,29/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,31 Callander Rd,3,h,737500,S,C21,29/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,136 Harold Rd,4,h,,SP,REMAX,29/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/165 Noble St,2,u,590000,S,iSell,29/04/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,13/201 Abbotsford St,2,t,755000,PI,Nelson,29/04/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,649 Queensberry St,2,h,940000,S,JMRE,29/04/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,133 Beavers Rd,2,h,1050000,S,Jellis,29/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,12 Ellesmere St,2,h,1290000,S,Nelson,29/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,16/341 Heidelberg Rd,2,u,471250,S,McGrath,29/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,99 Kellett St,3,h,1235000,S,Ray,29/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,78A Victoria Rd,2,t,,SN,Barry,29/04/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Oak Park,19A Cardinal Rd,4,h,1250000,S,Frank,29/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,3/21 Lex Gr,3,u,648000,S,Nelson,29/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,75 Winifred St,2,h,,SN,Barry,29/04/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oaklands Junction,14 Peregrine Rd,4,h,825000,S,RE,29/04/2017,3063,Northern Metropolitan,146,24.3,Hume City Council +Oakleigh,141 Atherton Rd,4,h,1600000,PI,Ray,29/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,110 Atkinson St,4,h,1840000,S,Woodards,29/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,3 Caloola Av,3,h,1580000,PI,Buxton,29/04/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,1650 Dandenong Rd,2,t,,S,Marshall,29/04/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh East,2/76 Ferntree Gully Rd,3,t,866000,S,Buxton,29/04/2017,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,298 Warrigal Rd,3,h,799999,S,Woodards,29/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,11 Yarra Ct,5,h,1200000,PI,Buxton,29/04/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,3/10 Ormond Rd,1,u,311500,PI,Ray,29/04/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,33A Bethell Av,3,t,1380000,S,Barry,29/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1 Eighth St,3,t,907500,S,Hodges,29/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/214 Nepean Hwy,4,t,910000,SP,hockingstuart,29/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,333 Nepean Hwy,3,h,900000,SP,Barry,29/04/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/20 Bristol Rd,3,t,600000,PI,Ray,29/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/103 Cumberland Rd,2,t,600000,SP,Nelson,29/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2/307 Cumberland Rd,3,t,690000,S,Eview,29/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,16 Hayes Pde,5,h,958000,S,Nelson,29/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,20 Snell Gr,3,h,770000,PI,Brad,29/04/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,7 Armstrong Dr,3,t,435000,SP,Barry,29/04/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,16 Maidenhair Dr,4,h,,SP,Ray,29/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,2/28 Whitlam Grn,3,h,485000,S,hockingstuart,29/04/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,108/40 Beach St,2,u,1110000,S,RT,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,9/23 Beaconsfield Pde,2,u,2250000,S,Greg,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,130 Clark St,4,h,2700000,S,Marshall,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,205 Clark St,4,h,1375000,S,hockingstuart,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,13 Edwards Av,4,h,1805000,PI,Marshall,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,149A Graham St,2,h,,S,Marshall,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,205/15 Pickles St,2,u,600000,VB,hockingstuart,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,55/4 Seisman Pl,2,u,1030000,S,Buxton,29/04/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,113 Albert St,2,h,1388000,S,Marshall,29/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,277 Dandenong Rd,3,h,880000,PI,Buxton,29/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,205/201 High St,2,u,475000,VB,hockingstuart,29/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,26/670 Malvern Rd,2,u,888000,S,Jellis,29/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,41 Westbourne St,3,h,,SN,hockingstuart,29/04/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,6 Adams St,3,h,690000,S,RW,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/26 Belgrove St,2,h,620000,S,hockingstuart,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,460 Bell St,2,h,630000,PI,Barry,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,39 Malpas St,3,h,1100000,S,Nelson,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,72 McNamara St,3,h,1055000,S,Nelson,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/584 Murray Rd,2,u,560000,S,Nelson,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/152 Tyler St,1,u,385000,SP,Brad,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/26 Tyler St,2,u,,S,Love,29/04/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,114 Glasgow Av,5,h,1075000,S,Barry,29/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,83 Glasgow Av,3,h,643500,S,Ray,29/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,6 Joffre St,2,h,1025000,S,Barry,29/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/65 Thackeray Rd,2,u,505000,S,RW,29/04/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,304/253 Bridge Rd,2,u,630000,S,Biggin,29/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,299 Church St,4,h,,SN,hockingstuart,29/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,30 Corsair St,2,h,1210000,S,Jellis,29/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,54 Mary St,2,h,,SP,Jellis,29/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,2 Moore St,1,h,911000,S,Biggin,29/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,57 Type St,3,h,1590000,S,hockingstuart,29/04/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,6 Garden St,3,u,,SN,HAR,29/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,15 Strathallyn Rd,3,h,900000,S,Noel,29/04/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,2 Ian Av,3,h,716000,S,McGrath,29/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7 Victoria St,2,h,630000,S,Philip,29/04/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,7/4 Banyule Rd,2,u,615000,S,Miles,29/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,5 Finlayson St,3,h,940000,VB,Miles,29/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/5 Golf Av,3,t,800000,VB,Purplebricks,29/04/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,25 Cardinia Wy,3,h,722500,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,17 Erskine Dr,3,h,716000,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,11 Farview Dr,3,h,776000,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,7 Fourth Av,5,h,937000,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,190 Karoo Rd,5,h,1170000,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,6 Keiwa Pl,3,h,745500,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,18 Lambourne Av,3,h,,PN,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,2 Liberty Av,5,h,1000000,S,Ray,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,80 Taylors La,3,h,782000,S,Harcourts,29/04/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,11 Haite Pl,4,h,535000,S,Melbourne,29/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Klein Cr,3,h,325000,S,Ray,29/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,47 Marne Dr,3,h,450000,S,Raine,29/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,36 Stillwell Cr,4,h,615000,S,Raine,29/04/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,4/60 Abbott St,3,u,1000000,VB,Barry,29/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,15 Heath St,5,h,,S,hockingstuart,29/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/37 Victoria St,3,t,920000,S,Buxton,29/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,73A Vincent St,5,h,,SN,hockingstuart,29/04/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,9 Kirkwood Av,3,h,745000,S,Asset,29/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,4/3 McRae St,2,u,407000,SP,hockingstuart,29/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,192 Nepean Hwy,3,h,1190000,S,Asset,29/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,216 Nepean Hwy,2,h,1120000,S,Eview,29/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,8/70 Wells Rd,2,t,380000,S,Johnston,29/04/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +South Melbourne,411/38 Bank St,3,u,710000,VB,Greg,29/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,17 Coote St,2,h,,SP,Cayzer,29/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,16/284 Dorcas St,3,u,1150000,VB,Marshall,29/04/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,16 Ferncroft Dr,3,h,452500,SP,Jason,29/04/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,1/23 Argo St,2,t,880000,PI,Kay,29/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,13/47 Marne St,1,u,390500,SP,hockingstuart,29/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,15/30 Murphy St,2,u,,S,Jellis,29/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/21 Park La,3,u,2050000,S,Kay,29/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/215 Williams Rd,2,u,595000,S,Kay,29/04/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Springvale,17 Dodds St,4,h,970000,PI,C21,29/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,15 Glendale Rd,3,h,,PI,iSell,29/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,701 Princes Hwy,3,h,650000,PI,iSell,29/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,77 Whitworth Av,3,h,,SN,C21,29/04/2017,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,8 Asling St,4,h,660500,S,C21,29/04/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Albans,11 Charlbury Gr,4,h,550000,SP,YPA,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2/11 Hook St,3,u,460000,SP,YPA,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,2 Laurel St,3,h,,PI,HAR,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,46 Millawa Av,6,h,750500,SP,Ray,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,40 Novara Pde,3,h,610500,S,YPA,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,4 Syme St,3,h,,PN,YPA,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,16 Waveney St,3,h,,PN,Homes,29/04/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,20 Acland St,4,h,,PN,White,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,11/74 Barkly St,2,u,902000,S,McGrath,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,1/23 Eildon Rd,3,u,1190000,S,Gary,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,5 Octavia St,2,h,920000,S,hockingstuart,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,12/8 Robe St,2,u,,SP,Buxton,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,105/60 Wellington St,2,u,482000,S,McGrath,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,35 Wordsworth St,4,h,2260000,S,McGrath,29/04/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,45 Bournian Av,3,h,,SP,Nelson,29/04/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,14 Cannington Gr,4,h,,PI,Raine,29/04/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,16 Higgins Av,4,h,420000,S,YPA,29/04/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,17 McComb St,3,h,378000,S,Barry,29/04/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,69 Duke St,3,h,710000,S,Village,29/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,73 Monash St,3,h,840000,PI,FN,29/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,115 Wright St,3,h,660000,S,Douglas,29/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,10 Yewers St,3,h,692000,S,FN,29/04/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,3 Belmore Rd,4,h,775000,S,Douglas,29/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,3 Heron Av,3,h,571000,S,GL,29/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,90 McIntyre Rd,3,h,490000,PI,Douglas,29/04/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,133 David Dr,3,t,521000,S,Bells,29/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,100 Links St,3,h,571000,S,GL,29/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,4/2 Smart St,2,u,270000,S,S&L,29/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,7 The Mews,3,h,710000,SP,S&L,29/04/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,49 Boisdale St,3,h,,SN,Woodards,29/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,8 Durham Rd,4,h,2370000,PI,Jellis,29/04/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,1 Sica Ct,4,h,515000,SP,YPA,29/04/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,893 Leakes Rd,4,h,465000,PI,Sweeney,29/04/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,17 Callista Cct,3,h,507200,S,YPA,29/04/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,23 Fastnet Dr,4,h,725000,SP,Barry,29/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,3 Mahon Ct,4,h,,S,Barry,29/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,2 Mantaura Av,3,h,772000,S,YPA,29/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,93 Nordic Av,3,h,660000,SP,Barry,29/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,37 Perceval Cr,4,h,759000,SA,Ray,29/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,24 Tasman Cr,4,h,903000,S,Barry,29/04/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,11 Airdrie Ct,5,h,1775000,S,Jellis,29/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,42 Jacana Av,4,h,1611000,S,Barry,29/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,12 Rose Av,3,t,975000,PI,Jellis,29/04/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,4 Hawkesbury Ct,3,h,706000,S,Love,29/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,5 Lindley Ct,3,h,595000,S,Harcourts,29/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,31 Victoria Dr,4,h,646000,S,Harcourts,29/04/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,1/44 Hammond St,3,u,880000,SP,McGrath,29/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,58 Leinster Gr,2,t,960000,S,Jellis,29/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,4/114 Normanby Av,2,u,421000,SP,Nelson,29/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,5 Shaftesbury Pde,2,h,1260000,S,Nelson,29/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,68 Wilmoth St,2,h,1100000,SP,McGrath,29/04/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,32/637 Orrong Rd,3,t,1320000,S,Gary,29/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,4/5 Selwyn Ct,3,u,922500,S,Rodney,29/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,14/3 Struan St,2,u,760000,S,Jellis,29/04/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,8 Federation Bvd,4,h,620000,SP,Barry,29/04/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Truganina,21 Fleur Wy,4,h,590000,SP,Barry,29/04/2017,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,40 Catherine Av,3,h,655500,S,YPA,29/04/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,33 Millar Rd,3,h,575000,S,Barry,29/04/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Upwey,8 Sayers Rd,4,h,,PI,Purplebricks,29/04/2017,3158,Eastern Victoria,2591,29.3,Yarra Ranges Shire Council +Vermont,40 Carinya Rd,3,h,1022000,SP,Noel,29/04/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,226 Hawthorn Rd,5,h,1730000,S,Harcourts,29/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Vermont South,6 Regal Ct,4,h,1301000,SP,Noel,29/04/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,174 Graham Rd,3,h,,SN,Barry,29/04/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wantirna,30 Greenock Cr,4,h,,SN,Barry,29/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,11 Napier Cl,3,h,880000,S,Harcourts,29/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,76 Stud Rd,4,h,858000,S,One,29/04/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,6 Downshire Cl,4,h,951000,S,Harcourts,29/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,4 Exell Ct,4,h,1201000,S,Prof.,29/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Hertford Ct,3,h,1440000,SP,Barry,29/04/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,9 Blair St,4,h,,SP,Gardiner,29/04/2017,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,25 High St,3,h,895000,S,Barry,29/04/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,36 Grant St,3,h,750000,S,Barry,29/04/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,31 Austin St,4,h,,SP,PRDNationwide,29/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,16 Purchas St,3,h,425000,SP,Ray,29/04/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,1/35 Hampton Pde,2,u,,PI,Gunn&Co,29/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,8/132 Rupert St,1,u,185000,PI,Jas,29/04/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,316/145 Roden St,1,u,295000,SP,Alexkarbon,29/04/2017,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Westmeadows,22 Campbell St,4,h,,PI,YPA,29/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,12 Hyton Cl,3,h,645000,SP,Barry,29/04/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,2 Heysham Dr,4,h,,SN,Ray,29/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,7 Netherby Av,3,h,,SN,Biggin,29/04/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,6 Caspian Tce,4,h,1200000,SP,Village,29/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,240 Coogee La,3,h,1330000,S,Greg,29/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,15 Kingshott Cl,4,h,1500000,VB,Greg,29/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,165 Osborne St,4,h,1630000,S,Sweeney,29/04/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown North,53 Park Cr,4,h,1175000,S,Village,29/04/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Williamstown North,4 Walter St,3,h,1045000,S,Williams,29/04/2017,3016,Western Metropolitan,802,6.8,Hobsons Bay City Council +Windsor,108 Peel St,1,h,900000,VB,hockingstuart,29/04/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Windsor,7/113 Punt Rd,1,u,350000,SP,Kay,29/04/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,46 Empress Av,4,h,615000,S,hockingstuart,29/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,6 Ludeman Dr,3,h,465000,S,hockingstuart,29/04/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wyndham Vale,58 Feathertop Dr,3,h,450000,S,hockingstuart,29/04/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,13 Tasman Pl,3,h,420000,S,hockingstuart,29/04/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,14 Borlase St,5,h,1060000,S,Buckingham,29/04/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8 Lowan Av,4,h,780250,SP,hockingstuart,29/04/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,7 Marigolds Rd,3,h,984000,S,Darren,29/04/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarra Junction,2407 Warburton Hwy,3,h,455000,S,Bell,29/04/2017,3797,Northern Victoria,1075,49.3,Yarra Ranges Shire Council +Yarraville,2C Castlemaine St,3,h,1425000,PI,Jas,29/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,40 Kingston St,3,h,872500,SP,Jas,29/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,46 MacKay St,4,h,1455000,S,Village,29/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,12/35 Princess St,1,u,331000,S,Jas,29/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10 Salisbury St,3,h,950000,S,Sweeney,29/04/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Airport West,76 Bowes Av,3,h,,SP,Nelson,29/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,10A Coniston Av,3,t,780000,S,RE,29/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,4/24 Laurence Av,2,t,670000,S,Barry,29/07/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,10 Elinga Ct,3,h,555000,SP,Sweeney,29/07/2017,3021,Western Metropolitan,1899,14,Brimbank City Council +Albion,6 Hayden Cr,3,h,613000,S,Moonee,29/07/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,2/20 Talmage St,2,t,340000,S,Bells,29/07/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,1/26 Talmage St,3,t,580000,PI,Douglas,29/07/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,2A Constance St,3,h,,S,Nelson,29/07/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Alphington,1/16 Miller St,3,h,1305000,PI,Jellis,29/07/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,21 Curlew Av,3,h,,SN,hockingstuart,29/07/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,2/105 Merton St,2,u,402000,SP,Barlow,29/07/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Ardeer,1 Chelsey St,3,h,627000,S,Barry,29/07/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,11/49 Kooyong Rd,1,u,380000,S,Marshall,29/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,6/56 Sutherland Rd,2,u,631500,S,hockingstuart,29/07/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,29 Doncaster St,3,t,1185000,S,Barry,29/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,52 Langs Rd,4,h,1500000,PI,Jellis,29/07/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,7 Duke St,2,h,,S,hockingstuart,29/07/2017,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,7 Barrington Dr,4,h,1540000,S,Jellis,29/07/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,2 Harrison La,3,t,,PI,Barry,29/07/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,36 Laura St,4,h,1125000,S,Barry,29/07/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,4 Roycroft Av,4,h,1510000,S,hockingstuart,29/07/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,19 Lake St,3,h,770000,PI,Harcourts,29/07/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,27 Burroughs Rd,5,h,3812000,S,VICProp,29/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,4 Dee St,4,t,1450000,VB,Noel,29/07/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,1/6 Corhampton Rd,3,u,1600000,S,Marshall,29/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/47 Kawarren St,2,u,950000,S,Fletchers,29/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,12 Maud St,4,h,1755000,S,Jellis,29/07/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,592 Mountain Hwy,3,h,606000,S,McGrath,29/07/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Beaconsfield,2 George St,3,u,537000,S,Peake,29/07/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaconsfield,1 Lancaster Wy,2,h,,SN,Barry,29/07/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaconsfield,1A Lancaster Wy,2,h,,PI,Barry,29/07/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaconsfield,38 Tantallon Bvd,3,h,,SN,Barry,29/07/2017,3807,Eastern Victoria,2332,39,Cardinia Shire Council +Beaumaris,2/37 Bonanza Rd,3,t,900000,PI,Thomson,29/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,6 Monaco Cr,3,h,1500000,S,Charlton,29/07/2017,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bentleigh,2 Osborne Av,3,t,1435000,S,hockingstuart,29/07/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,2/9 Argyle St,2,u,592000,S,Gary,29/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2A Goodrich St,3,h,900000,S,Gary,29/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,10 Juliana St,4,h,1780000,S,Woodards,29/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16 Waratah St,3,t,1260000,S,Woodards,29/07/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,33 Jane St,3,h,620000,S,C21,29/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,67 Strathavan Dr,4,h,,PI,O'Brien,29/07/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,5/323 Beach Rd,2,u,600000,S,Hodges,29/07/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,1/47 Bluff Rd,3,t,1215000,S,Hodges,29/07/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn South,12/5 Travellyn Ct,2,u,615000,S,Ray,29/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1a Wicking Ct,4,h,,SN,Woodards,29/07/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,42 Matlock Rd,3,h,790000,S,Ray,29/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,15 New St,4,h,770000,SP,Noel,29/07/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,9 Bishop St,4,h,1831000,S,hockingstuart,29/07/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,35 Carlton St,3,h,800000,S,Biggin,29/07/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,5/16 Lawn Cr,3,u,381500,S,Purplebricks,29/07/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Brighton,4 Baroona Ct,4,h,,SP,Marshall,29/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/105 Cochrane St,2,u,845000,SP,Buxton,29/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,2/14 Nepean Hwy,2,u,,SP,hockingstuart,29/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,7/138 New St,1,u,495000,S,Nick,29/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,6/30 Roslyn St,2,u,760000,PI,Marshall,29/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/141 South Rd,3,h,1240000,PI,hockingstuart,29/07/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,10/196 North Rd,2,u,950000,S,Marshall,29/07/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,2 Deakin Ct,3,t,470000,S,Barry,29/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,5 Evans Ct,3,h,586000,S,YPA,29/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,3/52 Jacana Av,2,h,,PI,Raine,29/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,18 Katunga Cr,4,h,706000,S,YPA,29/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,54 Ophir St,3,h,550000,S,YPA,29/07/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brookfield,30 Pinrush Rd,4,h,456000,S,Reliance,29/07/2017,3338,Western Victoria,3122,29.8,Melton City Council +Brooklyn,77 Corrigan Av,2,u,555000,S,Barlow,29/07/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,1/46 Davies St,2,h,650000,S,Jellis,29/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Marks St,4,h,1080000,VB,Nelson,29/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,1 North St,3,t,,S,Jellis,29/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,22/74 Tinning St,2,t,725000,PI,Jellis,29/07/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,1/51 Brunswick Rd,2,h,620000,S,Nicholson,29/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3/51 Brunswick Rd,2,h,683000,S,Nicholson,29/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,24 Ethel St,2,h,,S,Nelson,29/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,2/38 Ethel St,2,h,501000,S,Jellis,29/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,603/29 Nicholson St,2,u,615000,SP,hockingstuart,29/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,17 Roberts St,2,h,1220000,SP,Nelson,29/07/2017,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,17 Cohuna St,2,h,1150000,S,Jellis,29/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8/24 Daly St,1,u,328000,SA,Nelson,29/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,7/80 Hopetoun Av,2,u,400000,VB,Nelson,29/07/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bundoora,8/8 Balaka Pl,3,t,,PI,Barry,29/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,5 Gray Ct,3,t,773500,S,Ray,29/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Nolan Cl,4,h,,PI,Ray,29/07/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,383 Burwood Hwy,3,h,1750500,S,RW,29/07/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/14 Hughes St,4,u,,PI,Buxton,29/07/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,12/6 Yarra Bing Cr,2,u,,PI,Harcourts,29/07/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,1/2 Ellesmere Rd,3,u,835000,S,Ray,29/07/2017,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,42 Stockton Dr,3,h,,SN,Barry,29/07/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Cairnlea,16 Westbury St,3,h,640000,S,HAR,29/07/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,52 Ellsworth Cr,3,t,1280000,SP,Jellis,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,78 Fordham Av,5,h,2400000,VB,Marshall,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/43 Inglesby Rd,2,u,682000,S,Jellis,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,6 Regent St,4,h,2500000,VB,Fletchers,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,11/596 Riversdale Rd,3,u,682000,S,Noel,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2/37 Thomas St,2,u,600800,S,Philip,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,30 Woodlands Av,3,h,,SN,J,29/07/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,410/1 Bouverie St,2,u,,S,Nelson,29/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,66 Palmerston St,3,h,920000,S,Nelson,29/07/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,384 Canning St,2,h,1690000,S,hockingstuart,29/07/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,9/1062 Lygon St,3,u,550000,PI,Walshe,29/07/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/8 Beena Av,2,u,680000,S,Woodards,29/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,13/1150 Dandenong Rd,1,u,316000,PI,Ray,29/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,5a Hethersett Gr,4,t,1600000,S,Woodards,29/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,1/80 Truganini Rd,3,u,1151000,S,Woodards,29/07/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caroline Springs,10 Risley Cl,3,h,518000,PI,RW,29/07/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Carrum,29 Whatley St,3,h,625000,SP,Buxton,29/07/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Carrum Downs,9 Pinewood Dr,3,h,480000,S,Harcourts,29/07/2017,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield North,40/15 Hawthorn Rd,1,u,,PN,Gary,29/07/2017,3161,Southern Metropolitan,6923,7.8,Glen Eira City Council +Chadstone,1/17 Carramar St,3,u,,VB,Buxton,29/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,1/6 Crana Ct,5,t,1050000,S,Buxton,29/07/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,364 Station St,3,h,750000,PI,Ray,29/07/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Chelsea Heights,11 Rebecca Cl,5,h,835500,S,Ray,29/07/2017,3196,South-Eastern Metropolitan,2076,27,Kingston City Council +Cheltenham,22 Cavanagh St,4,h,1740000,SP,O'Brien,29/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/163 Centre Dandenong Rd,2,u,560000,S,Buxton,29/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,104/19 Hall St,2,u,,SP,Steller,29/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,3/33 Sunray Av,2,t,751000,S,Buxton,29/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,6B Tenham Gr,3,t,1237500,S,Ray,29/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,20 Ward St,2,t,,PI,Barry,29/07/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,8 Elliminya Ct,5,h,976000,S,Woodards,29/07/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clifton Hill,6/1 Marshall Pl,3,t,,S,Nelson,29/07/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,117 Roseneath St,4,h,1662500,S,Nelson,29/07/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,7/16 The Esplanade,2,u,591000,S,Ray,29/07/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,3/7 Dare St,2,h,650000,SP,Jellis,29/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,68 Marks St,4,h,1400000,S,Nelson,29/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,34 Soudan St,2,h,996000,S,Nelson,29/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,4/94 The Grove,1,u,430000,SP,Brad,29/07/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,17 Delta Av,4,h,1011000,S,Nelson,29/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,38A Mashoobra St,2,t,,SN,Barry,29/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,39 Peterson Av,3,h,770000,S,Ray,29/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,10 Shore Gr,3,t,830000,S,Ray,29/07/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coolaroo,470 Barry Rd,3,h,455000,S,Nelson,29/07/2017,3048,Northern Metropolitan,1124,17.4,Hume City Council +Craigieburn,5 Brayford Nk,3,h,,SN,Barry,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,15 Champion Pde,4,h,510000,PI,LJ,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,12 Glacier St,4,h,620000,SP,LJ,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,10 Olympic Wy,4,h,590000,S,YPA,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Riverway Vw,3,h,470000,S,YPA,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,14 Rouge Wy,4,h,662000,S,LJ,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,66 Willmott Dr,3,h,390000,S,Ray,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,41 Woodlea Cr,4,h,,SN,Barry,29/07/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne North,13 Cumquat Ct,4,h,500000,S,Ray,29/07/2017,3977,South-Eastern Metropolitan,6464,34.7,Casey City Council +Croydon,20 Glenora Av,2,h,1150000,VB,McGrath,29/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1/6 Kitchener Rd,3,h,745000,S,Barry,29/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,1 Laird St,3,h,1130000,S,Fletchers,29/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,6 Powell St,3,h,928000,S,Philip,29/07/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,24 County Tce,4,h,1020000,S,Jellis,29/07/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon Hills,10 Oxford Cl,4,h,,SA,Fletchers,29/07/2017,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Dandenong North,1/30 Boyd St,4,u,617000,S,C21,29/07/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Derrimut,75 Capesthorne Dr,5,h,,SN,Barry,29/07/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,2/18 Bruce St,3,h,632000,S,Millership,29/07/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,31 Phipps Cr,2,h,,SN,Barry,29/07/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Doncaster,18 Harcourt St,4,h,,PI,Ray,29/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,24 Nathan St,4,h,,S,Jellis,29/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,116/6 Thiele St,2,u,478000,S,Ray,29/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,10 Wilsons Rd,3,h,1420000,VB,Barry,29/07/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,54 Devon Dr,3,h,1120000,S,Barry,29/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,27 Gaudion Rd,6,h,1655000,S,Barry,29/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,39A George St,3,t,970000,S,Ray,29/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,10 Heysen Gr,4,h,1225000,S,Philip,29/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14 Morello Cir,3,t,1120000,PI,Barry,29/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,21 Runnymede St,3,h,1460000,SP,Biggin,29/07/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,38 Oregon Dr,3,h,,PI,Noel,29/07/2017,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doreen,2 Hughes Rd,4,h,500000,PI,LITTLE,29/07/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,13 Sandover St,4,h,531000,S,Barry,29/07/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,35 Fugosia St,3,h,508000,S,C21,29/07/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,49 Kanooka Gr,3,h,450000,SP,Stockdale,29/07/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,1/6 Peach Ct,3,u,430000,SP,O'Brien,29/07/2017,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,18 Carlsberg Rd,4,h,3300000,S,Miles,29/07/2017,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,29B Randall Av,3,h,,PN,Buxton,29/07/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,17 Tudor Ct,4,u,700000,VB,Buxton,29/07/2017,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Elsternwick,707/18 McCombie St,2,u,910000,S,Gary,29/07/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,5/17 Oswald St,2,u,815000,S,Biggin,29/07/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elsternwick,3/14 Sinclair St,2,u,834500,S,Biggin,29/07/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham North,45 Acheron Cr,4,h,850000,PI,Buckingham,29/07/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,15 Highpoint Cr,4,h,920000,S,Buckingham,29/07/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,20 Ramptons Rd,5,h,850000,S,Barry,29/07/2017,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,3/88 Addison St,2,u,,VB,Biggin,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/28 Avoca Av,2,u,930000,S,Chisholm,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/121 Brighton Rd,2,u,720000,S,Chisholm,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/217 Brighton Rd,2,u,,PI,Biggin,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/86 Dickens St,2,u,790000,VB,Marshall,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,1/1 Goldsmith St,2,u,,SN,Gary,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/19 Ruskin St,3,t,1035000,S,Chisholm,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,34 Selwyn Av,3,h,1820000,S,Chisholm,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4/505 St Kilda St,2,t,710000,S,McGrath,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,3/521 St Kilda St,2,u,715000,S,Chisholm,29/07/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Emerald,35 Kings Rd,2,h,655000,S,Kaye,29/07/2017,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Endeavour Hills,44 Denton Dr,3,h,630000,SP,O'Brien,29/07/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,3 Dunster Ct,5,h,1015000,SP,Del,29/07/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,9 Knight Ct,3,h,676000,SP,O'Brien,29/07/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,13 Merton Ct,3,h,580000,S,Nicholls,29/07/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Endeavour Hills,32 Shetland St,3,h,,PN,O'Brien,29/07/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,19 Lotus Ct,4,h,658000,PI,hockingstuart,29/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Manley St,3,h,500000,S,Darren,29/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3/3 Redding Ri,3,t,460000,SP,Love,29/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Shields St,3,h,560000,S,HAR,29/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Skehan Pl,5,h,,PI,HAR,29/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/33 Wedge St,2,u,503000,S,Love,29/07/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,6/23 Daisy St,2,u,468000,S,Nelson,29/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,129 Deakin St,3,t,1002000,S,Nelson,29/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,27 McPhail St,3,h,1315000,S,Barry,29/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,118 Ogilvie St,3,t,1000000,S,Barry,29/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/46 Richardson St,2,u,550000,S,Brad,29/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,61 William St,3,h,1875000,SP,Jellis,29/07/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,9 Rushall St,3,h,1800000,SP,Jellis,29/07/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,7/305 Station St,1,u,,PI,Nelson,29/07/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,27 Vervale Av,3,h,661000,S,Raine,29/07/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,3 Hooker Rd,3,h,861000,S,Ray,29/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,79 McIver St,3,h,760000,S,Harcourts,29/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Ferntree Gully,72 Ormonde Rd,4,h,890000,S,Ray,29/07/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Footscray,703/250 Barkly St,2,u,,PI,Jas,29/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,9/51 Napier St,2,u,370000,VB,Jas,29/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,18 White St,2,h,957000,S,Jas,29/07/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,45 Lasiandra Av,3,h,,SN,Woodards,29/07/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Alvina Ct,3,h,,SN,Barry,29/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/93 Dandenong Rd E,2,u,266000,S,Buxton,29/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,55 Margate Av,4,h,680000,VB,hockingstuart,29/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,35 McAlister St,3,h,655000,SA,Eview,29/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,11 Tertullian Ct,4,h,,SN,Barry,29/07/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston North,7 Wirilda Cr,3,h,570000,SP,C21,29/07/2017,3200,Eastern Victoria,2500,36.9,Frankston City Council +Frankston South,90 Yuille St,4,h,945000,S,Bowman,29/07/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Glen Huntly,1/1110 Glen Huntly Rd,2,u,450000,S,Woodards,29/07/2017,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,1/10 Albion Rd,4,t,,PI,Jellis,29/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,14 Chaleyer St,3,h,,S,Marshall,29/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,2/26 Edgar St,2,u,,PN,hockingstuart,29/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,23 Hillside Pde,4,h,1908000,SP,J,29/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,4/1508 Malvern Rd,2,t,955000,S,Jellis,29/07/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,20 Cowrie St,4,h,1200000,S,Harcourts,29/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,39 Madigan Dr,4,h,,SP,Fletchers,29/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 McKenna Rd,3,h,1130000,S,Harcourts,29/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,8 Saladin Av,3,h,,SN,Harcourts,29/07/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,20A Apsley St,3,h,820000,S,Stockdale,29/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,71 Augustine Tce,3,h,760000,S,Barry,29/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,125 Glenroy Rd,4,h,,PI,Stockdale,29/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,69 Melbourne Av,3,h,680000,S,FN,29/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/96 Plumpton Av,3,u,,PI,Barry,29/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,9 Rowan St,3,h,629500,S,YPA,29/07/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,3 Bluebell Cr,3,h,900000,SP,Nelson,29/07/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,50 Albion Cr,4,h,770000,PI,Darren,29/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,14 Glenwood Dr,4,h,887500,S,hockingstuart,29/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,12 Yangoora Pl,4,h,900000,S,Morrison,29/07/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,6 Abbey Al,3,h,633000,S,YPA,29/07/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,18 Exeter St,3,h,860000,S,Stockdale,29/07/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,41 Imbros St,5,h,,S,hockingstuart,29/07/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hawthorn,18/352 Auburn Rd,2,u,580000,S,R&H,29/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/24 Muir St,2,u,840000,S,Woodards,29/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,9 Randolph St,3,h,1460000,S,Nelson,29/07/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,6/712 Burwood Rd,2,u,400000,VB,Jellis,29/07/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,22 Orchard Gr,3,h,901000,S,hockingstuart,29/07/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg,34 Berkeley Av,3,h,,SN,Miles,29/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,2/14 Edgar St,3,t,835000,VB,hockingstuart,29/07/2017,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Highett,2 Dalmont St,4,h,1535000,S,Buxton,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,28 Graham Rd,3,h,1257000,S,Hodges,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/12 Jillian Av,3,t,1200000,S,Charlton,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,1/1 Peterson St,3,t,1030000,PI,Hodges,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,23 The Crescent,3,h,1260000,S,Buxton,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,31 The Crescent,4,t,1200000,S,hockingstuart,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,46 Wilson St,2,h,1150000,PI,hockingstuart,29/07/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,1/14 Jade Wy,3,u,485000,S,Barry,29/07/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,20 Viridian Dr,4,h,618350,S,YPA,29/07/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,7 Angela Dr,3,h,,SN,hockingstuart,29/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,7 Brooke Ct,3,h,540000,S,Ray,29/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,27 Empire Dr,3,h,,PI,Barry,29/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,4 Gildan Ct,4,h,,SN,Barry,29/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,5 Kenmore Cl,4,h,,SN,Barry,29/07/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Huntingdale,39 Hargreaves St,3,h,990000,VB,Barry,29/07/2017,3166,Southern Metropolitan,768,12.3,Monash City Council +Ivanhoe,6 Carn Av,4,h,2250000,VB,Nelson,29/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,25 Fairy St,4,h,2530000,VB,Miles,29/07/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,51 Wilfred Rd,4,h,,PI,Ray,29/07/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,29 Fox Ct,3,h,620500,S,RW,29/07/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor East,9 Surrey Dr,4,h,1475000,PI,Harcourts,29/07/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Park,45 Collinson St,3,h,750000,S,Nelson,29/07/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Keilor Park,26 Snow St,5,h,765000,SP,McDonald,29/07/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,401/40 Altona St,2,u,445000,SP,Redina,29/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,509/72 Altona St,2,u,501000,SP,Jellis,29/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,32 Collett St,2,h,,SP,Nelson,29/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,42 Gower St,3,h,1060000,S,Nelson,29/07/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,6/385 Barkers Rd,3,t,1405000,S,Buckingham,29/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/21 Hartington St,2,u,,PI,Nelson,29/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,11 Raheen Dr,4,h,3015000,S,Jellis,29/07/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,7 Cadow St,3,h,1500000,S,Fletchers,29/07/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,28 Eildon Dr,3,h,745000,SP,Biggin,29/07/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,5 Faoro Ct,3,h,725000,S,Purplebricks,29/07/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kings Park,16 Camelia St,4,h,,SN,Barry,29/07/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsville,5/35 Kingsville St,1,u,216000,SP,Jas,29/07/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Knoxfield,16 Mistletoe Cl,5,h,1070000,SP,Barry,29/07/2017,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kurunjang,55 Dunvegan Dr,3,h,375000,SP,hockingstuart,29/07/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,2/7 Cooma Ct,2,u,444000,S,HAR,29/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,168 Darebin Dr,3,h,544000,S,Langwell,29/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,52 Monash St,3,h,580500,S,Love,29/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 Robert St,4,h,710000,S,Love,29/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,105 William St,3,h,700000,SP,YPA,29/07/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,2 Gianna Wy,3,h,565500,S,O'Brien,29/07/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Lower Plenty,54 Edwards St,4,h,1129000,S,Fletchers,29/07/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lysterfield,89 Oaktree Ri,4,h,,S,Ray,29/07/2017,3156,South-Eastern Metropolitan,2126,24.8,Knox City Council +MacLeod,94 Torbay St,3,h,1210000,S,Darren,29/07/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,1/1 Clarendon St,3,t,670000,SP,Jas,29/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,2/166 Mitchell St,4,t,821000,S,Jas,29/07/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,1/1887 Malvern Rd,2,u,,SN,Marshall,29/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,56 Millewa Av,2,h,,S,Jellis,29/07/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,14 Ribbony Wk,3,h,600000,S,Rendina,29/07/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,2/11 Dutton Ct,3,t,360000,SP,RW,29/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,118 Malmsbury Dr,3,h,,PI,FN,29/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Meadow Heights,19 Papworth Pl,3,h,510000,SP,Barry,29/07/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,307/9 Commercial Rd,2,u,422000,S,LITTLE,29/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,709/87 Franklin St,2,u,565000,S,MICM,29/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,113/55 Queens Rd,3,u,750000,VB,Gary,29/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,713/118 Russell St,2,u,540000,PI,Harcourts,29/07/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton South,24 Blaxland Rd,3,h,300000,S,Reliance,29/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,48 Manson Dr,3,h,385000,S,YPA,29/07/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,20 Linlithgow Wy,4,h,427500,S,hockingstuart,29/07/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,1/33 Riviera St,2,u,641000,S,Thomson,29/07/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,6/178 Canterbury Rd,3,u,,SP,Buxton,29/07/2017,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,14 Jasmine Dr,3,h,668000,S,Ray,29/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,14 Medlar Ct,3,h,650000,PI,Ray,29/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2 Mimosa Rd,2,h,490000,S,Stockdale,29/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Peyton Dr,4,h,800000,S,HAR,29/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,117 Telopea Cr,5,h,955000,S,HAR,29/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,38 Wenden Rd,3,h,635000,S,RW,29/07/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mont Albert,1/381 Elgar Rd,3,t,943000,S,Fletchers,29/07/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,3/81 Victoria Cr,2,u,,SA,Fletchers,29/07/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Moonee Ponds,90 Bent St,4,h,1400000,PI,Hodges,29/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,59 Margaret St,3,h,1245000,S,McDonald,29/07/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,3/13 Perry St,3,t,920000,S,hockingstuart,29/07/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,12a Schofield St,4,t,1320000,S,hockingstuart,29/07/2017,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,149 Manchester Rd,3,h,696000,S,Fletchers,29/07/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,4/6 Crown Av,2,u,600000,S,Barry,29/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,4/15 Hallmark Rd,2,u,440000,PI,Ray,29/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,1/64 White St,3,t,630000,VB,Hodges,29/07/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,12 Baringa St,4,h,,VB,Buxton,29/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,5 Sesame St,4,h,,S,Buxton,29/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 Valley Rd,4,h,,S,hockingstuart,29/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,37 Waimarie Dr,3,h,1635000,S,Harcourts,29/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,16 Walker Rd,3,h,1406000,S,Ray,29/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Wortley Av,4,h,1640000,S,Barry,29/07/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,35 Bevis St,3,h,9000000,PI,Hall,29/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,5 Grainger Ct,3,h,1001000,S,Harcourts,29/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,28 Mangana Dr,3,h,,SN,Hall,29/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,7 Tottenham Gr,4,h,1030000,S,Ray,29/07/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/20 Gerald St,2,u,540000,VB,Weston,29/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,1/48 Kangaroo Rd,2,u,910000,S,hockingstuart,29/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8/25 Omama Rd,1,u,295000,PI,Thomson,29/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,33 Weeroona Rd,3,h,1965000,S,Ray,29/07/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,11 Fountain Dr,3,h,,SN,Barry,29/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Narre Warren,9 Western Wy,3,h,,SN,Barry,29/07/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,41 Gordon St,3,t,950000,SP,Greg,29/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,21 Latrobe St,3,h,881000,S,Sweeney,29/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,100 Market St,3,h,,SP,hockingstuart,29/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,22/4 Mason St,2,u,582000,SP,Gunn&Co,29/07/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Noble Park,38 Dunblane Rd,3,h,695000,S,Barry,29/07/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,18/375 Abbotsford St,3,u,681000,S,JMRE,29/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,66/171 Flemington Rd,1,u,,SP,Alexkarbon,29/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +North Melbourne,195 Peel St,2,h,1803000,SP,Alexkarbon,29/07/2017,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,4 Barry St,2,h,950000,SP,Nelson,29/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,120 Darebin Rd,3,h,1610000,S,Nelson,29/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,30 Johnson St,4,h,1515000,S,Jellis,29/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,5 Lees St,2,h,,SN,Barry,29/07/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,3/61 Mount Pleasant Rd,2,u,725000,S,Stockdale,29/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,2/281 Springvale Rd,3,u,813000,S,Ray,29/07/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,2/36 Curie Av,2,t,545000,PI,Hodges,29/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,15 Nerissa Gr,4,h,1300000,PI,Woodards,29/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,88 Vincent St,4,h,1260000,S,Considine,29/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,59 Winifred St,4,h,921000,S,Jellis,29/07/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh South,9 Mimosa Av,3,h,1250000,S,McGrath,29/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Oakleigh South,58 Sherbrooke Av,3,h,840000,PI,Woodards,29/07/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,7/11 Holloway St,1,u,,S,Ray,29/07/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,3/65 Como Pde E,2,t,,PI,Buxton,29/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,5 Morris St,5,h,1350000,VB,hockingstuart,29/07/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,16/43 Arndt Rd,2,u,541000,S,Nelson,29/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/36 Bolingbroke St,2,u,565000,S,Rendina,29/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,215 Derby St,3,h,840000,PI,Brad,29/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,231 Derby St,6,h,,S,Barry,29/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/424 Gaffney St,3,t,,SP,hockingstuart,29/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,61 Pardy St,3,h,940000,SP,hockingstuart,29/07/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plenty,2 Hawk Vw,1,h,942000,S,Ray,29/07/2017,3090,Northern Victoria,777,20.1,Nillumbik Shire Council +Point Cook,23 Boathaven Rd,4,h,620000,S,hockingstuart,29/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,48 Dalkeith Dr,4,h,,SP,Reliance,29/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,3 Sage Cl,4,h,,PI,Ray,29/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,25 Yuruga Bvd,4,h,801000,S,YPA,29/07/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,83 Evans St,2,h,1722500,S,Marshall,29/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,178 Princes St,3,h,2730000,S,Chisholm,29/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,84 Raglan St,3,h,1030000,S,Frank,29/07/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,504/7 King St,2,u,520000,PI,hockingstuart,29/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,59 Perth St,2,h,,SP,Hodges,29/07/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,20 Austral Av,4,h,1485000,S,McGrath,29/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,47 Cooper St,7,h,1350000,SP,RW,29/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,483 Gilbert Rd,3,h,905000,PI,Nelson,29/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Toolangi Gr,3,h,1045000,S,RW,29/07/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,23 Corben St,3,h,,S,Barry,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Darebin Bvd,4,h,905000,S,Barry,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,649c Gilbert Rd,3,h,,PI,Nelson,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,14 Kinkora Rd,2,h,875000,S,hockingstuart,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,40 Lockton Av,3,h,670000,S,hockingstuart,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2 Moira Av,3,h,605000,SP,Love,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/33 Oconnor St,2,t,672000,S,hockingstuart,29/07/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,1/77 Abinger St,2,u,660000,SA,Nelson,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,61 Baker St,3,h,1310000,S,Jellis,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,16/297 Church St,2,u,666000,S,hockingstuart,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5/33 Davison St,1,u,330000,VB,Marshall,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,712/8 Howard St,2,u,927000,S,Biggin,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,19/2 New St,2,u,905000,S,Nelson,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Somerset St,3,h,,PI,Philip,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3/30 Tanner St,2,u,575500,S,hockingstuart,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,84 Yarra Bvd,4,h,,S,Jellis,29/07/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood East,23 Rosedale Cr,3,h,1400000,S,HAR,29/07/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,2 Jenkins Cl,5,h,850000,VB,McGrath,29/07/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,81 Kubis Dr,4,h,1005000,S,Jellis,29/07/2017,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ripponlea,10/199 Hotham St,2,u,558500,SP,Buxton,29/07/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Roxburgh Park,24 Centaurus Av,3,h,393200,S,Raine,29/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,13 McKinley Dr,3,h,460000,S,YPA,29/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Sheridan Wy,3,h,490000,S,Ray,29/07/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,6 Duff St,4,h,1660000,S,hockingstuart,29/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,1/10 Reno Rd,4,h,1235000,S,Hodges,29/07/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seabrook,5 Ann Pl,4,h,590000,S,LJ,29/07/2017,3028,Western Metropolitan,1793,15.5,Hobsons Bay City Council +Seaford,18 Catron St,4,h,870000,S,hockingstuart,29/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,13 Hayman Av,4,h,880000,S,O'Brien,29/07/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,1/27 Noordenne Av,1,u,312000,S,RT,29/07/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2/70 Windsor St,2,h,945000,SP,Village,29/07/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Kingsville,89A New St,3,t,730000,S,Sweeney,29/07/2017,3015,Western Metropolitan,984,6.2,Hobsons Bay City Council +South Melbourne,147 Bank St,3,h,2200000,VB,Marshall,29/07/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,372 Coventry St,2,h,980000,VB,Marshall,29/07/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,35 Astair Av,4,h,,PI,HAR,29/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,4 Flamingo Pt,3,h,591000,S,HAR,29/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,1/14 Kestrel Rd,4,h,,PI,HAR,29/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,7 Loveridge Wy,4,h,561000,SP,Ray,29/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,3 Robin Pl,4,h,612000,S,Millership,29/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,9 Ronald Av,3,h,690000,S,HAR,29/07/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,24 Chapel Mw,1,u,645000,S,hockingstuart,29/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1001/800 Chapel St,2,u,1090000,S,hockingstuart,29/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10E Cromwell Rd,3,t,,S,Jellis,29/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,9/17 Howitt St,2,u,570000,VB,Ray,29/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,10/38 Kensington Rd,1,u,555000,S,Jellis,29/07/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,101/8 Wells St,2,u,732000,S,Harcourts,29/07/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,10A McNeilage St,4,h,1192000,S,hockingstuart,29/07/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,3 Chestnut Dr,4,h,,SN,Barry,29/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,21 Glendenning St,2,h,,SN,Barry,29/07/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Kilda,11/22 Charnwood Cr,1,u,481000,S,hockingstuart,29/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,45/151 Fitzroy St,2,u,600000,VB,hockingstuart,29/07/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,3/3 Wood St,3,t,,SP,Pagan,29/07/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,1/6 Anthony St,2,u,360000,SP,Brad,29/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,4 College Pl,4,h,597000,S,Leading,29/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,16 Learmonth St,3,h,,SN,Barry,29/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,19 Muirfield Dr,3,h,475000,S,Leeburn,29/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Xavier Ct,3,h,495000,S,One,29/07/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,143B Cornwall Rd,3,t,590000,S,Douglas,29/07/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine West,2 Day St,3,h,695000,S,Barry,29/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,73 Hilma St,3,h,760000,S,Barry,29/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,18 Marchant Cr,3,h,583500,S,S&L,29/07/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,6/91 Warrigal Rd,3,u,1050000,PI,hockingstuart,29/07/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,23 Contursi Dr,3,h,585000,S,Prof.,29/07/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,27 Chesterton Av,4,h,,SN,Barry,29/07/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,13 Apollo Rd,3,h,685000,S,Barry,29/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,64 Pindari Av,3,h,693000,S,YPA,29/07/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,8 Emerald Ri,4,h,,S,Barry,29/07/2017,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,51 Jeffrey St,3,h,1245000,S,Barry,29/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,13 Melaleuca Av,6,h,2000000,VB,Barry,29/07/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,11 Belah St,3,h,867000,S,HAR,29/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,2/1 Charles St,2,u,407000,S,HAR,29/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,13 Tanjil Ct,3,h,590500,S,HAR,29/07/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,31 Raleigh St,3,h,1000000,PI,Love,29/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,13 Rayment St,3,h,891000,S,Nelson,29/07/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Tullamarine,1/171 Melrose Dr,3,h,615500,S,hockingstuart,29/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,9/200 Melrose Dr,2,u,300000,SP,Jason,29/07/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Wantirna,33 Dunbarton Dr,4,h,908000,S,Ray,29/07/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,9 Eton Sq,4,h,850000,VB,Purplebricks,29/07/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,16 Mariemont Av,4,h,1200000,S,Ray,29/07/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Traydal Cl,3,h,,SN,Barry,29/07/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,11 Kirrum Cl,5,h,1310000,S,Harcourts,29/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,41 Witken Av,4,h,930000,S,Noel,29/07/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia,2/10 Powley Pde,2,u,686000,S,Darren,29/07/2017,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,9 Binnak Dr,4,h,,PI,Nelson,29/07/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,33 MacOrna St,4,h,755000,S,HAR,29/07/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,12 Bridge St,2,h,678000,S,YPA,29/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,18 Conquest Dr,4,h,645000,PI,hockingstuart,29/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,46 Coventry Dr,4,h,482500,S,YPA,29/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13b Kingfisher Ct,3,u,394000,PI,hockingstuart,29/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,40 Tarneit Rd,3,h,597000,S,Ray,29/07/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,12/102 Cross St,2,u,,SP,Jas,29/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,24 Elphinstone St,4,h,1300000,SP,Jas,29/07/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,43 Bamford Av,4,h,821000,S,YPA,29/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,170 Erinbank Cr,3,h,,SP,Stockdale,29/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,4 Pershore Ct,3,h,635000,S,Barry,29/07/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,7 Ondine Dr,5,h,1095000,S,Ray,29/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,9 Xavier Dr,4,h,,PN,Harcourts,29/07/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Whittlesea,30 Sherwin St,3,h,601000,S,Ray,29/07/2017,3757,Northern Victoria,2170,35.5,Whittlesea City Council +Williamstown,75 Cecil St,3,h,1050000,VB,Williams,29/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,2/29 Dover Rd,1,u,385000,SP,Williams,29/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,87 Pasco St,3,h,1285000,S,Jas,29/07/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,201/152 Peel St,2,u,560000,PI,hockingstuart,29/07/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,60 Saltlake Bvd,3,h,525300,S,Stockdale,29/07/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Yarraville,2 Adeney St,2,h,750000,SP,hockingstuart,29/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,54 Pentland Pde,6,h,2450000,VB,Village,29/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,10/127 Somerville Rd,3,t,645000,SP,Jas,29/07/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,224/15 Lithgow St,3,t,1120000,SP,Biggin,30/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,6 Marine Pde,3,h,1100000,PI,Biggin,30/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,16D Mollison St,2,t,765000,S,Jellis,30/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,1012/20 Shamrock St,3,u,666000,PI,VICPROP,30/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,503/88 Trenerry Cr,2,u,930000,S,Biggin,30/06/2018,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,2a Highlawn Av,2,u,,SS,Barry,30/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,52a Marshall Rd,3,h,770000,S,Nelson,30/06/2018,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albanvale,2 Fernhill Ct,3,h,,PI,Barry,30/06/2018,3021,Western Metropolitan,1899,14,Brimbank City Council +Albert Park,47 Finlay St,2,h,2000000,S,Greg,30/06/2018,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,2/2 Dubbo St,4,t,,PI,Douglas,30/06/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,7 Westgate Av,3,h,755000,S,hockingstuart,30/06/2018,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Altona,12 Carruthers Ct,4,h,889000,S,Purplebricks,30/06/2018,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona North,1a Mahon Av,3,t,765000,S,hockingstuart,30/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,14 Park St,4,h,1000000,SP,Jas,30/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,25 Ross Rd,3,h,476000,S,Burnham,30/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Altona North,4/4 Rymill Ct,2,t,587000,SP,Williams,30/06/2018,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,695 Ballarat Rd,3,h,,PI,Barry,30/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 North St,3,h,,PI,GL,30/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,3/37 Yallourn St,2,u,440000,PI,hockingstuart,30/06/2018,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,3/60 Wattletree Rd,3,u,,S,hockingstuart,30/06/2018,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,6 Middle St,3,h,1195000,S,Jellis,30/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,216 The Parade,2,h,960000,PI,Brad,30/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,23 Warrick St,3,h,1345000,S,Nelson,30/06/2018,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,53 Dent St,4,h,1650000,S,Marshall,30/06/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashburton,1/11 Tarakan Av,3,t,1270000,S,iSell,30/06/2018,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Ashwood,4 Maroondah Rd,3,h,,S,Buxton,30/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,12 Moore St,4,h,1340000,S,Noel,30/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,10/36 Queens Pde,2,u,697500,S,Noel,30/06/2018,3147,Southern Metropolitan,2894,10.2,Monash City Council +Balaclava,5/60 Sycamore Gr,2,u,,SN,Gary,30/06/2018,3183,Southern Metropolitan,2952,6.4,Port Phillip City Council +Balwyn,10 Narrak Rd,4,h,,SP,Marshall,30/06/2018,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,259 Belmore Rd,3,h,,S,Jellis,30/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,26 Carron St,4,h,1550000,VB,Fletchers,30/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/239 Doncaster Rd,5,t,1450000,VB,Fletchers,30/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,32 Ellsa St,5,h,1955000,PI,Jellis,30/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lucifer St,3,h,,PI,RT,30/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,26 Walnut Rd,5,h,1650000,VB,Marshall,30/06/2018,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bentleigh,207/3 Faulkner St,2,u,,SP,Steller,30/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,1/2 Marriot Rd,3,h,1350000,S,Jellis,30/06/2018,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,64 Blamey St,3,h,1150000,VB,Buxton,30/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1/16 Blenheim St,2,u,577000,S,Barry,30/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,30B Elizabeth St,3,t,1200000,VB,Buxton,30/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,18 Pasadena Cr,3,h,1210000,S,Buxton,30/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,91 Wingate St,3,h,,PI,HAR,30/06/2018,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,22 Ambleside Cr,3,h,730000,VB,Harcourts,30/06/2018,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,48A Ardoyne St,3,t,,PI,Chisholm,30/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,20 Gordon Cr,3,h,,PI,Hodges,30/06/2018,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,6/29 Blackburn Rd,3,h,820000,S,Ray,30/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,199 Canterbury Rd,4,h,2850000,PI,Ray,30/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,31 Ohara St,4,h,1600000,S,Fletchers,30/06/2018,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn South,1A Barrina St,3,h,950000,VB,hockingstuart,30/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,2/13 Glenice Av,3,t,832500,S,Jellis,30/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,1/12 Hastings Av,3,h,801000,S,Woodards,30/06/2018,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,2 Taranto Ct,4,h,802000,S,Barry,30/06/2018,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,4/68 Dorking Rd,2,u,635000,PI,Fletchers,30/06/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,207/740 Station St,2,u,,PI,Judith,30/06/2018,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,2/53 Melon St,2,u,550000,S,Sweeney,30/06/2018,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,17 Suzanne Ct,4,h,,S,Jellis,30/06/2018,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,24/149 Male St,2,t,900000,PI,Marshall,30/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,3/383 New St,2,u,1195000,VB,hockingstuart,30/06/2018,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,11b Cluden St,3,u,,PN,Gary,30/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,234 South Rd,4,h,,S,Marshall,30/06/2018,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,39 Gerbert St,3,h,,PI,YPA,30/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,2/56 Lahinch St,2,t,,VB,YPA,30/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Broadmeadows,13 Stanhope St,3,h,620000,VB,Brad,30/06/2018,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,39 Conifer Av,2,h,800000,SP,hockingstuart,30/06/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brooklyn,65 Stenhouse Av,3,t,680000,SP,hockingstuart,30/06/2018,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,155 Albert St,2,h,900000,SP,Nelson,30/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,202/10 Charles St,1,u,506000,S,Jellis,30/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8A Edward St,2,t,740000,S,Nelson,30/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Mayfield Av,2,h,1070000,PI,Nelson,30/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,3 Rose St,2,h,985000,S,Nelson,30/06/2018,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,130 Blyth St,3,h,1600000,VB,Nelson,30/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,14 Elsie Mw,3,h,,S,Woodards,30/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,8/374 Lygon St,2,u,390500,S,Ray,30/06/2018,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,16 James St,3,h,,SN,Woodards,30/06/2018,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,9 Nirvana Cr,3,h,1000000,PI,Jellis,30/06/2018,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,3 Sussex St,3,h,693500,S,Barry,30/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,40 Tasman Dr,3,h,600000,S,Ray,30/06/2018,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,26 Fulton Cr,4,t,1150000,VB,hockingstuart,30/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,17 Puerta St,5,h,1670000,S,Buxton,30/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,1/3 Talbett St,4,t,1130000,S,Buxton,30/06/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood East,8 Davor Ct,3,h,,PI,Lindellas,30/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,5 Ramsey St,3,h,1060000,S,Buxton,30/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,12 Sheraton Cl,5,h,1468800,S,Ray,30/06/2018,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Camberwell,20 French St,4,h,1900000,PI,Noel,30/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,22 French St,4,h,1800000,PI,Noel,30/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,9 Jervis St,4,t,,VB,Jellis,30/06/2018,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Carlton,10 Charles St,2,h,935000,S,Collins,30/06/2018,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,2/7 Kingsley Pde,2,u,712000,S,Woodards,30/06/2018,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Caulfield,1c Heatherbrae Av,3,t,,PN,Gary,30/06/2018,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,57 Frederick St,3,h,,SP,Gary,30/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,511 Hawthorn Rd,3,h,1154000,S,Gary,30/06/2018,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,3/6 Kelly St,3,t,785000,PI,Woodards,30/06/2018,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,19 Sherwood Av,3,h,,SN,O'Brien,30/06/2018,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,63B Bernard St,3,t,925000,SP,Buxton,30/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1b Cobham St,3,t,,SN,O'Brien,30/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,15 Fairview Av,3,h,1020000,VB,Buxton,30/06/2018,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clarinda,14/104 Springs Rd,2,u,550000,SP,Buxton,30/06/2018,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,13 Banksia St,4,h,1355000,S,Buxton,30/06/2018,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,4/61 Bevan Av,2,t,570000,PI,Barry,30/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,4/11 Burns Av,2,u,440000,PI,HAR,30/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,3/36 Lanark St,3,u,750000,S,C21,30/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,35 Mallawa St,3,h,841000,S,iSell,30/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,1/3 Third St,4,t,846000,S,FN,30/06/2018,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,9/200 Noone St,3,t,940000,S,Collins,30/06/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,46 Noone St,2,h,900000,S,Jellis,30/06/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Clifton Hill,46 Ramsden St,6,h,2700000,VB,Nelson,30/06/2018,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,38 Abeckett St,2,h,945000,S,Barry,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Brown St,3,h,900000,VB,Brad,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,16 Cope St,4,h,1200000,VB,Nelson,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,87 Linda St,4,h,1351800,SP,Barry,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,20 Ohea St,3,h,865000,S,Raine,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,24 Queen St,4,h,1100000,VB,Nelson,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,5 Webb St,4,h,941000,S,Nelson,30/06/2018,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,7 Carr St,3,h,900000,VB,McGrath,30/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,5 Whitton Pde,2,h,750000,VB,Nelson,30/06/2018,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,11/115 Oxford St,4,u,,VB,Nelson,30/06/2018,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,50 Abercarn Av,3,h,,PI,Barry,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Bembridge Mw,3,h,,PI,Barry,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Elland Ct,4,h,610000,S,Ray,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,30 Emerald Cct,4,h,565000,PI,LJH,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,29 Highbury Cct,4,h,,PI,Barry,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,39 Lakes Dr,3,h,550000,S,Ray,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,5 Mundaring Cr,4,h,,PI,Skad,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Parton Pl,3,h,,PI,Ray,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,19 Prominence Ri,1,h,475000,S,Skad,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Redheugh St,2,h,441000,S,Barry,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,1 Shearwater Pl,3,h,494000,S,Barry,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Waterdale Ri,5,h,,SP,Barry,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,304 Waterview Bvd,3,h,632000,S,Ray,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,4 Zennor Ct,3,h,,SN,RW,30/06/2018,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne East,18 Lineham Dr,4,h,,PI,Area,30/06/2018,3977,South-Eastern Metropolitan,5462,34.7,Casey City Council +Cranbourne West,55 Calais Cct,4,h,,SP,Ray,30/06/2018,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Croydon,2/46 Diane Cr,2,u,,SN,Noel,30/06/2018,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon Hills,46 Campaspe Dr,3,h,780000,VB,Noel,30/06/2018,3136,Eastern Metropolitan,1705,23,Maroondah City Council +Croydon South,100 Eastfield Rd,3,h,720000,S,LJ,30/06/2018,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,27 Garner Pde,4,h,,PI,HAR,30/06/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dallas,20 Pyalong Cr,3,h,477000,S,RW,30/06/2018,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,1/45 Herbert St,3,t,,PI,Hall,30/06/2018,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,22 Illawarra Cr,3,h,,PI,O'Brien,30/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Dandenong North,3 Taylor Ct,4,h,700000,SP,Hall,30/06/2018,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Delahey,29 Marylou Ct,4,h,720000,S,Barry,30/06/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,2/61 Wilmot Dr,3,u,408000,S,O'Brien,30/06/2018,3037,Western Metropolitan,2898,18,Brimbank City Council +Diamond Creek,1/18 Chapman St,3,u,585000,SP,Darren,30/06/2018,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,30 Fernhill Dr,4,h,1087500,S,Buxton,30/06/2018,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,54 Ayr St,4,h,1270000,SP,Ray,30/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,23 Burgundy Dr,4,h,1110000,S,hockingstuart,30/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,1 Cantala Dr,4,h,1350000,PI,Barry,30/06/2018,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Catherine Av,5,h,1650000,PI,Jellis,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,9A Greendale Rd,4,h,1250000,PI,Jellis,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2 Grimsby Ct,4,h,1376000,S,Barry,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1 Kelvan Gr,4,h,1200000,VB,Jellis,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Maxia Rd,4,h,,PN,Parkes,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,14 Reddington Tce,4,h,1200000,S,Barry,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,42 Roderick St,3,h,882000,S,Parkes,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,7 Whittenoom St,4,h,1197500,S,Fletchers,30/06/2018,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,13 Eastern Vw,3,h,520000,S,HAR,30/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,12 Hammock Dr,3,h,600000,SP,RW,30/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,13 Shikra Pl,4,h,607000,SP,HAR,30/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,9 Windermere Pde,3,h,,PI,HAR,30/06/2018,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doveton,3 Laurina Ct,3,h,,SP,TRUE,30/06/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Doveton,108 Paperbark St,3,h,490000,PI,Stockdale,30/06/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Elsternwick,33 Trevelyan St,3,h,1280000,S,hockingstuart,30/06/2018,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Elwood,6/16 Byron St,1,u,326000,PI,Chisholm,30/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,8/97 Spray St,2,u,,S,Buxton,30/06/2018,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,5 Cove Ct,3,h,633000,S,Win,30/06/2018,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,17 Anglers Dr,3,h,618000,SP,hockingstuart,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Benaud Pl,3,h,576500,S,Stockdale,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10 Billabong Cct,4,h,,PI,Biggin,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,43 Cotters Rd,2,t,,PI,HAR,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,16 Coulstock St,5,h,970000,S,McGrath,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,3 Frewin St,4,h,600000,S,Barry,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Gatestone Rd,3,h,590000,PI,Love,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,6 Gillespie Pl,3,h,,PI,Ray,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,22 Helpmann Cr,3,h,543000,S,hockingstuart,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,7 Rainbird Ct,3,h,,PI,Iconek,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,4 Winterton Cl,3,h,542000,S,Iconek,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Winterton Cl,4,h,625000,PI,Iconek,30/06/2018,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1 Agatha St,3,h,1455000,S,Jellis,30/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,1/324 Buckley St,2,t,770000,VB,Nelson,30/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/19 Fletcher St,2,u,445000,S,Brad,30/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,31 King St,3,h,1190000,S,Brad,30/06/2018,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Fairfield,105/57 Station St,2,u,600000,VB,McGrath,30/06/2018,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,1/23 Princess St,3,t,620000,SP,Ristic,30/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,7 Tyrrell Cr,3,t,,SN,Barry,30/06/2018,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,159 Argyle St,2,h,,S,Jellis,30/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,405/48 Rose St,1,u,600000,S,hockingstuart,30/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,327 Young St,3,t,1157000,S,Nelson,30/06/2018,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,17 Alfred St,3,h,1350000,S,Nelson,30/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,499 Brunswick St,3,h,1210000,S,Jellis,30/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,80 Delbridge St,3,h,1995000,S,Nelson,30/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,51 Kneen St,5,h,2125000,S,Nelson,30/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,32 Tait St,2,h,,PI,Jellis,30/06/2018,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,19 Dover St,2,h,850000,VB,Nelson,30/06/2018,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Forest Hill,16 Boyle St,3,h,1050000,VB,Noel,30/06/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Forest Hill,2 Cumberland Ct,3,h,870000,S,Ray,30/06/2018,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,7 Clarendon St,3,h,715000,PI,McLennan,30/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,35 Kareela Rd,3,h,637500,S,Barry,30/06/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,5 Ronald Av,4,h,850000,PI,Aquire,30/06/2018,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gladstone Park,30 Katrina Dr,3,h,662000,S,O'Brien,30/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,14 Mayfair Cl,3,h,,PI,RW,30/06/2018,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Huntly,36 Augusta St,3,h,1510000,S,Gary,30/06/2018,3163,Southern Metropolitan,2403,10.1,Glen Eira City Council +Glen Iris,7/62 Edgar St N,2,u,507500,S,Jellis,30/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,3/13 Iris Rd,2,u,795500,S,RT,30/06/2018,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,19 Mavista Av,4,h,,PI,Biggin,30/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,12 Plume Ct,4,h,,W,McGrath,30/06/2018,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,4/28 Acacia St,2,u,462000,S,Re,30/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,3/17 Finchley Av,3,t,685000,SP,Eview,30/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,26 Fran St,3,h,725000,S,Eview,30/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,58 Justin Av,3,h,630000,S,RW,30/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,26 Tarana Av,3,h,901000,S,Nelson,30/06/2018,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,84 Gowanbrae Dr,4,h,691000,S,Nelson,30/06/2018,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,37 Narbethong Dr,5,h,891000,S,Darren,30/06/2018,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Hampton,37A Retreat Rd,4,t,,S,Marshall,30/06/2018,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton Park,16 Bride Av,4,h,700000,VB,LJ,30/06/2018,3976,South-Eastern Metropolitan,8256,33.3,Casey City Council +Hawthorn,17/197 Auburn Rd,1,u,370000,VB,hockingstuart,30/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,14/24 Elphin Gr,2,u,440000,VB,Fletchers,30/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/492 Glenferrie Rd,2,u,500000,PI,LITTLE,30/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,105/92 Kinkora Rd,2,u,705000,S,Noel,30/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/48 Morang Rd,3,h,,S,Marshall,30/06/2018,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,36 Victoria Rd,3,h,,S,Kay,30/06/2018,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,19 Armstrong Rd,4,t,,S,Barry,30/06/2018,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,1/34 Bamfield Rd,3,u,,S,Miles,30/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,74 Outhwaite Rd,4,h,1140000,S,Jellis,30/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,2/35 Waiora Rd,3,u,683000,SP,Ray,30/06/2018,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,112 Highett Rd,4,h,,SP,Marshall,30/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,66 Rowans Rd,3,h,975000,PI,Ray,30/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,2/22 Tennyson St,3,t,,SN,Branon,30/06/2018,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,16 Gourlay Rd,3,h,1600000,SP,Prof.,30/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,3 Sage Cl,5,h,,W,Prof.,30/06/2018,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,5 Christen Ct,3,h,495000,SP,hockingstuart,30/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,11 Fink Ct,4,h,,VB,hockingstuart,30/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Grevillea Cr,3,h,460000,S,Sweeney,30/06/2018,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,42 Stanley St,4,h,1030000,VB,Fletchers,30/06/2018,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Keilor Downs,10 Hoban Cl,4,h,750000,VB,Brad,30/06/2018,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,24/24 Craig St,3,t,732000,S,Brad,30/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,34 Hassett Cr,3,h,1010000,S,Barry,30/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,3/67 Milleara Rd,2,u,500000,VB,Nelson,30/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,42 Noga Av,3,h,930000,S,Barry,30/06/2018,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,21 Graham St,3,t,930000,SP,Nelson,30/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,39 Leicester Mw,3,t,1035700,SP,Biggin,30/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,73 Westbourne Rd,3,t,952500,SP,Nelson,30/06/2018,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,27 Heather Gr,4,h,4400000,PI,Jellis,30/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/44 High St S,3,t,1190000,S,hockingstuart/Jellis,30/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,24 Young St,4,h,,VB,Jellis,30/06/2018,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/57 Hartwood St,2,h,768000,S,RT,30/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,803 High St,2,h,1125000,VB,Jellis,30/06/2018,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,34/19 Peppertree St,2,u,508000,S,Area,30/06/2018,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,13 Wavell Av,3,h,,VB,McGrath,30/06/2018,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kilsyth South,49 Sunset Dr,5,h,1280000,S,Fletchers,30/06/2018,3137,Eastern Metropolitan,962,26,Maroondah City Council +Knoxfield,8 Foster Cr,3,h,820000,S,OBrien,30/06/2018,3180,Eastern Metropolitan,2949,23.3,Knox City Council +Kurunjang,13 Raspberry Wy,3,h,428500,S,Barry,30/06/2018,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,9 Bali Pl,3,h,630000,SP,Barry,30/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,3 Erica Ct,4,h,,PI,Barry,30/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,2/143 Messmate St,2,u,404000,S,HAR,30/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,20 Rotino Cr,4,h,857000,S,HAR,30/06/2018,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Laverton,32 Whittaker Av,4,h,475000,S,Gunn&Co,30/06/2018,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Macleod,34 Wilmot St,5,h,,PI,Ray,30/06/2018,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,3/16 Janson St,2,u,640000,S,Village,30/06/2018,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern East,12 Ailsa Av,4,h,,S,Jellis,30/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7/10 Ferncroft Av,3,u,,S,Marshall,30/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,10 Peverill St,3,h,1375000,S,hockingstuart,30/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1/3 Winton Rd,2,h,,VB,Jellis,30/06/2018,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Manor Lakes,22 Stringybark Cl,4,h,,PI,Barry,30/06/2018,3024,Western Metropolitan,2591,27.2,Wyndham City Council +Maribyrnong,2 Ribbony Wk,3,t,690000,SP,hockingstuart,30/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,40 Woodruff Av,6,h,1400000,PI,hockingstuart,30/06/2018,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Meadow Heights,15 Manuka Pl,3,h,465000,PI,Barry,30/06/2018,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,1220/555 Flinders St,1,u,405000,S,Harcourts,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,153/33 La Trobe St,3,u,840000,SP,MICM,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2611/601 Little Lonsdale St,2,u,615000,S,McGrath,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,904/16 Liverpool St,1,u,692000,S,hockingstuart,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,131/416 St Kilda Rd,2,u,686000,S,Greg,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,413/576 St Kilda Rd,3,u,,PI,Harcourts,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,903/594 St Kilda Rd,1,u,310000,VB,Dingle,30/06/2018,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,466 High St,3,h,470000,S,Brad,30/06/2018,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,14 Flinders Rd,3,h,376000,S,Ryder,30/06/2018,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,50 Argyll Cct,3,h,435500,S,hockingstuart,30/06/2018,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,25 Avenza St,5,h,1500000,S,Hodges,30/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,1/1 Mitchell St,2,h,870000,S,Thomson,30/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,39B Riviera St,3,t,1005000,SP,Buxton,30/06/2018,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,15 Brendan St,4,h,,W,Millership,30/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,28 Brendan St,4,h,550000,VB,RW,30/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,9 Coleen St,4,h,685000,S,hockingstuart,30/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,15 Jane Ct,3,h,535000,SP,Millership,30/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,36 Schotters Rd,3,h,,SN,RW,30/06/2018,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Middle Park,49 Park Rd,4,h,,S,hockingstuart,30/06/2018,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,84 Heritage Dr,3,h,645000,S,Barry,30/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,5 Laurina Trn,4,h,1090000,S,Ray,30/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,41 Veronica Cr,3,h,,PI,HAR,30/06/2018,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,26 Barkly Tce,3,h,625000,SA,Philip,30/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,42 Churinga Av,4,h,985000,S,Woodards,30/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/13 Hedge End Rd,3,u,805000,S,Philip,30/06/2018,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,1a Gilbert St,4,h,1875000,VB,Lindellas,30/06/2018,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,8/76 Airlie Rd,3,t,820000,S,Jellis,30/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,13 Alban St,4,h,1850000,S,Buckingham,30/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,58 Coventry St,3,h,760000,VB,Darren,30/06/2018,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,15 Laura St,4,h,2350000,S,Nelson,30/06/2018,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,5 Buchan St,5,h,1200000,S,Buxton,30/06/2018,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mordialloc,2/4 Montgomery St,2,u,613000,S,Barry,30/06/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,4/2 Woods Av,1,u,,PI,Ray,30/06/2018,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,14 Dickson St,3,h,1000000,PI,Woodards,30/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 French St,3,h,1315000,S,Jellis,30/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,8/348 High Street Rd,3,u,787000,S,Buxton,30/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,7 Wortley Av,3,h,1260000,VB,Barry,30/06/2018,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,1 Baldios La,3,h,1005000,S,Win,30/06/2018,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Narre Warren,51 Coachwood Cr,4,h,668500,S,C21,30/06/2018,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Niddrie,43 Muriel St,3,h,970000,VB,Barry,30/06/2018,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,18 Page Cl,3,h,,PN,LJ,30/06/2018,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,14 Mark St,2,h,,SN,hockingstuart,30/06/2018,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,609/8 Breavington Wy,2,u,540000,S,Nelson,30/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3 Glanfield St,4,h,2100000,VB,Jellis,30/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,2/96 Jenkins St,3,t,877500,S,McGrath,30/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,77 Roberts St,4,h,2420000,S,Jellis,30/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,17 Urquhart St,2,h,711000,S,Harrington,30/06/2018,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,34 Risdon Dr,4,h,,W,McGrath,30/06/2018,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,3/44 Efron St,3,u,,SP,Barry,30/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,17 Oshannessy St,3,h,1620000,S,HAR,30/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,21 Outlook Dr,3,h,,SP,Fletchers,30/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,346 Springfield Rd,3,h,,VB,Jellis,30/06/2018,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/81 Snell Gr,2,u,440000,S,Jellis,30/06/2018,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,70 Eastgate St,3,h,1500000,PI,Woodards,30/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,2/2 Parer St,2,u,660000,S,Ray,30/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh,12 Young St,2,h,,VB,Buxton,30/06/2018,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,4 Keith St,4,h,1170000,S,Ray,30/06/2018,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,28 Joyce Av,4,h,1166000,S,hockingstuart,30/06/2018,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Pakenham,73 Ebony Dr,3,h,,W,Ray,30/06/2018,3810,Eastern Victoria,17384,47.3,Cardinia Shire Council +Parkdale,1/10 Clare St,3,t,800000,PI,Buxton,30/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,4/3 Clare St,2,u,620000,SP,Buxton,30/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 Elliot St,4,h,1520000,VB,Buxton/Hodges,30/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,2 Isabella St,3,h,1285000,SP,Buxton,30/06/2018,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/25 Main St,3,u,620000,S,Barry,30/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,3/36 Sylvan Gr,2,u,460000,VB,Nelson,30/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,23 Zenith St,3,h,880000,PI,McGrath,30/06/2018,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Patterson Lakes,4/5 Thompson Rd,3,u,525000,S,Hodges,30/06/2018,3197,South-Eastern Metropolitan,3351,31.2,Kingston City Council +Point Cook,30 Fireside Av,4,h,,VB,MICM,30/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,87 Hemsley Prm,4,h,,SN,Ray,30/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,5 Leadbeater St,4,h,,PI,Living,30/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Miami Dr,4,h,,PI,Reliance,30/06/2018,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,411/99 Dow St,2,h,575000,S,Greg,30/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,11/2 Seisman Pl,2,u,650000,VB,Cocoon,30/06/2018,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,205/220 Commercial Rd,1,u,395000,S,Hodges,30/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,25 Vail St,3,h,2205000,S,Marshall,30/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/38 Williams Rd,2,u,630000,SA,Gary,30/06/2018,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,2/7 Bartlett St,2,u,410000,S,Barry,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,133c Bruce St,2,t,765000,S,Barry,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,163 Gilbert Rd,2,h,790000,SP,Woodards,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,336 Gilbert Rd,4,h,1563000,S,RW,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,28 Mount St,3,h,965000,S,Barry,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,1/465 Murray Rd,2,u,643000,S,Barry,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,21 Sapphire St,4,h,,SN,Collins,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,7B Showers St,4,t,820000,S,Nelson,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3/231 Tyler St,2,u,495000,S,hockingstuart,30/06/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,14 Cheddar Rd,3,h,821000,SP,Harcourts,30/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,12 Keilor Av,3,h,707500,S,HAR,30/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/70 Miranda Rd,2,t,517500,S,Ray,30/06/2018,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,34 Amsterdam St,2,h,,PI,RT,30/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,98 Hunter St,3,t,,S,Jellis,30/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,408/2 McGoun St,1,u,366000,S,Biggin,30/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,35 Murphy St,3,h,1400000,S,Biggin,30/06/2018,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,4 Ripley Ct,3,h,,PI,Philip,30/06/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,5 Walmer St,4,t,880000,S,Jellis,30/06/2018,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,35 Morinda St,4,h,866500,SP,Barry,30/06/2018,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Rosanna,2/24 Grove Rd,3,h,,S,Fletchers,30/06/2018,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,184 Murrindal Dr,5,h,,PI,Barry,30/06/2018,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Sandringham,16 Susan St,2,h,1350000,S,hockingstuart,30/06/2018,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,4 Benton Av,2,h,680000,S,O'Brien,30/06/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,38 Maple St,4,h,860000,SP,Buxton,30/06/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaford,55 Nepean Hwy,4,h,,PI,Community,30/06/2018,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seddon,94 Alexander St,2,t,750000,VB,Nelson,30/06/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,186 Charles St,2,t,762000,SP,Jas,30/06/2018,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Morang,3 Lapwing Rd,4,h,622000,S,RW,30/06/2018,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,11/7 Barnsbury Rd,2,u,,SP,Marshall,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,308/800 Chapel St,2,u,750000,PI,Williams,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5E Clara St,3,t,1301000,S,Greg,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/4 Cromwell Rd,2,u,,W,Marshall,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/59 Darling St,2,u,1425000,PI,Marshall,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,5/12 Kensington Rd,3,u,,PI,hockingstuart,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,7/21 The Righi,1,u,500000,S,Jellis,30/06/2018,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,17/1 Riverside Qy,2,u,750000,SP,MICM,30/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,909/152 Sturt St,2,u,585000,S,MICM,30/06/2018,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Springvale,9/8 St James Av,1,u,300000,PI,Stockdale,30/06/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale,2/72 Victoria Ct,4,u,685000,S,iSell,30/06/2018,3171,South-Eastern Metropolitan,7412,20.8,Greater Dandenong City Council +Springvale South,5 Cambridge Dr,3,h,720000,S,Area,30/06/2018,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +St Kilda,1/30 Eildon Rd,2,u,987500,S,Buxton,30/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,3/33 Neptune St,2,u,625000,PI,hockingstuart,30/06/2018,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,2/7 Lloyd St,3,u,795000,PI,Considine,30/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/163 Mascoma St,2,u,641000,S,Considine,30/06/2018,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,8 Scullin Ct,4,h,560000,SP,YPA,30/06/2018,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,87 Hertford Rd,3,h,750000,PI,Bells,30/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/1 McGrath St,2,u,470000,PI,S&L,30/06/2018,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,6/93 Berkshire Rd,2,u,1092000,SP,Jas,30/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,42 Compton Pde,2,t,470000,VB,Douglas,30/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,73 Sandford Av,3,h,,PI,GL,30/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,18 Suffolk Rd,4,h,,PI,HAR,30/06/2018,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,28 Lachlan Rd,3,h,720000,SP,Bells,30/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,17 Mapledene Ct,3,h,,W,Sweeney,30/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,45 Talintyre Rd,4,h,586500,S,Barry,30/06/2018,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,57 Kingston Rd,3,h,1537000,S,Noel,30/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,2/63 Park Rd,3,u,1150000,VB,hockingstuart,30/06/2018,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,5/4 Albert Rd,2,u,475000,SP,Prof.,30/06/2018,3037,Western Metropolitan,3640,18,Brimbank City Council +Taylors Hill,20 Wakefield Rd,4,h,790000,S,Barry,30/06/2018,3037,Western Metropolitan,4242,18,Melton City Council +Templestowe,1/69 Atkinson St,4,h,1100000,PI,Barry,30/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,4 Hemingway Av,4,h,1200000,S,Philip,30/06/2018,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,282 Templestowe Rd,3,h,1045000,PI,Barry,30/06/2018,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,176 Dalton Rd,3,h,,PI,HAR,30/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,16 Waratah St,3,h,597000,S,hockingstuart,30/06/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,277 Rossmoyne St,3,h,1055200,SP,Nelson,30/06/2018,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,8 Evelina Rd,4,h,,SN,Abercromby's,30/06/2018,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Vermont,32 Barbara St,3,h,886000,S,Purplebricks,30/06/2018,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Wantirna,9 Knowsley Ct,5,h,1066000,S,HAR,30/06/2018,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Warrandyte,18 Alexander Rd,4,h,,S,Jellis,30/06/2018,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Watsonia,5 Temby St,4,h,1125000,SP,Nelson,30/06/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,161 Watsonia Rd,4,h,780000,S,Nelson,30/06/2018,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia North,3 Kalista Cr,4,h,747000,S,Barry,30/06/2018,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Werribee,4/1 Georgia Cr,3,h,480000,S,hockingstuart,30/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,39 Georgia Cr,3,h,510000,SP,Arbee,30/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8 Jacaranda Ct,3,h,500000,S,Barry,30/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Yarra St,3,h,460000,S,YPA,30/06/2018,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,3/705 Barkly St,2,u,351000,SP,Galldon,30/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,22 Richelieu St,3,h,1050000,PI,Village,30/06/2018,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Westmeadows,4/3 Gwilt St,2,t,540000,S,Barry,30/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Westmeadows,13/107 Kenny St,3,u,,PI,YPA,30/06/2018,3049,Northern Metropolitan,2474,16.5,Hume City Council +Wheelers Hill,6 Bottlebrush Ct,4,h,1063000,S,Jellis,30/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,16 Fayette Ct,5,h,1155000,S,Ray,30/06/2018,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williamstown,10 Burbidge Dr,4,h,1100000,SP,R&H,30/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,39 Illawarra St,3,h,,SP,Greg,30/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,34 Tobruk Cr,4,h,1700000,S,Gunn&Co,30/06/2018,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Wyndham Vale,8 Bellinger Cr,4,h,494500,S,hockingstuart,30/06/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,81 Haines Dr,4,h,564000,S,hockingstuart,30/06/2018,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,21 Elonera Av,3,h,900000,VB,Jellis,30/06/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8 Moola Cl,4,h,930000,SP,Jellis,30/06/2018,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,12 Agnes St,3,h,1370000,S,Sweeney,30/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,82 Wembley Av,3,t,927000,S,Village,30/06/2018,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Abbotsford,27 Charles St,2,h,1030000,S,Biggin,30/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,22 Park St,4,h,,W,Biggin,30/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Abbotsford,40/80 Trenerry Cr,3,h,927000,S,Biggin,30/07/2016,3067,Northern Metropolitan,4019,3,Yarra City Council +Airport West,1/145 Parer Rd,3,u,650000,PI,Nelson,30/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,3/35 Walters Av,3,t,552000,SP,Nelson,30/07/2016,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,74 Bridport St,3,h,2800000,VB,Buxton,30/07/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,9 Durham St,1,h,985000,S,Marshall,30/07/2016,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3 Barclay St,2,h,460000,S,Barry,30/07/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Albion,5/25 Ridley St,2,u,190000,SP,Burnham,30/07/2016,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,42 Shiers St,4,h,1950000,S,Jellis,30/07/2016,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,2/60 David St,2,h,535600,SP,Compton,30/07/2016,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,1/3 Missen Ct,2,u,380000,S,Burnham,30/07/2016,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,126 Sixth Av,3,h,800000,SP,RT,30/07/2016,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Armadale,3/50 Denbigh Rd,2,u,546000,SP,hockingstuart,30/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,11 Egerton Rd,2,h,,SN,hockingstuart,30/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Armadale,7/844 Malvern Rd,2,u,471500,S,Ray,30/07/2016,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,5 Doncaster St,4,h,1705000,S,Jellis,30/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,6 McCully St,3,h,970000,S,Nelson,30/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,75 Munro St,2,h,925000,S,Barry,30/07/2016,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashburton,15 Lancaster St,4,h,1280000,S,Fletchers,30/07/2016,3147,Southern Metropolitan,3052,10.2,Boroondara City Council +Aspendale,8/4 Groves St,3,t,1375000,S,hockingstuart,30/07/2016,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Balwyn,34 Jurang St,5,h,,S,Marshall,30/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,33 Power St,4,h,1700000,VB,Marshall,30/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,5 Shrimpton Ct,2,h,1010000,PI,Marshall,30/07/2016,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,8 Harrington Av,4,h,2040000,PI,Jellis,30/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/3 Hatfield St,2,u,691500,S,Fletchers,30/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,40 Panoramic Rd,3,h,,S,Marshall,30/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,34 Sunburst Av,4,h,,S,Marshall,30/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1 Tovey St,5,h,1836000,S,Jellis,30/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,12 Ursa St,4,h,,S,Marshall,30/07/2016,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Beaumaris,413 Balcombe Rd,4,h,1550000,VB,Kay,30/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,10/464 Beach Rd,2,u,680000,VB,Hodges,30/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,143 Oak St,5,h,1450000,S,Buxton,30/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Beaumaris,134a Pellatt St,3,t,940000,S,Buxton,30/07/2016,3193,Southern Metropolitan,5366,17.3,Bayside City Council +Bellfield,371 Waterdale Rd,3,u,828000,S,Barry,30/07/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,373 Waterdale Rd,3,u,676000,S,Barry,30/07/2016,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,2/1 Marion St,2,u,760000,S,Buxton,30/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,6/25 Vickery St,2,u,405000,S,Gary,30/07/2016,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,25 Anarth St,2,h,640000,PI,hockingstuart,30/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,115 Bignell Rd,2,h,1160000,S,Buxton,30/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7a Cardiff St,4,t,1210000,S,hockingstuart,30/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,12 John St,4,h,1306000,S,Buxton,30/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,41 Mawby Rd,3,h,1291000,S,hockingstuart,30/07/2016,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,31 McNabb St,3,h,,SN,Barry,30/07/2016,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,22a Arkaringa Cr,4,h,1888000,S,hockingstuart,30/07/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,6b Glenmore Cr,3,t,1620000,S,Buxton,30/07/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Black Rock,19 Seaview Cr,3,h,,S,Chisholm,30/07/2016,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,48 Alandale Rd,4,h,1150000,PI,Noel,30/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,2/43 Kerr St,3,t,833000,S,Barry,30/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,33 Larch St,4,h,1161000,S,Noel,30/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,3/4 Tyrrell Av,3,u,937500,SP,hockingstuart,30/07/2016,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,2/6 Deane St,3,t,900000,PI,Noel,30/07/2016,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,1/21 Branksome Gr,2,u,685000,S,Fletchers,30/07/2016,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Box Hill,1/14 Alexander St,2,u,420000,VB,Jellis,30/07/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,33 Bedford St,5,h,,PI,Philip,30/07/2016,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Briar Hill,54 Beaconsfield Rd,3,h,557000,S,Barry,30/07/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Briar Hill,1/14 Gladstone Rd,2,h,606000,S,Fletchers,30/07/2016,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,46 Roslyn St,3,h,1600000,VB,RT,30/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,17 Rusden St,4,h,1500000,VB,Hodges,30/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1 View Ct,4,h,,S,Hodges,30/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,1/55 Wilson St,3,u,920000,S,Buxton,30/07/2016,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,4/141 Centre Rd,2,u,563000,S,hockingstuart,30/07/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,2a Hurlstone St,2,t,1014000,S,Buxton,30/07/2016,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,47 Cuthbert St,3,h,440000,SP,YPA,30/07/2016,3047,Northern Metropolitan,4294,14,Hume City Council +Brunswick,411 Barkly St,2,h,945000,S,Jellis,30/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Sheffield St,4,h,,S,Ray,30/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,52 Talbot St,2,h,755000,S,Nelson,30/07/2016,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick East,22 Lord St,3,h,1335000,S,Jellis,30/07/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,7/162 Lygon St,2,u,420000,PI,Jellis,30/07/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,3/10 Rathdowne St,3,t,805000,S,Woodards,30/07/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick East,217 Stewart St,3,t,892000,S,hockingstuart,30/07/2016,3057,Northern Metropolitan,5533,4,Moreland City Council +Brunswick West,481 Albion St,4,h,1585000,SP,Gunn&Co,30/07/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,16 Bakers Pde,4,h,970000,PI,Nelson,30/07/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/82 Hopetoun Av,3,u,490000,VB,Nelson,30/07/2016,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,26 Carrathool St,5,h,,PI,Parkes,30/07/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,3/10 Ronald Av,3,u,850000,PI,Barry,30/07/2016,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,6 Decathlon St,3,h,,PI,Barry,30/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,13/70 Greenhills Rd,3,u,,PI,Barry,30/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Magdalen Mw,4,h,715000,S,Barry,30/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,1 Willanjie Ct,3,h,,PI,Barry,30/07/2016,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood East,13/90 Burwood Hwy,3,u,665000,S,Ray,30/07/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Burwood East,641 Highbury Rd,4,h,1095500,S,Barry,30/07/2016,3151,Eastern Metropolitan,4048,14.7,Whitehorse City Council +Cairnlea,10 Highcroft Pl,3,h,,SN,Barry,30/07/2016,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,23 Gowar Av,2,h,,S,Jellis,30/07/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2b Waterloo St,3,h,,S,Jellis,30/07/2016,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,1/172 Mont Albert Rd,2,u,,SP,Jellis,30/07/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Canterbury,2/46 Wattle Valley Rd,2,u,1016000,S,Fletchers,30/07/2016,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,12/209 Cardigan St,2,u,600000,VB,Nelson,30/07/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,24 Pitt St,2,h,957000,S,Woodards,30/07/2016,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carnegie,10/8 Anzac St,1,u,270000,S,hockingstuart,30/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/9 Maroona Rd,1,u,365000,S,hockingstuart,30/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/12 St Huberts Rd,1,u,340000,S,hockingstuart,30/07/2016,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum Downs,44 Pardalote Av,3,h,,PN,Ray,30/07/2016,3201,South-Eastern Metropolitan,8060,34.9,Frankston City Council +Caulfield,3/97 Murray St,3,h,1090000,S,Gary,30/07/2016,3162,Southern Metropolitan,2379,8.7,Glen Eira City Council +Caulfield South,22 Leopold St,3,h,,SN,Gary,30/07/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,15b Raynes St,4,t,1775000,S,Gary,30/07/2016,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chelsea,4/7 Kangaroo Rd,2,u,390000,S,Buxton,30/07/2016,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9 Beverley St,3,h,1316000,S,Greg,30/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,4/120 Centre Dandenong Rd,2,u,583000,S,O'Brien,30/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,59 Nancy St,4,h,970000,S,Greg,30/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Wallingford St,2,h,,SN,O'Brien,30/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,136 Weatherall Rd,3,h,1260000,S,Buxton,30/07/2016,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Clayton,33 Clarkson Ct,4,t,720000,S,hockingstuart,30/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,2/10 Harlington St,3,u,618000,S,Ray,30/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,10 Shady Mw,2,t,530000,PI,Barry,30/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton,14a Stockdale Av,3,h,761000,S,Stockdale,30/07/2016,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,14 Simon St,4,h,765000,S,Harcourts,30/07/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clayton South,4/23 Tennyson Av,3,t,,SN,Ray,30/07/2016,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,24 Ogrady St,3,h,,S,Jellis,30/07/2016,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,12 Geake St,3,h,830000,PI,Ray,30/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,136 Gordon St,3,h,1194500,S,hockingstuart,30/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,44 Quarry Cct,2,u,425000,S,Ray,30/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,133 Rennie St,2,h,645000,SP,Jellis,30/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,17 Ryan St,3,h,,PN,Peter,30/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,9 Woiwurung Cr,2,t,,SN,Barry,30/07/2016,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Collingwood,29/78 Oxford St,2,u,860000,PI,Jellis,30/07/2016,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,17 Aston St,4,h,,SN,Barry,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,8 Ballybunion Av,3,h,360000,S,RE,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,38 Clarendon Av,3,h,,PI,Barry,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,18 Dewvale Pl,4,h,468000,S,RE,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,3 Escapade Bvd,4,h,490000,S,YPA,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,11 Fern Ct,6,h,420000,SP,Ray,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,43 Hurlingham Wy,3,h,434500,S,Ray,30/07/2016,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne,40 Toirram Cr,4,h,414000,S,Eview,30/07/2016,3977,South-Eastern Metropolitan,7680,34.7,Casey City Council +Cranbourne South,173 Browns Rd,3,h,555000,S,O'Brien,30/07/2016,3977,South-Eastern Metropolitan,615,34.7,Casey City Council +Cremorne,8/98 Dover St,2,h,,S,Biggin,30/07/2016,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,15 French St,5,h,750000,S,McGrath,30/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,17 Hyton Cr,5,h,795000,S,hockingstuart,30/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,29 Valentino Dr,3,h,725000,S,Hoskins,30/07/2016,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon South,25 King St,3,h,600000,SP,McGrath,30/07/2016,3136,Eastern Metropolitan,1863,23,Maroondah City Council +Dallas,200 Blair St,3,h,275000,S,YPA,30/07/2016,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,13 Fifth Av,3,h,,PI,Stockdale,30/07/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,1b Ross St,2,h,340000,S,Stockdale,30/07/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,33 Scott St,6,h,,SN,Barry,30/07/2016,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Deepdene,1 Abercrombie St,3,h,2100000,VB,Jellis,30/07/2016,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,40 Ferris Av,3,h,371000,SP,Joseph,30/07/2016,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,22 Duneed Wy,3,h,408000,S,Ray,30/07/2016,3037,Western Metropolitan,2898,18,Brimbank City Council +Dingley Village,5 Balcombe Pl,3,h,,SN,Ray,30/07/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Fredman Ct,4,h,1060000,S,Buxton,30/07/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,15 Pauline Av,3,h,800500,S,Buxton,30/07/2016,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Docklands,702/8 Waterview Wk,2,u,625000,S,Gary,30/07/2016,3008,Southern Metropolitan,4707,1.4,Melbourne City Council +Doncaster,8 Winters Wy,3,h,1170500,S,Barry,30/07/2016,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,29 Baratta St,3,h,1170000,S,Jellis,30/07/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,24 Marsden Cr,4,h,1218000,S,Jellis,30/07/2016,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Donvale,63 Melissa St,4,h,1030000,S,Jellis,30/07/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Donvale,407 Serpells Tce,5,h,1088000,S,Jellis,30/07/2016,3111,Eastern Metropolitan,4790,16.1,Manningham City Council +Doveton,3 Judas Ct,3,h,330000,PI,McLennan,30/07/2016,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Eaglemont,49a Hopetoun Gr,3,h,650000,S,Miles,30/07/2016,3084,Eastern Metropolitan,1651,8.9,Banyule City Council +Edithvale,20 Clydebank Rd,3,h,,PN,O'Brien,30/07/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,51a Elsie Gr,3,u,725000,S,O'Brien,30/07/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Edithvale,50 Fraser Av,5,h,,SP,hockingstuart,30/07/2016,3196,South-Eastern Metropolitan,2546,27,Kingston City Council +Eltham,1 Amaroo Ct,3,h,742000,S,Barry,30/07/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham,20 Diamond St,5,h,1225000,SA,Morrison,30/07/2016,3095,Eastern Metropolitan,6990,18,Banyule City Council +Eltham North,53 Progress Rd,4,h,901000,SP,Fletchers,30/07/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Eltham North,87 Wattletree Rd,4,h,705000,S,Fletchers,30/07/2016,3095,Eastern Metropolitan,2346,18,Banyule City Council +Elwood,2/101 Addison St,2,u,,S,Chisholm,30/07/2016,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Epping,12 Broxburn Wk,3,h,439000,S,Ray,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,1 Guinea Ct,3,h,451000,S,Ray,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,15 Meranti Wy,4,h,,PI,Barry,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,23 Plowman Ct,4,h,520000,S,Harcourts,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Savannah Cr,4,h,431000,S,Love,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2/7 Supply Dr,3,u,,PI,Harcourts,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,13 Touhey Av,3,h,,PN,Harcourts,30/07/2016,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,1 Braemar St,3,h,1505000,S,Jellis,30/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,6/7 Schofield St,2,t,590000,S,Brad,30/07/2016,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon West,53 Clydebank Rd,3,h,1115000,S,Barry,30/07/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Essendon West,57 Hampton Rd,3,h,820000,VB,Nelson,30/07/2016,3040,Western Metropolitan,588,7.5,Moonee Valley City Council +Fawkner,2/11 Dowling St,3,u,422500,S,Ray,30/07/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,19 Preston St,4,h,,SP,New,30/07/2016,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fitzroy,315 Young St,3,h,,SP,Craig,30/07/2016,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,42 Barkly St,4,h,,S,Nelson,30/07/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,83 Rowe St,4,h,,S,Collins,30/07/2016,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Footscray,119 Droop St,2,h,745000,S,Village,30/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,1a Leander St,2,h,716000,S,Ray,30/07/2016,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,19 Tisane Av,3,h,,PI,Jellis,30/07/2016,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,4 Lorraine St,3,h,520101,SP,LJ,30/07/2016,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,17 Mitic Ct,4,h,617000,S,O'Brien,30/07/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,10 Villiers St,4,h,,SP,McEwing,30/07/2016,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,8 Daly St,3,h,678000,S,Paul,30/07/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,159 Weigall Rd,4,h,750000,PI,Brad,30/07/2016,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,2 Burbank Av,4,h,560000,S,Barry,30/07/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,38 Elmhurst Rd,3,h,491000,SP,Barry,30/07/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,44 Wolverton Dr,4,h,590000,S,Barry,30/07/2016,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,35 Adrian St,5,h,2400000,VB,Jellis,30/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/13 Glenvale Rd,2,u,460000,PI,hockingstuart,30/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,75 Pascoe St,5,h,,S,Jellis,30/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,5 Penrhyn Av,2,h,1541000,S,Marshall,30/07/2016,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,47 Leicester Av,3,h,1290000,S,Ray,30/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,3/2 McKelvie Ct,3,t,582500,S,Ray,30/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,13 Packham Cr,4,h,1200000,S,Barry,30/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,43 Whites La,3,h,826000,S,Harcourts,30/07/2016,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,2/4 Ash Ct,2,h,270000,PI,Ray,30/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,44 Morley St,4,h,825000,S,Stockdale,30/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,34 Ridgeway Av,3,h,615000,S,Melbourne,30/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,33 View St,4,h,638000,S,Barry,30/07/2016,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Greensborough,4 Kundy Cl,4,h,660000,PI,Darren,30/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,37 Vermont Pde,3,h,,SP,Nelson,30/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,5/11 William St,2,u,431000,S,Darren,30/07/2016,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,20 Silverwood Dr,3,h,360000,S,Ray,30/07/2016,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hampton,375b Bluff Rd,4,t,1200000,PI,Hodges,30/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,18 Kanowna St,4,h,2130000,S,hockingstuart,30/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,5/18 Small St,2,u,,S,Chisholm,30/07/2016,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,6 Randell Cr,3,t,1200000,S,Buxton,30/07/2016,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,3/33 Elphin Gr,2,u,450000,VB,Jellis,30/07/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,27 Falmouth St,3,h,2160000,S,Noel,30/07/2016,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,2/38 Camberwell Rd,2,u,,PI,Jellis,30/07/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,90 Harcourt St,4,h,2200000,PI,hockingstuart,30/07/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,2/60 Rathmines Rd,3,h,975000,VB,Fletchers,30/07/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,3 Redfern Rd,3,t,,S,Marshall,30/07/2016,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heatherton,2 Byng Av,2,h,626000,S,C21,30/07/2016,3202,South-Eastern Metropolitan,1048,18.7,Kingston City Council +Heidelberg,36 Buckingham Dr,3,h,1030000,S,Miles,30/07/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,175 Cape St,3,h,1455000,PI,Barry,30/07/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg,34 Quinn St,3,h,1125000,VB,Ray,30/07/2016,3084,Eastern Metropolitan,2890,8.9,Banyule City Council +Heidelberg Heights,11 Sackville St,4,h,1000500,S,Miles,30/07/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,470 Waterdale Rd,3,h,631000,S,Barry,30/07/2016,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Highett,31 Clyde St,2,h,1209000,S,Nick,30/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,10b Dalmont St,3,h,900000,PI,Hodges,30/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 June St,3,h,1025000,S,Buxton,30/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,11a Peterson St,4,t,1215000,SP,Hodges,30/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,3 Tibrockney St,5,h,1100000,SP,Buxton,30/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,154 Wickham Rd,3,t,945000,PI,Buxton,30/07/2016,3190,Southern Metropolitan,4794,16,Bayside City Council +Hughesdale,1051 North Rd,2,h,677500,PI,hockingstuart,30/07/2016,3166,Southern Metropolitan,3145,12.3,Monash City Council +Ivanhoe,2/29 St Elmo Rd,1,u,385000,SP,hockingstuart,30/07/2016,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,9/61 Maltravers Rd,2,u,520000,VB,Miles,30/07/2016,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,58 Bliburg St,3,h,421000,S,Barry,30/07/2016,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,17 Blair Ct,5,h,880000,VB,Brad,30/07/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor,21 Reeve Dr,4,h,410000,VB,Nelson,30/07/2016,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,1 Ajax Cl,4,h,555000,S,YPA,30/07/2016,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,8 Alwyn Ct,3,h,715000,SP,Moonee,30/07/2016,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Kensington,208/86 Altona St,2,u,458000,S,Rendina,30/07/2016,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,34 Alfred St,3,h,3065000,S,Kay,30/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,28/60 Harp Rd,1,u,395000,VB,Jellis,30/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,49 Princess St,4,h,2250000,S,Marshall,30/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,3 Wills St,2,h,,S,Marshall,30/07/2016,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,1/23 Woodlands Av,3,u,,S,Marshall,30/07/2016,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kingsbury,33 Clunes St,2,h,705500,S,ASL,30/07/2016,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,2/19 Kingsville St,1,u,,PI,hockingstuart,30/07/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,2/35 Kingsville St,1,u,200000,VB,Greg,30/07/2016,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Lalor,3 Halston Rd,3,h,425000,S,Barry,30/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,96 Robert St,3,u,487000,S,Harcourts,30/07/2016,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lower Plenty,9/14 Barongarook Ct,2,u,561000,S,Darren,30/07/2016,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +Lyndhurst,5 Hugden Cl,4,h,452500,S,hockingstuart,30/07/2016,3975,South-Eastern Metropolitan,1934,33.8,Casey City Council +Lysterfield South,8/330 Hallam North Rd,6,h,,PN,Hall,30/07/2016,3156,South-Eastern Metropolitan,302,24.8,Casey City Council +MacLeod,1 Woodlands Ri,3,h,876000,S,Buckingham,30/07/2016,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,14 Howard St,4,h,773000,S,Biggin,30/07/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,9 Verdun St,3,h,905000,S,Sweeney,30/07/2016,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,36 Hunter St,4,h,,S,hockingstuart,30/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,17 McKinley Av,5,h,4980000,S,Marshall,30/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,117 Stanhope St,3,h,,S,Jellis,30/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,42 Victoria Rd,3,h,,SP,Marshall,30/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,25/158 Wattletree Rd,2,u,670000,VB,Jellis,30/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,31a Winter St,3,h,2300000,S,Jellis,30/07/2016,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,13 Clarence St,4,h,2490000,S,Marshall,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,3/915 Dandenong Rd,2,t,500000,SP,Morleys,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,37 Emo Rd,3,h,,S,Jellis,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1993 Malvern Rd,3,h,,S,Marshall,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,4/4 Paxton St,3,u,940000,S,Jellis,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2 Taylor Ct,5,h,,S,Fletchers,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,7 Tennyson St,3,h,,S,Marshall,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,114 Tooronga Rd,4,h,,S,hockingstuart,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,1c Wilmot St,2,t,650000,S,Jellis,30/07/2016,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,31 Allara Av,4,h,720000,S,Ray,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,90 Blair St,3,h,460000,VB,Nelson,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,12 Ibis Pl,3,h,884500,S,Jellis,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,34 MacEdon St,3,h,1010000,S,Biggin,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,19 Mitchell St,3,h,820000,VB,Biggin,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,21 Mitchell St,3,h,820000,VB,Biggin,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,3/4 Navigator St,2,u,330000,S,Woodards,30/07/2016,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,124 McKinnon Rd,3,h,1087500,PI,hockingstuart,30/07/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,2/173 McKinnon Rd,2,u,411000,S,Hodges,30/07/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,1 Norman St,4,h,1670000,S,hockingstuart,30/07/2016,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Melbourne,509/33 MacKenzie St,2,u,390000,PI,Dingle,30/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,901/469 St Kilda Rd,3,u,,SN,Rodney,30/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,18/539 St Kilda Rd,1,u,510000,SP,Greg,30/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1007/594 St Kilda Rd,2,u,607000,S,Gary,30/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,96/632 St Kilda Rd,3,u,705000,SP,hockingstuart,30/07/2016,3000,Northern Metropolitan,17496,0,Melbourne City Council +Mentone,15 Delville Av,3,h,802000,S,Hodges,30/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,106 Oak Av,3,t,710000,SP,hockingstuart/hockingstuart,30/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,2/14 Station St,2,t,616000,S,Thomson,30/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,6/18 Venice St,2,u,585000,S,Thomson,30/07/2016,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Middle Park,87 Carter St,3,h,,S,Greg,30/07/2016,3206,Southern Metropolitan,2019,3,Port Phillip City Council +Mill Park,12 Christie Av,3,h,425000,SP,LJ,30/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,15 Henricks Ct,3,h,565000,SP,Barry,30/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/7 Lukin Ct,3,u,360000,S,Ray,30/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,45 Peugeot Prst,4,h,586000,S,Harcourts,30/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1/3 Romeo Ct,2,h,350000,S,RW,30/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Zinnea Ct,5,h,605000,S,Ray,30/07/2016,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,15 Dawe Rd,3,h,700000,VB,Noel,30/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/78 Purches St,4,t,950000,S,Noel,30/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,585 Whitehorse Rd,3,h,1340000,VB,Lindellas,30/07/2016,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Montmorency,129 Grand Bvd,3,h,724000,S,Buckingham,30/07/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,4/200 Sherbourne Rd,2,u,400000,VB,Barry,30/07/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,48 Sherbourne Rd,2,h,579000,S,Buckingham,30/07/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,9 Sylvan St,3,h,810000,S,Buckingham,30/07/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,17 Wilson Av,3,h,861000,S,Barry,30/07/2016,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montrose,7 Warwick Rd,3,h,540000,SP,McGrath,30/07/2016,3765,Eastern Victoria,2493,28.8,Yarra Ranges Shire Council +Moonee Ponds,4/208 Maribyrnong Rd,2,t,800000,S,Nelson,30/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,56 Salisbury St,4,h,,S,Jellis,30/07/2016,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moorabbin,1/23 Genoa St,1,u,240000,VB,Ray,30/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Moorabbin,1/1 Perry St,4,t,1105000,S,Hodges,30/07/2016,3189,Southern Metropolitan,2555,14.3,Kingston City Council +Mooroolbark,79 Bellara Dr,4,h,710000,S,Fletchers,30/07/2016,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,10/75 Barkly St,1,u,320000,S,Maitland,30/07/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,4 Bloxsidge La,3,h,730000,S,Barry,30/07/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mordialloc,51 Chute St,3,h,988000,S,Hodges,30/07/2016,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,3b Esther Ct,4,u,1028000,S,Barry,30/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Mummery St,3,h,1605000,S,Harcourts,30/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,14 Stocks Rd,6,h,1260000,S,Jellis,30/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,21 Wallabah St,3,h,1274000,S,Ray,30/07/2016,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Murrumbeena,4/1 Howe St,2,t,745500,S,Buxton,30/07/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,3 Short St,3,h,1260000,S,Thomson,30/07/2016,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Narre Warren,51 London Cr,4,h,,SN,Barry,30/07/2016,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Newport,487 Melbourne Rd,8,h,881000,S,Jas,30/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,87 Schutt St,3,h,900000,SP,Greg,30/07/2016,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,1/49 Hamilton St,2,u,591000,S,Brad,30/07/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,8 Rutland St,3,h,960000,PI,Barry,30/07/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Niddrie,2/42 Sapphire St,3,u,815000,S,Barry,30/07/2016,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,1c Backous Wy,3,t,575000,S,Ray,30/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,5 Kenneth St,5,h,,SN,Barry,30/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,1 Lisa Ct,3,h,540800,SP,Leyton,30/07/2016,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +North Melbourne,2/22 Atkin St,2,t,,PI,Biggin,30/07/2016,3051,Northern Metropolitan,6821,1.8,Melbourne City Council +Northcote,51 Beavers Rd,2,h,910000,S,Jellis,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,78 Bridge St,4,h,1650000,S,Nelson,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,106 Christmas St,3,t,1130000,S,Nelson,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,215 Clarke St,4,h,3850000,PI,Jellis,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,270 Clarke St,3,h,,SN,Nelson,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,155 Westbourne Gr,3,h,1510000,PI,Jellis,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,118 Westgarth St,3,h,1500000,PI,Jellis,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,120 Westgarth St,4,h,2315000,S,Jellis,30/07/2016,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Notting Hill,3/6 Chandor Ct,2,u,615000,SP,hockingstuart,30/07/2016,3168,Southern Metropolitan,902,16.7,Monash City Council +Nunawading,3 Lilian St,4,h,1290000,PI,Noel,30/07/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,22 Oshannessy St,2,h,1000000,S,Fletchers,30/07/2016,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,11 Hillcrest Rd,5,h,900000,VB,Brad,30/07/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oak Park,8a Pines Gr,2,h,480000,S,Brad,30/07/2016,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,9/126 Atherton Rd,3,u,665000,S,O'Brien,30/07/2016,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh East,3/9 Elizabeth St,4,t,750000,PI,Ray,30/07/2016,3166,Southern Metropolitan,2547,12.3,Monash City Council +Oakleigh South,19 Reid St,2,h,778000,S,Ray,30/07/2016,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,5/30 Lillimur Rd,2,u,450000,VB,Ray,30/07/2016,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,56a Eighth St,4,t,1185000,S,hockingstuart,30/07/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/142 Parkers Rd,3,h,806000,S,Hodges,30/07/2016,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkville,9/196 The Avenue,1,u,526000,S,Jellis,30/07/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Parkville,17/248 The Avenue,2,u,750000,SP,Jellis,30/07/2016,3052,Northern Metropolitan,2309,1.8,Melbourne City Council +Pascoe Vale,12 Derby St,4,h,650000,SP,Nelson,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/22 Kitchener Rd,3,t,652500,S,Ray,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4 Ormond St,3,h,,SN,Barry,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,9 Ormond St,4,h,937000,S,Nelson,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/12 Pascoe St,2,u,360000,VB,Barry,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,4/1 Rhodes Pde,3,h,500000,VB,hockingstuart,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,9 Somerset St,2,h,775000,S,Nelson,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,217 Sussex St,3,h,599000,SP,Ray,30/07/2016,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Point Cook,93 Yuruga Bvd,5,h,,SN,Ray,30/07/2016,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,176 Dow St,3,h,1080000,S,Biggin,30/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,412/99 Dow St,2,u,,VB,Marshall,30/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,110 Esplanade Pl,3,h,1325000,S,hockingstuart,30/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,224 Nott St,3,h,1405000,SP,Chisholm,30/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,224 Nott St,3,h,,SP,Chisholm,30/07/2016,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,83 Charles St,2,h,1500000,S,Jellis,30/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,22/32 Porter St,2,u,,S,hockingstuart,30/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,62 Pridham St,3,h,1612000,S,Jellis,30/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,27 Westbourne St,3,h,1442000,S,Jellis,30/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,46 York St,2,h,,S,hockingstuart,30/07/2016,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,1a Goldsmith Av,2,t,571000,S,Barry,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4/492 Murray Rd,2,t,535000,S,hockingstuart,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Raymond St,4,h,840000,PI,hockingstuart,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Stott St,3,h,805000,S,Jellis,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,13 The Mews,3,h,750000,PI,hockingstuart,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,171 Tyler St,4,h,750000,PI,Barry,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,5 Wurruk Av,2,h,745000,S,Nelson,30/07/2016,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Reservoir,27 Ashton St,3,h,705000,S,Barry,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,46 Bourke St,3,h,705000,S,Ray,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,39 Broadhurst Av,4,h,845000,S,Barry,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/211 Edwardes St,2,u,,PI,Love,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/10 Hickford St,2,u,,PI,Ray,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/12 Hobbs Cr,2,u,,S,Ray,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,27 Inverness St,4,h,,SN,Ray,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/14 Ludeman Ct,2,u,390000,SP,Love,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Miranda Rd,3,h,,PI,Ray,30/07/2016,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,29a Abinger St,3,h,1185000,S,hockingstuart,30/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,6/183 Coppin St,1,u,,PI,Biggin,30/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,20 Lincoln St,4,h,1212500,S,Kay,30/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,24 The Crofts,2,h,1125000,S,hockingstuart,30/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,5 Union St,3,h,1520000,S,Biggin,30/07/2016,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Ringwood,13 Heathmont Rd,3,h,858000,S,Noel,30/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,95 Kalinda Rd,3,h,,PI,Parkes,30/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,77 Maidstone St,3,h,1130000,S,Philip,30/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood,13 McKay Ct,3,h,,SN,Philip,30/07/2016,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,129 Bedford Rd,3,h,,PI,Barry,30/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,6 Lillis Ct,3,h,,SN,Barry,30/07/2016,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood North,4 Pinetree Ct,4,h,815000,S,Jellis,30/07/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,63 Summit Cr,4,h,743500,S,Ray,30/07/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Ringwood North,1c Unsworth Rd,3,h,742000,S,Carter,30/07/2016,3134,Eastern Metropolitan,3619,19.9,Manningham City Council +Rosanna,44 Bellevue Av,3,h,,PN,Miles,30/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,7 Douglas St,4,h,1021000,S,Nelson,30/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/25 Ellesmere Pde,3,t,710000,S,Buckingham,30/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,1/35 Millicent St,3,h,,PN,Fletchers,30/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,3/165 Mountain View Pde,3,t,990000,S,Miles,30/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,23 Silk St,3,h,908000,S,Miles,30/07/2016,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,8 Metcalf Cr,3,h,780000,S,Ray,30/07/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,54 Superior Av,4,h,900000,S,Ray,30/07/2016,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,15 Greensted Gr,5,u,713500,S,Harcourts,30/07/2016,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,2/78 Bay Rd,3,t,895000,S,Buxton,30/07/2016,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Scoresby,14 Golding Ct,3,h,,SP,Barry,30/07/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Scoresby,5 Pamela Ct,3,h,707000,S,Ray,30/07/2016,3179,Eastern Metropolitan,2206,22.2,Knox City Council +Seddon,80 Gamon St,2,h,815000,S,Chisholm,30/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Seddon,278 Nicholson St,2,h,701000,PI,Village,30/07/2016,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +Skye,73 Darnley Dr,3,h,416000,SP,hockingstuart/hockingstuart,30/07/2016,3977,South-Eastern Metropolitan,2756,34.7,Frankston City Council +South Melbourne,116/88 Park St,2,u,560000,SP,Buxton,30/07/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Melbourne,72/1 Sandilands St,2,u,690000,VB,Cayzer,30/07/2016,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,16 Hutmil Dr,4,h,,PI,Harcourts,30/07/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,78 Stagecoach Bvd,4,h,555000,S,Ray,30/07/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,38 The Terrace,4,h,667000,S,Harcourts,30/07/2016,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,8/3 Barnsbury Rd,2,u,505000,S,LITTLE,30/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,602/3 Chapel Mw,1,u,557000,SP,Biggin,30/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,303/3 Clara St,1,u,330000,PI,Dingle,30/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,11/56 Darling St,1,u,687000,S,Kay,30/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,16/37 Margaret St,1,u,300000,PI,LITTLE,30/07/2016,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,75/285 City Rd,1,u,370000,VB,Dingle,30/07/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Southbank,61/88 Wells St,3,u,720000,VB,VICPROP,30/07/2016,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +St Albans,42 Millawa Av,4,h,615000,PI,Westside,30/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,29 Norman St,3,h,430000,S,FN,30/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,18 Oleander Dr,3,h,,SN,Barry,30/07/2016,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,9 Liberty Ct,3,h,732000,S,hockingstuart,30/07/2016,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,10/66 Alma Rd,2,u,648000,S,Noel,30/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,6/24 Belford St,1,u,,SN,Buxton,30/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,26/11 Marine Pde,1,u,354000,S,McGrath,30/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,7/19 Redan St,2,u,550000,VB,Biggin,30/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,4/91 Wellington St,1,u,475000,S,Gary,30/07/2016,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,7 Colclough Ct,5,h,880000,VB,Nelson,30/07/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,42 Henshall Rd,3,h,1285000,S,Nelson,30/07/2016,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunshine,14 Baker St,4,h,700000,PI,Douglas,30/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,2/6 Farnsworth St,2,h,435000,PI,Douglas,30/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,5 Jessie St,4,h,1001000,S,Jas,30/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine,165 Morris St,3,h,591500,S,Barry,30/07/2016,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,3/21 Suffolk Rd,3,t,495000,SP,Barry,30/07/2016,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,49 Warmington Rd,3,h,451000,S,Douglas,30/07/2016,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Tarneit,9 Cobram St,4,h,485000,S,Sweeney,30/07/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,15 Kirrama St,4,h,520000,SP,Ray,30/07/2016,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Lakes,13 Kinnaird Ct,5,h,620000,S,Barry,30/07/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,45 Village Av,3,t,,PN,Prof.,30/07/2016,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe,2a Heysham Wy,3,h,938000,S,Barry,30/07/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe,31 Kensington Pl,3,h,920000,S,Fletchers,30/07/2016,3106,Eastern Metropolitan,6202,15.5,Manningham City Council +Templestowe Lower,37 Eric Av,4,h,870000,PI,Barry,30/07/2016,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,27 Barry Rd,3,h,636000,S,Barry,30/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,137 Edgars Rd,3,h,,SP,Love,30/07/2016,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,20 Mansfield St,3,h,,S,Jellis,30/07/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,31 Newman St,3,h,1200000,PI,Jellis,30/07/2016,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,6/183 Kooyong Rd,2,u,866000,S,Marshall,30/07/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,18/637 Orrong Rd,2,u,,S,Jellis,30/07/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3 Ruabon Rd,3,h,1170000,S,Fletchers,30/07/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,11/24 Springfield Av,2,u,1000000,S,Jellis,30/07/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/625 Toorak Rd,2,u,920000,S,RT,30/07/2016,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Truganina,13 Rockpool Rd,4,h,,PI,Reliance,30/07/2016,3029,Western Metropolitan,5811,18.4,Melton City Council +Tullamarine,9 Birch Av,3,h,642000,S,Barry,30/07/2016,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,35 Arlington Wk,4,h,945000,S,Fletchers,30/07/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont,4 Hayward Ct,3,h,1101000,S,M.J,30/07/2016,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Wantirna,7 Mint St,5,h,,SN,Ray,30/07/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,9 Pimpala Ct,4,h,865000,S,Harcourts,30/07/2016,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,455 Boronia Rd,4,h,935000,PI,Noel,30/07/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,4 Cynthia Ct,4,h,700000,VB,Prof.,30/07/2016,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Warrandyte,16 Blair St,3,h,910000,S,Gardiner,30/07/2016,3113,Eastern Metropolitan,2003,21.1,Manningham City Council +Waterways,20 Shoalwater Dr,4,h,,PI,Ray,30/07/2016,3195,South-Eastern Metropolitan,709,21.5,Kingston City Council +Watsonia,25 Grace St,3,h,,SN,Barry,30/07/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +Watsonia,36 Powley Pde,3,h,838000,S,Barry,30/07/2016,3087,Northern Metropolitan,2329,14.5,Banyule City Council +West Footscray,32 Richelieu St,5,h,1030000,S,Village,30/07/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,121 Suffolk St,3,h,878000,S,Village,30/07/2016,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Melbourne,19/33 Jeffcott St,3,u,601000,S,MICM,30/07/2016,3003,Northern Metropolitan,2230,3.1,Melbourne City Council +Williamstown,8 Freyer St,4,h,,SN,Williams,30/07/2016,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Yarraville,10 Gladstone St,1,h,,S,Jas,30/07/2016,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Avondale Heights,12 Glamis Dr,3,h,,SP,Nelson,30/09/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Bentleigh,31 Wheatley Rd,5,h,2400000,VB,Marshall,30/09/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Blackburn South,20 Indra Rd,3,h,,SN,Woodards,30/09/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Caroline Springs,29 Edgbaston Pde,3,h,560000,SP,Crane,30/09/2017,3023,Western Metropolitan,7719,14.8,Melton City Council +Doncaster East,3a Colchester Dr,4,t,1450000,PI,Barry,30/09/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Emerald,10 Stewart Rd,8,h,910000,S,iTRAK,30/09/2017,3782,Eastern Victoria,2259,36.9,Cardinia Shire Council +Fitzroy,46 Webb St,2,u,,PN,Love,30/09/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Footscray,8/155 Gordon St,2,u,455500,S,McGrath,30/09/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,5/33 Forest Rd,2,h,762000,SP,Fletchers,30/09/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Glen Waverley,2/33 Mount St,3,u,1100000,S,Ray,30/09/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Hoppers Crossing,137 Bellbridge Dr,3,h,505000,S,Barry,30/09/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Keysborough,3 Cobain St,3,h,771000,S,Area,30/09/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kingsbury,1/18 Highland St,2,t,512000,SP,RW,30/09/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Maidstone,15 Ballarat Rd,2,h,611500,SP,Biggin,30/09/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Mitcham,2/427 Mitcham Rd,4,h,800000,S,Noel,30/09/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Narre Warren,32 Heatherlea Cr,4,h,675000,SP,Nicholls,30/09/2017,3805,South-Eastern Metropolitan,9376,34.1,Casey City Council +Noble Park,5 Blaby St,3,h,627500,PI,C21,30/09/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Reservoir,18 Elinda Pl,3,u,475000,SP,RW,30/09/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Roxburgh Park,14 Stainsby Cr,4,h,591000,S,Raine,30/09/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Springvale South,8 Bellbird Ct,4,h,,PI,Barry,30/09/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Springvale South,30 Waddington Cr,3,h,780500,S,Harcourts,30/09/2017,3172,South-Eastern Metropolitan,4054,22.2,Greater Dandenong City Council +Westmeadows,42 Pascoe St,4,h,791000,S,Barry,30/09/2017,3049,Northern Metropolitan,2474,16.5,Hume City Council +Abbotsford,1009/1 Acacia Pl,2,u,750000,VB,Jellis,30/12/2017,3067,Northern Metropolitan,4019,3,Yarra City Council +Aberfeldie,22 Beaver St,4,h,1630000,PI,Nelson,30/12/2017,3040,Western Metropolitan,1543,7.5,Moonee Valley City Council +Airport West,32 Coniston Av,3,h,970000,S,Barry,30/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,23 Matthews Av,4,h,790000,VB,Barry,30/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,8 Miriam Ct,3,h,1025000,S,Nelson,30/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Airport West,122 Parer Rd,4,h,,SN,Brad,30/12/2017,3042,Western Metropolitan,3464,10.4,Moonee Valley City Council +Albert Park,23 Boyd St,4,h,,SP,Marshall,30/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albert Park,164 Richardson St,3,h,1950000,S,Marshall,30/12/2017,3206,Southern Metropolitan,3280,3,Port Phillip City Council +Albion,3/44 Derrimut St,2,u,530000,SP,Sweeney,30/12/2017,3020,Western Metropolitan,2185,10.5,Brimbank City Council +Alphington,12C Perry St,3,t,,PI,Jellis,30/12/2017,3078,Northern Metropolitan,2211,5.7,Darebin City Council +Altona,175 Blyth St,4,u,1160000,S,Barlow,30/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,17 Merritt Ct,3,h,925000,SP,hockingstuart,30/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona,2A Robin St,3,h,850000,S,hockingstuart,30/12/2017,3018,Western Metropolitan,5301,11,Hobsons Bay City Council +Altona Meadows,14 Taegtow Wy,3,h,718000,S,Barry,30/12/2017,3028,Western Metropolitan,7630,15.5,Hobsons Bay City Council +Altona North,34 Binns St,5,h,800000,SP,RT,30/12/2017,3025,Western Metropolitan,5132,9.4,Hobsons Bay City Council +Ardeer,70 Blanche St,3,h,,PI,Barry,30/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,11 Helene St,2,h,595000,PI,Biggin,30/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Ardeer,2/38 Holt St,4,t,,PI,Barry,30/12/2017,3022,Western Metropolitan,1281,12.8,Brimbank City Council +Armadale,1/69 Denbigh Rd,3,h,1681000,S,Marshall,30/12/2017,3143,Southern Metropolitan,4836,6.3,Stonnington City Council +Ascot Vale,25/37 Ascot Vale Rd,2,t,530000,VB,Jellis,30/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,52 Langs Rd,5,h,1320000,PI,Nelson,30/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ascot Vale,1/9 Sandown Rd,4,t,805000,SP,Alexkarbon,30/12/2017,3032,Western Metropolitan,6567,4.3,Moonee Valley City Council +Ashwood,54 Cassinia Av,2,h,1200000,VB,Jellis,30/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,8 Condah Ct,3,h,1183000,S,Ray,30/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,2/135 High Street Rd,3,t,,VB,Buxton,30/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Ashwood,1/39 Lavidge Rd,4,t,1350000,PI,Buxton,30/12/2017,3147,Southern Metropolitan,2894,10.2,Monash City Council +Aspendale,34 Albany Cr,3,h,1000000,S,Buxton,30/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Aspendale,48 Iluka Av,3,h,830000,SP,Barry,30/12/2017,3195,South-Eastern Metropolitan,2824,21.5,Kingston City Council +Avondale Heights,48 Lake St,3,h,815000,PI,Barry,30/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Avondale Heights,191 Military Rd,3,h,727500,S,Barry,30/12/2017,3034,Western Metropolitan,4502,9.5,Moonee Valley City Council +Balwyn,57 Gordon St,4,h,,PI,Noel,30/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,10 Myambert Av,5,h,4600000,VB,Fletchers,30/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,15 Northcote Av,2,h,1710000,S,Fletchers,30/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,17 Parkdale Av,4,h,1700000,PI,Jellis,30/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn,14 Threadneedle St,5,h,2475000,PI,Noel,30/12/2017,3103,Southern Metropolitan,5682,7.9,Boroondara City Council +Balwyn North,2/363 Belmore Rd,3,t,1270000,VB,hockingstuart,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,2/82 Doncaster Rd,2,u,555500,S,Fletchers,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,1/49 Hatfield St,3,u,1451000,PI,hockingstuart,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,3/2 Heather St,4,h,1420000,SA,Fletchers,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,11 Highview Rd,4,h,,S,Fletchers,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Lawson St,4,h,2640000,VB,Marshall,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,7 Libra St,4,h,,S,hockingstuart,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,103 Longview Rd,4,h,,VB,hockingstuart,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,23 Oravel St,5,t,950000,PI,hockingstuart,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,9 Renown St,4,h,1960000,S,Fletchers,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Balwyn North,10 Tudor Ct,2,h,,S,hockingstuart,30/12/2017,3104,Southern Metropolitan,7809,9.7,Boroondara City Council +Bayswater,14 Fallons Wy,3,h,910000,S,Noel,30/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,45 Jeanette St,3,h,862000,S,Barry,30/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,1 Valma St,5,h,822000,PI,iTRAK,30/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater,2 Yarran Gr,2,u,652000,S,iTRAK,30/12/2017,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Bayswater North,2 Illawara Cr,3,h,,VB,Noel,30/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bayswater North,10 Mason Ct,3,h,720000,VB,McGrath,30/12/2017,3153,Eastern Metropolitan,3598,23.2,Maroondah City Council +Bellfield,26 Davidson St,3,h,810000,SA,William,30/12/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bellfield,138 Oriel Rd,5,h,,W,Purplebricks,30/12/2017,3081,Eastern Metropolitan,790,8.8,Banyule City Council +Bentleigh,21 Coates St,5,h,1740000,S,Buxton,30/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,12A Hutchinson St,3,t,1185000,S,Jellis,30/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh,9/463 South Rd,2,u,392000,SP,Jellis,30/12/2017,3204,Southern Metropolitan,6795,11.4,Glen Eira City Council +Bentleigh East,206/24 Becket Av,1,u,,PN,Gary,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,147b Bignell Rd,4,t,1389000,S,Jellis,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,72 Blamey St,3,h,1220000,PI,Buxton,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,2/45 East Boundary Rd,2,u,663000,S,Buxton,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,16a Jassa St,4,t,1320500,S,Buxton,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,32b Jassa St,4,t,1280000,S,C21,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,14 Malane St,3,h,,PI,Buxton,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,6 Margaretta St,3,h,1100000,PI,Buxton,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,414 McKinnon Rd,3,h,,S,Buxton,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,1 Millis Av,4,h,1420000,S,Jellis,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,7 Noora Av,3,h,1182000,S,Jellis,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Bentleigh East,38 Orange St,4,h,1420000,S,Jellis,30/12/2017,3165,Southern Metropolitan,10969,13.8,Glen Eira City Council +Berwick,34 Euroa Av,3,h,490000,S,hockingstuart,30/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Berwick,10 Gardiner St,5,h,960000,SP,Barry,30/12/2017,3806,Eastern Victoria,17093,35.2,Casey City Council +Black Rock,3/34 Second St,3,u,,S,Charlton,30/12/2017,3193,Southern Metropolitan,2866,17.3,Bayside City Council +Blackburn,24 Lake Rd,5,h,1758000,S,Sell,30/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn,36A Sheehans Rd,5,h,2250000,VB,Ascend,30/12/2017,3130,Eastern Metropolitan,5713,13.4,Whitehorse City Council +Blackburn North,22 Charlton St,5,h,1570000,S,Noel,30/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn North,49 Koonung Rd,4,h,1300000,S,Noel,30/12/2017,3130,Eastern Metropolitan,2867,13.4,Whitehorse City Council +Blackburn South,180 Canterbury Rd,3,h,950000,VB,Noel,30/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,10 Craig St,4,h,,SN,Woodards,30/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,38 Lawrence St,3,h,950000,PI,Noel,30/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Blackburn South,9 Mingeta Av,3,h,1050000,SP,Ray,30/12/2017,3130,Eastern Metropolitan,4387,13.4,Whitehorse City Council +Boronia,22 Blythe Av,3,h,629000,S,Schroeder,30/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Boronia,3/3 Narcissus Av,2,u,,PI,McGrath,30/12/2017,3155,Eastern Metropolitan,9704,25,Knox City Council +Box Hill,2/6 Simpsons Rd,2,u,,SP,hockingstuart,30/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Box Hill,2/25 Wellington Rd,2,u,669000,S,Noel,30/12/2017,3128,Eastern Metropolitan,4605,10.9,Whitehorse City Council +Braybrook,1 Myamyn St,3,h,850000,S,Douglas,30/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Braybrook,1/31 Vine St,3,t,600000,VB,Barry,30/12/2017,3019,Western Metropolitan,3589,8.6,Maribyrnong City Council +Briar Hill,23 Tower Dr,3,h,825000,S,Nelson,30/12/2017,3088,Eastern Metropolitan,1390,16.1,Banyule City Council +Brighton,1 Baroona Ct,3,h,,S,Marshall,30/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,12 Cole St,4,h,5500000,S,Marshall,30/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,53 Lynch Cr,3,h,2350000,VB,Hodges,30/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton,40 Whyte St,3,h,1900000,PI,Nick,30/12/2017,3186,Southern Metropolitan,10579,10.5,Bayside City Council +Brighton East,36 Arnold Rd,4,h,,W,Marshall,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,75 Baird St,4,h,3100000,VB,Marshall,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Carrington Gr,4,h,,VB,Buxton,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,60 Centre Rd,3,h,1415000,S,Hodges,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,32 Clive St,2,h,1262000,S,Hodges,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,9 Curzon St,3,h,1880000,S,Hodges,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,22 Davey Av,4,h,,SP,Marshall,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,3 Parker St,4,h,,S,Marshall,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,5 Raymond Ct,4,h,,PI,Buxton,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Brighton East,152 Thomas St,2,h,950000,VB,Gary,30/12/2017,3187,Southern Metropolitan,6938,10.3,Bayside City Council +Broadmeadows,17 Wharton Av,5,h,,PI,YPA,30/12/2017,3047,Northern Metropolitan,4294,14,Hume City Council +Brooklyn,1/6 Corrigan Av,3,t,750000,S,hockingstuart,30/12/2017,3012,Western Metropolitan,962,6.4,Brimbank City Council +Brunswick,10/116 Albert St,2,u,757000,SP,Jellis,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,250 Albion St,4,h,1200000,VB,Jellis,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,11 Bennie St,2,h,1011000,S,Nelson,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Charles St,3,h,1010000,S,Peter,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,6/94 Donald St,1,u,340000,SP,Nelson,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,20 Errol Av,2,h,,SP,Jellis,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,8 Harvey St,3,h,1150000,VB,Lindellas,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,4 Ivy St,2,h,970000,S,Nelson,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,18 Rope Wk,2,t,978000,S,Brad,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,42 Stewart St,2,h,970000,S,Nelson,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick,14 Sturrock St,4,h,1665000,SP,Jellis,30/12/2017,3056,Northern Metropolitan,11918,5.2,Moreland City Council +Brunswick West,14 Foden St,3,h,1255000,S,Barry,30/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,3/252 Hope St,3,t,700000,VB,Nelson,30/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,8 Howson St,4,h,,VB,Jellis,30/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Brunswick West,5/546 Moreland Rd,2,u,340000,VB,Brad,30/12/2017,3055,Northern Metropolitan,7082,5.2,Moreland City Council +Bulleen,134 Manningham Rd,3,h,1182000,S,Jellis,30/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bulleen,2/82 Willow Bnd,3,u,,VB,Philip,30/12/2017,3105,Eastern Metropolitan,4480,10.8,Manningham City Council +Bundoora,77 Cameron Pde,3,h,,PI,Barry,30/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3/210 Greenhills Rd,2,u,440000,PI,Barry,30/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,7 Hanover Rd,5,h,1470000,S,Barry,30/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,69 Linacre Dr,4,h,1225000,S,Barry,30/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,17 Milton Pde,4,h,870000,S,Stockdale,30/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Bundoora,3 Trafalgar Cr,3,h,,PI,Ray,30/12/2017,3083,Northern Metropolitan,10175,12.1,Banyule City Council +Burwood,25 Barnes Av,4,h,1607500,S,Jellis,30/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Burwood,3/16 Wridgway Av,2,u,758000,SP,Buxton,30/12/2017,3125,Southern Metropolitan,5678,10.4,Monash City Council +Cairnlea,6 Heron Rd,3,h,679000,S,Barry,30/12/2017,3023,Western Metropolitan,2674,14.8,Brimbank City Council +Camberwell,9 Moorhead St,3,h,1827000,S,Marshall,30/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2A Remon Av,3,h,1855000,S,Jellis,30/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,4/870 Riversdale Rd,2,u,,SN,Garvey,30/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,2C Staughton Rd,4,t,,PI,RT,30/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,1/71 Through Rd,3,h,1950000,S,Marshall,30/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Camberwell,916 Toorak Rd,5,h,,SP,Marshall,30/12/2017,3124,Southern Metropolitan,8920,7.7,Boroondara City Council +Canterbury,5/26 Faversham Rd,2,u,837000,S,Fletchers,30/12/2017,3126,Southern Metropolitan,3265,8.4,Boroondara City Council +Carlton,173 Drummond St,4,h,3825000,S,Woodards,30/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton,610/123 Pelham St,2,u,567000,S,MICM,30/12/2017,3053,Northern Metropolitan,6786,1.6,Melbourne City Council +Carlton North,821 Rathdowne St,4,h,1391000,S,Nelson,30/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carlton North,679 Station St,3,h,1580000,S,Woodards,30/12/2017,3054,Northern Metropolitan,3106,3.5,Melbourne City Council +Carnegie,2/39 Coorigil Rd,2,u,,S,Ray,30/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,3/52 Coorigil Rd,2,u,711000,S,Jellis,30/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,76 Mimosa Rd,3,h,1222000,S,Gary,30/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,8/36 Moonya Rd,1,u,331000,SP,Woodards,30/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carnegie,84 Oakleigh Rd,2,h,1100000,S,Jellis,30/12/2017,3163,Southern Metropolitan,7822,10.1,Glen Eira City Council +Carrum,2/9 Graham Rd,3,u,743000,S,hockingstuart/hockingstuart,30/12/2017,3197,South-Eastern Metropolitan,1989,31.2,Kingston City Council +Caulfield South,28 Goe St,4,h,1300000,VB,Jellis,30/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Caulfield South,34B Marara Rd,4,t,1675000,S,Gary,30/12/2017,3162,Southern Metropolitan,5051,8.7,Glen Eira City Council +Chadstone,21 Binalong Av,3,h,1120000,S,Jellis,30/12/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chadstone,3/111 Waverley Rd,3,u,780000,SP,Barry,30/12/2017,3148,Southern Metropolitan,3582,11.7,Monash City Council +Chelsea,2/19 Scotch Pde,2,u,620000,S,Barry,30/12/2017,3196,South-Eastern Metropolitan,3906,27,Kingston City Council +Cheltenham,9 Allnutt Ct,3,h,800000,PI,Ray,30/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,1 Clendon Ct,3,h,950000,VB,Greg,30/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2/3 Evergreen Cct,3,t,810000,S,Greg,30/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,2C Gilford Gr,2,t,955000,S,Buxton,30/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,33 Merton Cl,3,h,888000,S,O'Brien,30/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Cheltenham,10 Wingrove St,3,h,,S,Buxton,30/12/2017,3192,Southern Metropolitan,9758,17.9,Bayside City Council +Chirnside Park,35 Bardaster Bvd,3,t,,PN,LLC,30/12/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Chirnside Park,12B Meadowgate Dr,3,h,645000,S,Ray,30/12/2017,3116,Eastern Victoria,3789,27.1,Yarra Ranges Shire Council +Clarinda,1/24 Arunta Cr,3,u,730000,SP,Buxton,30/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,17 Leonard Cl,3,h,799000,S,C21,30/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clarinda,15 Merrigum Cr,3,h,766000,S,C21,30/12/2017,3169,South-Eastern Metropolitan,2727,17.5,Kingston City Council +Clayton,2/40 View St,3,t,962000,S,Barry,30/12/2017,3168,South-Eastern Metropolitan,5837,16.7,Monash City Council +Clayton South,6 Linda St,4,h,,PI,Ray,30/12/2017,3169,South-Eastern Metropolitan,4734,17.5,Kingston City Council +Clifton Hill,119 Spensley St,3,h,1300000,VB,Collins,30/12/2017,3068,Northern Metropolitan,2954,3.6,Yarra City Council +Coburg,206 Bell St,4,h,1090000,S,Jellis,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,51 Bruce St,2,h,1010000,S,Raine,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,70 Devon Av,3,h,,SP,Nelson,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,33 High St,2,h,710000,PI,Chambers,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,28 Lascelles St,3,h,946000,SP,YPA,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,2/3 The Grove,3,t,795000,S,Nelson,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg,1/11 Wolseley St,2,u,587000,S,Nelson,30/12/2017,3058,Northern Metropolitan,11204,6.7,Darebin City Council +Coburg North,60 Boyne St,3,h,905000,S,Barry,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,7 Keady St,4,h,965000,S,Barry,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,15 Merlyn St,3,h,1100000,PI,YPA,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,13 Norris St,2,h,730000,VB,Brad,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,1/16 Norris St,3,t,,SP,Biggin,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,16 Outlook Rd,3,h,950000,S,Nelson,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Coburg North,17 Ronald St,3,h,800000,VB,Nelson,30/12/2017,3058,Northern Metropolitan,3445,6.7,Darebin City Council +Collingwood,34 Gold St,2,h,1079500,SP,Harrington,30/12/2017,3066,Northern Metropolitan,4553,2,Yarra City Council +Craigieburn,48 Bainbridge Cl,3,h,550000,SP,YPA,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,83 Cimberwood Dr,3,h,,SN,Barry,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,25 Dempster Dr,3,h,,S,Ray,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,6 Folger Rd,3,h,479250,S,Ray,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,348 Grand Bvd,2,t,380000,S,HAR,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,474 Grand Bvd,4,h,630000,S,Barry,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,26 Grange Ri,5,h,688000,S,Barry,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,96 Hanson Rd,3,h,590500,S,Barry,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,92 Hothlyn Dr,7,h,,W,YPA,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,51 Langdon Cr,3,h,567000,S,YPA,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,60 Newbury Bvd,4,h,716000,S,Ray,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,13 Nobility Rd,4,h,640000,S,Barry,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Craigieburn,23 Royal Tce,3,h,480000,S,Barry,30/12/2017,3064,Northern Metropolitan,15510,20.6,Hume City Council +Cranbourne West,13 Greenbriar Wy,3,h,517250,S,LJ,30/12/2017,3977,South-Eastern Metropolitan,4939,34.7,Casey City Council +Cremorne,43 Chestnut St,3,h,1245000,S,hockingstuart,30/12/2017,3121,Northern Metropolitan,1123,2.4,Yarra City Council +Croydon,4/8 Bennison St,3,u,720000,SP,Max,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,5 Eden St,3,h,,SN,McGrath,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,3/6 Haig St,4,t,600000,VB,McGrath,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,167 Maroondah Hwy,4,h,820000,S,Philip,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,11 Melton Gr,3,h,720000,S,Barry,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,16 Moore Av,4,h,,SN,Barry,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,9 The Pass,5,h,997000,S,Fletchers,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Croydon,25 View St,3,h,655200,S,McGrath,30/12/2017,3136,Eastern Metropolitan,11925,23,Maroondah City Council +Dallas,3 Donald St,3,h,,W,YPA,30/12/2017,3047,Northern Metropolitan,2246,14,Hume City Council +Dandenong,2/15 Grace Av,3,t,,PI,O'Brien,30/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong,107 Herbert St,3,h,,PI,O'Brien,30/12/2017,3175,South-Eastern Metropolitan,10894,24.7,Greater Dandenong City Council +Dandenong North,6 Yarra Ct,4,h,,S,Fletchers,30/12/2017,3175,South-Eastern Metropolitan,8322,24.7,Greater Dandenong City Council +Deepdene,6 Belmont Av,4,h,3680000,SP,Marshall,30/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deepdene,914 Burke Rd,5,h,3080000,S,Harcourts,30/12/2017,3103,Southern Metropolitan,892,7.9,Boroondara City Council +Deer Park,24 Bird St,3,h,580000,S,Burnham,30/12/2017,3023,Western Metropolitan,6388,14.8,Brimbank City Council +Delahey,15 Anakie Wk,3,h,580000,PI,Bells,30/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,22 Brampton Cct,3,h,,PI,Calder,30/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,14 Doran Wk,3,h,,PI,Calder,30/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Delahey,34 Frost Dr,4,h,600000,PI,Nelson,30/12/2017,3037,Western Metropolitan,2898,18,Brimbank City Council +Derrimut,10 Oakham Gld,4,h,561000,S,Burnham,30/12/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Derrimut,96 Windsor Bvd,4,h,912000,S,Stockdale,30/12/2017,3030,Western Metropolitan,2276,14.7,Brimbank City Council +Diamond Creek,14 Moray St,3,h,588000,S,Barry,30/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Diamond Creek,2 Wensley St,3,h,700000,S,Morrison,30/12/2017,3089,Northern Victoria,4258,21.8,Nillumbik Shire Council +Dingley Village,5/169 Centre Dandenong Rd,2,u,680000,S,Buxton,30/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,4 Fairway Dr,4,h,839000,S,Buxton,30/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Dingley Village,8 Rhoda St,3,h,952000,S,Ray,30/12/2017,3172,South-Eastern Metropolitan,3940,22.2,Kingston City Council +Doncaster,23 Buckingham Cr,3,h,,SP,Fletchers,30/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,3/40 Finlayson St,3,h,850000,PI,Barry,30/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster,56 Victoria St,3,h,1150000,PI,hockingstuart,30/12/2017,3108,Eastern Metropolitan,9028,12.4,Manningham City Council +Doncaster East,3 Carisbrook Ct,4,h,1198000,S,hockingstuart,30/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,1/1050 Doncaster Rd,3,u,750000,VB,Fletchers,30/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,3/37 Greendale Rd,3,u,,VB,Philip,30/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,2/11 Howell Cl,3,h,868000,S,hockingstuart,30/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,18 Silvana Ct,4,h,,S,hockingstuart,30/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doncaster East,12 Worthing Av,4,h,1420000,S,Barry,30/12/2017,3109,Eastern Metropolitan,10999,14.3,Manningham City Council +Doreen,15 Braford Dr,4,h,740000,S,Barry,30/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,96 Laurimar Bvd,4,h,525000,SP,HAR,30/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,1 Nancarrow Dr,3,h,470000,S,HAR,30/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +Doreen,17 Patience Av,3,h,558000,S,Barry,30/12/2017,3754,Northern Victoria,7254,25.9,Nillumbik Shire Council +East Melbourne,10 Powlett St,6,h,,S,RT,30/12/2017,3002,Northern Metropolitan,3040,1.3,Melbourne City Council +Elsternwick,3/35 Shoobra Rd,3,u,930000,VB,Gary,30/12/2017,3185,Southern Metropolitan,4898,7.2,Glen Eira City Council +Eltham,7 Wynton Ct,4,h,,SP,Morrison,30/12/2017,3095,Eastern Metropolitan,6990,18,Banyule City Council +Elwood,13/197 Brighton Rd,1,u,411000,SP,hockingstuart,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,49 Brighton Rd,4,h,,S,hockingstuart,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,12/1 Glen Huntly Rd,2,u,,VB,Greg,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/145 Glen Huntly Rd,3,u,,SP,Chisholm,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,6/5 Joyce St,2,u,,PI,hockingstuart,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,7/199 Ormond Rd,2,u,675000,SP,Buxton,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,5/34 Pine Av,3,u,1800000,SP,Chisholm,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,4 Robert St,4,h,,PN,Chisholm,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Elwood,113 Spray St,3,h,,VB,Hodges,30/12/2017,3184,Southern Metropolitan,8989,7.2,Port Phillip City Council +Endeavour Hills,20 Rhonda Cl,3,h,656000,S,C21,30/12/2017,3802,South-Eastern Metropolitan,8443,28.5,Casey City Council +Epping,2 Brazil Ct,4,h,735000,S,hockingstuart,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,10A Cabot Dr,2,h,432000,S,Ray,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,8 Charteris Gr,4,h,611000,SP,HAR,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/82 Epping Rd,2,u,300000,S,HAR,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,202/88 Epping Rd,2,u,309000,S,HAR,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,5 Kilby Cl,3,h,610000,S,HAR,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,14 Plowman Ct,3,h,571550,SP,Millership,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Epping,2 Winterton Cl,3,h,658000,S,Iconek,30/12/2017,3076,Northern Metropolitan,10926,19.6,Whittlesea City Council +Essendon,4/142 Cooper St,3,t,800000,VB,Barry,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,2/5 Kalimna St,2,u,768000,S,Barry,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,13 Laluma St,4,h,,S,Nelson,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/62 Nimmo St,2,t,,S,Nelson,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,46 Salmon Av,5,h,2200000,S,Nelson,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,8/12 Schofield St,2,u,480000,PI,Hodges,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon,4/24 Schofield St,2,u,695000,S,Nelson,30/12/2017,3040,Western Metropolitan,9264,7.5,Moonee Valley City Council +Essendon North,9/15 Royal Av,2,u,365000,SP,Brad,30/12/2017,3041,Western Metropolitan,1308,8.2,Moonee Valley City Council +Fairfield,4/25 Rathmines St,2,u,512500,SP,McGrath,30/12/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fairfield,75 Rathmines St,4,h,1300000,VB,Thomas,30/12/2017,3078,Northern Metropolitan,2970,5.7,Darebin City Council +Fawkner,4 Bonwick St,3,h,767500,SP,hockingstuart,30/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/3 Brian St,3,h,616000,SP,Brad,30/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1/1 Clara St,2,u,412000,S,Ray,30/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,1 Link Pde,3,h,482000,S,Brad,30/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Fawkner,9 Selola Ct,3,h,783000,SP,hockingstuart,30/12/2017,3060,Northern Metropolitan,5070,13.1,Hume City Council +Ferntree Gully,32 Lydford Rd,3,h,755000,S,Noel,30/12/2017,3156,Eastern Metropolitan,10788,24.8,Knox City Council +Fitzroy,215 Argyle St,2,h,1930000,SP,Nelson,30/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,5/3 Hertford St,2,h,950000,S,Nelson,30/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy,1/26 Victoria St,1,u,640000,S,Nelson,30/12/2017,3065,Northern Metropolitan,5825,2.1,Yarra City Council +Fitzroy North,103/500 Brunswick St,2,u,655000,SP,Nelson,30/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,810 Brunswick St,3,h,1325000,S,Woodards,30/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,23 Egremont St,2,h,1380000,PI,Nelson,30/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Fitzroy North,4/71 Holden St,2,u,650000,SP,Jellis,30/12/2017,3068,Northern Metropolitan,6244,3.6,Moreland City Council +Flemington,2/63 Crown St,2,t,785000,S,Edward,30/12/2017,3031,Northern Metropolitan,3593,3.4,Melbourne City Council +Footscray,10/20 French St,3,u,517000,SP,Brad,30/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,16 Nicholson St,6,h,1527000,S,Nelson,30/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,17 Steet St,4,h,,VB,Biggin,30/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Footscray,48b Wolverhampton St,3,t,760000,S,Sweeney,30/12/2017,3011,Western Metropolitan,7570,5.1,Maribyrnong City Council +Forest Hill,16 Mutual Ct,3,h,,SN,Woodards,30/12/2017,3131,Eastern Metropolitan,4385,15.4,Whitehorse City Council +Frankston,9 Aquarius Dr,3,h,,PI,O'Brien,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,5 Finisterre Ct,4,h,814250,S,Ray,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Frawley St,5,h,840000,SP,hockingstuart,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,2/13 Gairloch Dr,3,t,569000,S,Barry,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,150 Heatherhill Rd,3,h,538000,SA,Bowman,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,8 Leighton Ct,3,h,,W,Ray,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,82 Lindrum Rd,4,h,560000,S,O'Brien,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/9 Phillip St,2,u,,S,Aquire,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,105 Raphael Cr,3,h,636000,S,Barry,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,67 Raphael Cr,3,h,672500,S,Ray,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,18 Wave St,2,h,574000,S,O'Brien,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3 Wettenhall Rd,4,h,1036000,S,Ray,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,37 Williams St,3,h,1250000,VB,hockingstuart,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/46 Williams St,3,t,605000,S,hockingstuart,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,14 Woodlands Gr,4,h,1150000,VB,hockingstuart,30/12/2017,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston South,32 Fleetwood Cr,3,h,1200000,S,Ray,30/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Frankston South,8 Tavistock Rd,3,h,760000,S,Barry,30/12/2017,3199,South-Eastern Metropolitan,7566,38,Frankston City Council +Gisborne,68 Fersfield Rd,3,h,616000,S,Raine,30/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,1/5 Robert Ct,3,h,535000,SP,Raine,30/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gisborne,12a Sundew Ct,3,h,550000,S,Raine,30/12/2017,3437,Northern Victoria,3376,45.9,Macedon Ranges Shire Council +Gladstone Park,8 Cassandra Dr,3,h,620000,S,Barry,30/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,1 Chisholm Cl,6,h,,PN,Barry,30/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Gladstone Park,27 Goodwood Cr,3,h,730000,SP,Barry,30/12/2017,3043,Western Metropolitan,3285,12.9,Hume City Council +Glen Iris,13/1526 High St,2,u,670000,S,hockingstuart,30/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,8/40 Osborne Av,2,u,,SN,Biggin,30/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,26 Parkin St,6,h,2245000,S,Marshall,30/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,65 Renwick St,4,h,1735000,S,hockingstuart,30/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Iris,114 Summerhill Rd,3,h,,S,Jellis,30/12/2017,3146,Southern Metropolitan,10412,7.3,Boroondara City Council +Glen Waverley,23 Burramine Rd,4,h,,SN,Barry,30/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,57 Hinkler Rd,3,h,,PI,Ray,30/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,9 Short St,6,h,2350000,PI,Harcourts,30/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glen Waverley,10 Summit Cr,4,h,,SN,Biggin,30/12/2017,3150,Eastern Metropolitan,15321,16.7,Monash City Council +Glenroy,1/8 Apsley St,3,t,765000,SP,Stockdale,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,70 Beatty Av,2,t,530000,S,Stockdale,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,43 Bindi St,2,h,637000,S,Brad,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,181 Daley St,2,h,628000,S,RW,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,36 Gladstone Pde,2,h,1245000,S,Jellis,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/122 Loongana Av,3,h,,PI,Stockdale,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,54 Morley St,3,h,885000,S,Nelson,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,1/66 Pecham St,3,u,635000,S,Barry,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,73 Tarana Av,4,h,801000,SP,Barry,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,2/121 Widford St,3,t,554000,S,Stockdale,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Glenroy,4 York St,2,h,900000,S,Stockdale,30/12/2017,3046,Northern Metropolitan,8870,11.2,Moreland City Council +Gowanbrae,1 Duranta Dr,3,h,790000,S,Nelson,30/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Marigold Cr,3,t,700000,VB,Nelson,30/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Gowanbrae,7 Mirrim Pl,4,h,1260000,PI,Nelson,30/12/2017,3043,Western Metropolitan,1071,12.9,Moreland City Council +Greensborough,14 Anama St,3,h,1002000,S,Morrison,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3 Booyan Cr,3,h,759000,S,Darren,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,32 Louis St,3,h,835000,S,Buckingham,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,9A Scotland Av,3,t,920000,S,Darren,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,7 Simmons Ct,3,h,876000,S,Morrison,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,17 Thoona Gr,4,h,1215000,S,Jellis,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,18 Wanbanna Av,3,h,760000,S,Morrison,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,92 Warralong Av,3,h,838000,S,Buckingham,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greensborough,3/11 William St,3,t,635000,S,Buckingham,30/12/2017,3088,Northern Metropolitan,8524,16.1,Banyule City Council +Greenvale,10 Ambleside Rd,4,h,750000,VB,Barry,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,29 Arkley Dr,3,h,671000,S,Barry,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,21 Elphinstone Bvd,6,h,1515000,S,Jason,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,20 Frontier Av,3,h,660000,S,Barry,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,48 Glencairn Dr,4,h,690000,S,Barry,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,2 Lysterfield Dr,4,h,679000,S,LJ,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Greenvale,6 Mossgiel Av,4,h,,PN,Barry,30/12/2017,3059,Northern Metropolitan,4864,20.4,Hume City Council +Hadfield,5 Richard St,3,h,911000,S,Stockdale,30/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hadfield,27 West St,3,h,772500,S,Nelson,30/12/2017,3046,Northern Metropolitan,2606,11.2,Moreland City Council +Hampton,56E Beach Rd,3,t,2440000,SP,Marshall,30/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,304/33 Crisp St,2,u,850000,S,hockingstuart,30/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,2 Grout St,3,h,1500000,VB,Hodges,30/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,16 Kingston St,3,h,1006000,S,Hodges,30/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton,4/5 Walker Av,3,t,1100000,S,Hodges,30/12/2017,3188,Southern Metropolitan,5454,13.8,Bayside City Council +Hampton East,25 Daff Av,4,h,1330000,SP,Buxton,30/12/2017,3188,Southern Metropolitan,2356,13.8,Bayside City Council +Hawthorn,4/229 Auburn Rd,3,t,1400000,PI,Noel,30/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,1/4 Barkers Rd,2,u,822500,S,Jellis,30/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,128 Church St,4,h,2055000,S,Marshall,30/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,8/136 Church St,2,u,660000,S,Marshall,30/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,5/488 Glenferrie Rd,2,u,525000,S,Woodards,30/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn,4/14 Liddiard St,1,u,640000,S,Nelson,30/12/2017,3122,Southern Metropolitan,11308,5.3,Boroondara City Council +Hawthorn East,12/85 Pleasant Rd,2,u,658000,S,Jellis,30/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,401/480 Riversdale Rd,2,u,985000,VB,Jellis,30/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Hawthorn East,5/137 Victoria Rd,2,u,590000,SP,LITTLE,30/12/2017,3123,Southern Metropolitan,6482,6.2,Boroondara City Council +Heathmont,11 Doulton Av,3,h,1051000,S,Barry,30/12/2017,3135,Eastern Metropolitan,3794,21.3,Maroondah City Council +Heidelberg Heights,37 Collins St,2,h,782500,SP,William,30/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,9 Heffernan Wk,3,t,760000,SP,Nelson,30/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,1/74 Porter Rd,4,h,920000,VB,Fletchers/Fletchers,30/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg Heights,12 Terry St,2,h,640000,VB,Nelson,30/12/2017,3081,Eastern Metropolitan,2947,8.8,Banyule City Council +Heidelberg West,4/9 Exeter Ct,2,u,471000,SP,Miles,30/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Heidelberg West,367 Liberty Pde,2,h,687000,S,Buckingham,30/12/2017,3081,Eastern Metropolitan,2674,8.8,Banyule City Council +Highett,25 Haynes St,3,h,1430000,S,Hodges,30/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Highett,229/286 Highett Rd,2,u,590000,VB,Wilson,30/12/2017,3190,Southern Metropolitan,4794,16,Bayside City Council +Hillside,30 Beattys Rd,4,h,,PI,Barry,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,12 Cynthia Ct,4,h,666000,S,Barry,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,51 Landscape Dr,6,h,830000,PI,Prof.,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,16 Rivergum Pl,5,h,,S,Barry,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,66 Royal Cr,5,h,700000,S,Prof.,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,1 Stonybrook Bvd,4,h,855000,PI,Barry,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hillside,17 The Grove,4,h,1405000,S,Barry,30/12/2017,3037,Western Metropolitan,5556,18,Brimbank City Council +Hoppers Crossing,6 Bolger Cr,3,h,596000,S,hockingstuart,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,21 Casey Dr,3,h,,VB,Triwest,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,10 Harris Av,3,h,505000,S,LJ,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,61 Johnson Av,3,h,586000,S,hockingstuart,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,46 Provence Gr,3,h,525000,S,Greg,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,32 Toulouse Cr,3,h,580000,SP,Greg,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,6 Tucker Ct,5,h,,PI,S&L,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Hoppers Crossing,17 Yarrabee Dr,4,h,660000,S,Barry,30/12/2017,3029,Western Metropolitan,13830,18.4,Wyndham City Council +Ivanhoe,197 Banksia St,4,h,1095000,SP,RW,30/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,3/18 Belmont Rd,3,u,1220000,S,Miles,30/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,29 Melcombe Rd,2,h,1395000,S,Miles,30/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,41 Myrtle St,4,h,,PI,Nelson,30/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe,10 Stanley St,3,h,1150000,VB,Nelson,30/12/2017,3079,Eastern Metropolitan,5549,7.8,Banyule City Council +Ivanhoe East,34 Cedric St,2,h,1432000,S,Miles,30/12/2017,3079,Eastern Metropolitan,1554,7.8,Banyule City Council +Jacana,5 Bessell Ct,2,h,,PN,Barry,30/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Jacana,9 Fox Ct,3,h,455000,SP,YPA,30/12/2017,3047,Northern Metropolitan,851,14,Hume City Council +Keilor,19 Faye Cr,5,h,,SP,Nelson,30/12/2017,3036,Western Metropolitan,2339,14.5,Brimbank City Council +Keilor Downs,4 Gidgee Ct,3,h,670000,S,Barry,30/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,52 Morcambe Cr,3,h,635000,S,Prof.,30/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor Downs,9 Odessa Av,4,h,685000,S,Calder,30/12/2017,3038,Western Metropolitan,3656,15.5,Brimbank City Council +Keilor East,5 Milleara Rd,6,h,1130000,S,Nelson,30/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,84 Parkside Av,2,h,580000,S,Nelson,30/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,178 Rachelle Rd,4,h,975000,S,Moonee,30/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,52 West Gwy,2,h,740000,S,Nelson,30/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor East,23 Woorite Pl,3,t,780000,VB,Barry,30/12/2017,3033,Western Metropolitan,5629,11.7,Brimbank City Council +Keilor Lodge,3 Dana Ct,4,h,,SN,Alexkarbon,30/12/2017,3038,Western Metropolitan,570,15.5,Brimbank City Council +Keilor Park,55 Spence St,5,h,550000,PI,Nelson,30/12/2017,3042,Western Metropolitan,1119,10.4,Brimbank City Council +Kensington,306/72 Altona St,2,u,520000,SP,Jellis,30/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,25 Robertson St,2,h,,S,Brad,30/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kensington,17 Serong St,3,t,,W,Barry,30/12/2017,3031,Northern Metropolitan,5263,3.4,Melbourne City Council +Kew,1A Glendene Av,3,h,1760000,VB,Noel,30/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,1/325 High St,1,u,505000,S,Marshall,30/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew,26 Oshaughnessy St,3,h,,S,Marshall,30/12/2017,3101,Southern Metropolitan,10331,5.4,Boroondara City Council +Kew East,21 Baker Av,5,h,2300000,VB,Jellis,30/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,47 Bennett Pde,3,h,1702000,SP,Philip,30/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,45 Frater St,3,h,,S,Marshall,30/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Kew East,1/20 Hartwood St,3,h,1150000,S,Jellis,30/12/2017,3102,Southern Metropolitan,2671,7.3,Boroondara City Council +Keysborough,9 Carribean Dr,3,h,715000,SP,O'Brien,30/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,21 Serpentine Rd,3,h,770000,S,C21,30/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,10/72 Stanley Rd,2,t,,SN,Biggin,30/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Keysborough,9 Woomera Av,3,h,,PI,Barry,30/12/2017,3173,South-Eastern Metropolitan,8459,25.2,Greater Dandenong City Council +Kilsyth,1 Churchill Wy,2,h,830000,S,McGrath,30/12/2017,3137,Eastern Metropolitan,4654,26,Maroondah City Council +Kings Park,45 Grevillea Rd,4,h,665000,S,Barry,30/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,7 Shepherds Gr,5,h,675000,S,Barry,30/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kings Park,6 Timothy Ct,4,h,,PI,Barry,30/12/2017,3021,Western Metropolitan,2878,14,Brimbank City Council +Kingsbury,1/34 Highland St,3,u,702500,S,Barry,30/12/2017,3083,Northern Metropolitan,1414,12.1,Darebin City Council +Kingsville,55 Coronation St,3,h,1210000,PI,Jas,30/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kingsville,32 Empress Av,3,h,1250000,S,McGrath,30/12/2017,3012,Western Metropolitan,1808,6.4,Maribyrnong City Council +Kurunjang,51 Archer Dr,4,h,439000,S,Raine,30/12/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Kurunjang,14 Narebar Ct,3,h,381000,S,PRDNationwide,30/12/2017,3337,Northern Victoria,3553,31.7,Melton City Council +Lalor,4 Columbia Rd,3,h,,SP,HAR,30/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,19 Cyprus St,3,h,707000,S,Barry,30/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,60 McKimmies Rd,3,h,640000,S,Ray,30/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,30 Mosaic Dr,3,h,700000,S,Iconek,30/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,5 Otway Ct,4,h,600000,S,HAR,30/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Lalor,28 Partridge St,3,h,665000,S,HAR,30/12/2017,3075,Northern Metropolitan,8279,16.3,Whittlesea City Council +Langwarrin,30 Leonard Dr,4,h,570000,S,Barry,30/12/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Langwarrin,20 Raneen Dr,3,h,510000,S,Bowman,30/12/2017,3910,Eastern Victoria,8743,41,Frankston City Council +Laverton,20 Thomas St,3,h,,SP,hockingstuart,30/12/2017,3028,Western Metropolitan,2004,15.5,Hobsons Bay City Council +Lower Plenty,5/3 Glenauburn Rd,4,t,1160000,S,Jellis,30/12/2017,3093,Eastern Metropolitan,1624,14.6,Banyule City Council +MacLeod,4/34 Glenmore St,3,u,471000,S,Miles,30/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,2/23 MacLeod Pde,2,u,690000,SP,Ray,30/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +MacLeod,21 Wungan St,3,h,695000,S,Ray,30/12/2017,3085,Northern Metropolitan,4168,12.7,Banyule City Council +Maidstone,13/12 Crefden St,2,u,,S,Biggin,30/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,36/44 Eucalyptus Dr,2,u,420000,S,Pagan,30/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,43 Fisher St,3,h,895000,S,Sweeney,30/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,11D Rooney St,3,t,670000,PI,Biggin,30/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Maidstone,34 Suffolk St,3,h,825000,S,Jas,30/12/2017,3012,Western Metropolitan,3873,6.4,Maribyrnong City Council +Malvern,3/395 Glenferrie Rd,2,u,2100000,VB,Marshall,30/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern,29 Gordon Gr,4,h,3100000,VB,Marshall,30/12/2017,3144,Southern Metropolitan,4675,5.9,Stonnington City Council +Malvern East,31 Belson St,3,h,,S,Marshall,30/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,2/8 Burke Rd,2,u,530000,VB,Marshall,30/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,17 Millewa Av,4,h,2830000,S,Jellis,30/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Malvern East,114/141 Waverley Rd,1,u,112000,S,C21,30/12/2017,3145,Southern Metropolitan,8801,8.4,Stonnington City Council +Maribyrnong,51 MacEdon St,2,h,1250000,PI,Sweeney,30/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,7 Middle Rd,3,h,,SP,Brad,30/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,5/127 Raleigh Rd,2,t,540000,VB,Nelson,30/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +Maribyrnong,57 Wests Rd,3,t,625000,PI,Raine,30/12/2017,3032,Western Metropolitan,4918,4.3,Maribyrnong City Council +McKinnon,1/4 Glen Orme Av,3,t,1350000,VB,Gary,30/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,28 Lewis St,4,h,1820000,S,Hodges,30/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +McKinnon,273 McKinnon Rd,4,h,1730000,S,Buxton,30/12/2017,3204,Southern Metropolitan,2397,11.4,Glen Eira City Council +Meadow Heights,1 Tamboon Ct,3,h,,SN,Barry,30/12/2017,3048,Northern Metropolitan,4704,17.4,Hume City Council +Melbourne,2009/568 Collins St,1,u,,W,Pagan,30/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,2608/620 Collins St,2,u,750000,SP,MICM,30/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,1216/74 Queens Rd,2,u,,PI,Purplebricks,30/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,401/340 Russell St,2,u,1000000,SP,MICM,30/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melbourne,54/461 St Kilda Rd,3,u,1825000,SP,Gary,30/12/2017,3000,Northern Metropolitan,17496,0,Melbourne City Council +Melton,7 Emil Ct,3,h,,PI,Raine,30/12/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton,111 Palmerston St,3,h,400000,VB,Biggin,30/12/2017,3337,Western Victoria,3600,31.7,Melton City Council +Melton South,1/23 Hume Av,2,u,290000,SP,Raine,30/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton South,14 Thomas Av,3,h,361000,SP,FN,30/12/2017,3338,Western Victoria,4718,29.8,Melton City Council +Melton West,9 Morrow St,3,h,518000,S,FN,30/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Melton West,75 Westmelton Dr,3,h,400000,VB,PRDNationwide,30/12/2017,3337,Northern Victoria,6065,31.7,Melton City Council +Mentone,2/62 Balcombe Rd,2,h,680000,SP,Purplebricks,30/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,4A Delville Av,3,t,920000,S,Barry,30/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mentone,71 Patty St,6,h,1650000,SP,Buxton,30/12/2017,3194,South-Eastern Metropolitan,6162,20,Kingston City Council +Mernda,25 Gael Ct,4,h,598000,S,RW,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,2 Grafton St,4,h,518000,S,RW,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,13 Gridley St,4,h,900000,SP,Morrison,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Maahu Ambl,3,t,482500,S,LJ,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,5 McCulloch St,3,h,572500,S,Ray,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,23 Monarch Av,3,h,580058,SP,Stockdale,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,21 Riberry Cr,4,h,745500,SP,Love,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,24 Stradling Ri,4,h,662000,PI,Barry,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mernda,14 Tarwin Dr,3,h,595000,S,RW,30/12/2017,3754,Northern Metropolitan,5812,25.9,Whittlesea City Council +Mickleham,50 Callaway Dr,5,h,1500000,S,Barry,30/12/2017,3064,Northern Metropolitan,1158,20.6,Hume City Council +Mill Park,4 Berry Ct,4,h,,PI,The,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Blamey Av,3,h,700000,S,Love,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,4 Bolina Ct,3,h,637500,S,HAR,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,17 Clement Ct,4,h,751000,S,HAR,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,6 Hawkes Dr,3,h,699000,S,RW,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,2/1 Mill Park Dr,2,u,485000,SP,Barry,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,3/1 Morang Dr,3,u,410000,SP,Love,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Packard Crse,3,h,551500,SP,Barry,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,19 Randell Ct,3,h,,PI,HAR,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,1 Sirius Ct,4,h,700500,S,Ray,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,21 Streeton Cct,3,h,622000,PI,Love,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mill Park,44 Thompson Cct,4,h,740000,S,Millership,30/12/2017,3082,Northern Metropolitan,10529,17.9,Whittlesea City Council +Mitcham,1 Fawcett St,3,h,1020000,S,Philip,30/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/6 Grace Ct,2,h,732500,SP,Noel,30/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,2/54 Percy St,2,u,,PI,Ray,30/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,1/22 Walker Av,3,u,1075000,S,Parkes,30/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mitcham,6 Walter St,3,h,1151000,S,McGrath,30/12/2017,3132,Eastern Metropolitan,6871,17.2,Whitehorse City Council +Mont Albert,2/394 Mont Albert Rd,2,u,541500,S,Fletchers,30/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,734 Whitehorse Rd,2,h,,SP,Jellis,30/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Mont Albert,129 Windsor Cr,4,h,2105000,PI,Bekdon,30/12/2017,3127,Eastern Metropolitan,2079,10.2,Boroondara City Council +Montmorency,56 Astley St,4,h,,SP,Morrison,30/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,52 Kirwana Gr,3,h,880000,SP,Flannagan,30/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Montmorency,84 Sackville St,3,h,907000,S,Jellis,30/12/2017,3094,Eastern Metropolitan,3891,16.2,Banyule City Council +Moonee Ponds,4/21 Learmonth St,2,h,,VB,Hodges,30/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,8/719 Mt Alexander Rd,2,u,715000,SP,Pagan,30/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Moonee Ponds,34 Wilson St,3,h,1490000,S,Jellis,30/12/2017,3039,Western Metropolitan,6232,6.2,Moonee Valley City Council +Mooroolbark,4 Akima Tce,4,h,,PI,Fletchers,30/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,54 Barker Dr,4,h,712000,PI,Ray,30/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,24 Russell Av,4,h,,SP,Fletchers,30/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mooroolbark,6 Wandana St,4,h,825000,SP,McGrath,30/12/2017,3138,Eastern Victoria,8280,26.5,Yarra Ranges Shire Council +Mordialloc,13/17 Collocott St,4,t,930000,S,hockingstuart,30/12/2017,3195,South-Eastern Metropolitan,3650,21.5,Kingston City Council +Mount Waverley,11B Avondale Gr,5,h,1856000,S,Ray,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4c Bales St,4,t,,VB,Jellis,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,3 Darbyshire Rd,3,h,1240000,S,Fletchers,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,13 Dorgan St,2,h,1240000,S,OBrien,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,45 Grenfell Rd,3,h,1215000,S,Ray,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1 Heleus Ct,3,h,,PI,Ray,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,4/454 High Street Rd,2,u,,VB,Jellis,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,10 Jack St,3,h,,SN,McGrath,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,44 Josephine Av,5,h,,PI,Barry,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,183 Lawrence Rd,3,u,742500,S,Ray,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,31 The Highway,5,h,2700000,VB,Jellis,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,11 Toombah St,6,h,,PI,Ray,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mount Waverley,1/532 Waverley Rd,3,u,850000,PI,hockingstuart,30/12/2017,3149,Eastern Metropolitan,13366,14.2,Monash City Council +Mulgrave,2 Bentley Ct,3,h,867000,PI,Harcourts,30/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,65 Haverbrack Dr,4,h,,SN,Jellis,30/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,33 Wanda St,3,h,825000,S,Barry,30/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Mulgrave,17 Windermere Cr,5,h,,PI,Ray,30/12/2017,3170,South-Eastern Metropolitan,7113,18.8,Monash City Council +Murrumbeena,2/9 Ardyne St,2,u,801000,S,C21,30/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,4 Blythe St,3,h,1437000,S,Ray,30/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,5 Packer St,3,h,1590000,S,Jellis,30/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,22 Swan Rd,4,h,,PI,Buxton,30/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +Murrumbeena,8 Wallace Av,3,h,1550000,VB,Woodards,30/12/2017,3163,Southern Metropolitan,4442,10.1,Glen Eira City Council +New Gisborne,14 Carbine Ct,3,h,625000,S,Raine,30/12/2017,3438,Northern Victoria,849,48.1,Macedon Ranges Shire Council +Newport,9a Berty St,4,t,1090000,S,Ray,30/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,91 Gordon St,2,h,660000,S,Jas,30/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Newport,16a Johnston St,5,h,1180000,PI,Jas,30/12/2017,3015,Western Metropolitan,5498,6.2,Hobsons Bay City Council +Niddrie,30 Grosvenor St,4,h,1050000,VB,Nelson,30/12/2017,3042,Western Metropolitan,2291,10.4,Moonee Valley City Council +Noble Park,150 Buckley St,3,h,1025000,S,Area,30/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Noble Park,3/28 David St,2,t,530000,S,O'Brien,30/12/2017,3174,South-Eastern Metropolitan,11806,22.7,Greater Dandenong City Council +Northcote,14 Candy St,3,h,1575000,PI,Nelson,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Candy St,3,h,1585000,S,Jellis,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,8 Johnson St,4,h,1650000,VB,FN,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,23 Latham St,4,h,1420000,SP,McGrath,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,66a Mitchell St,4,h,,S,Nelson,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,14 Northcote St,2,h,1315000,S,McGrath,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,26 Oldis Av,3,h,1120000,S,Thomas,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,3/8 Ross St,2,u,675500,S,Nelson,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,32 Simpson St,2,h,1100000,VB,Nelson,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Northcote,18 Thames St,5,h,2525000,SP,Jellis,30/12/2017,3070,Northern Metropolitan,11364,5.3,Darebin City Council +Nunawading,1 Winifred St,3,h,1000000,S,VICPROP,30/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Nunawading,49 Worrell St,3,h,1102000,S,Jellis,30/12/2017,3131,Eastern Metropolitan,4973,15.4,Manningham City Council +Oak Park,3/154 Waterloo Rd,2,t,580000,PI,Brad,30/12/2017,3046,Northern Metropolitan,2651,11.2,Moreland City Council +Oakleigh,11 The Avenue,2,h,,PI,Buxton,30/12/2017,3166,Southern Metropolitan,3224,12.3,Monash City Council +Oakleigh South,15 Lehem Av,4,h,1000000,VB,Buxton,30/12/2017,3167,South-Eastern Metropolitan,3692,15.5,Kingston City Council +Ormond,2/12 Lillimur Rd,2,u,790000,VB,Gary,30/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Ormond,5/9 Wild Cherry Rd,2,u,810000,S,Buxton,30/12/2017,3204,Southern Metropolitan,3578,11.4,Glen Eira City Council +Parkdale,2/18 Eighth St,2,h,975000,VB,Buxton,30/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,28 Keiller Av,5,h,1160000,VB,Buxton,30/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/5 Sixth St,3,h,1150000,VB,Buxton,30/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Parkdale,1/1 White St,2,u,465000,VB,Thomson,30/12/2017,3195,South-Eastern Metropolitan,5087,21.5,Kingston City Council +Pascoe Vale,2/297 Cumberland Rd,2,t,520000,S,Brad,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1 Dale Av,2,h,800000,VB,Nelson,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/3 Grover St,3,t,690000,VB,Barry,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,6 Kitchener Rd,3,t,826000,S,Nelson,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,32 Northumberland Rd,3,h,,S,Nelson,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,1/28 Raeburn St,2,u,585000,SP,Brad,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Pascoe Vale,2A Waratah St,4,h,1015000,S,Nelson,30/12/2017,3044,Northern Metropolitan,7485,8.5,Moreland City Council +Plumpton,10 Gordes St,3,h,464000,S,Daniel,30/12/2017,3335,Western Metropolitan,1490,23.8,Melton City Council +Point Cook,59 Breasley Pky,3,h,670000,S,hockingstuart,30/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,11 Copeland Cr,4,h,650000,S,Point,30/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,6 Gilmore Gr,4,h,,SP,Barry,30/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,12 Horizon Pt,4,h,,PI,hockingstuart,30/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Point Cook,20 Whitetop Dr,4,h,690000,PI,hockingstuart,30/12/2017,3030,Western Metropolitan,15542,14.7,Wyndham City Council +Port Melbourne,510/1 Danks St W,2,u,797000,S,Castran,30/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,111 Esplanade Pl,3,t,1525000,VB,Buxton,30/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,702/142 Rouse St,3,u,1362000,S,Home,30/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Port Melbourne,60/3 Seisman Pl,3,u,,S,Marshall,30/12/2017,3207,Southern Metropolitan,8648,3.5,Melbourne City Council +Prahran,61 Chomley St,3,h,,S,hockingstuart,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,80/108 Greville St,3,u,765000,S,Beller,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,12/37 Greville St,1,u,383000,S,hockingstuart,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,6/573 High St,2,u,690000,PI,Shape,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,1/14 Highbury Gr,2,u,680000,SP,Jellis,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,4/17 Irving Av,2,u,612000,S,Gary,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,7 Trinian St,3,h,2400000,VB,Marshall,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Prahran,93 York St,2,h,1312000,PI,hockingstuart,30/12/2017,3181,Southern Metropolitan,7717,4.6,Stonnington City Council +Preston,106/448 Bell St,2,u,,PI,Ray,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,57 Carlisle St,3,h,1185000,S,Nelson,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,3 Esther St,2,t,723000,S,hockingstuart,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,43 Kathleen St,3,h,985000,S,RW,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,25 Kendall St,4,h,,SN,McGrath,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,12/39 Mt Pleasant Rd,3,t,760000,S,hockingstuart,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,218 Murray Rd,4,h,930000,VB,Nelson,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,88B Murray Rd,4,h,1950000,PI,Love,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,4 Roseberry Av,4,h,800000,PI,Stockdale,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,2 Shakespeare Av,5,h,1455000,S,Nelson,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Preston,111 Wood St,3,h,,W,Purplebricks,30/12/2017,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Princes Hill,101 Paterson St,3,h,1575000,S,Nelson,30/12/2017,3054,Northern Metropolitan,1008,3.5,Yarra City Council +Research,6 Raglan Ct,4,h,900000,S,Morrison,30/12/2017,3095,Eastern Metropolitan,938,18,Nillumbik Shire Council +Reservoir,36 Anstey Av,3,h,600000,PI,Ray,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/37 Ashton St,2,t,562000,S,Barry,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,9 Bourke St,3,h,900000,S,Nelson,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,3/47 Burbank Dr,3,u,,SP,Spencer,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/33 Byfield St,3,h,700500,S,Ray,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,4/8 Chaleyer St,3,t,560000,S,Barry,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/59 Cheddar Rd,1,t,455000,S,Barry,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,30 Clingin St,4,h,845000,SP,RW,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7 East St,3,h,810000,S,hockingstuart,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,72 Hickford St,3,h,920000,S,Barry,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1019 High St,3,h,865000,S,Barry,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/830 High St,3,t,585000,S,Ray,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,1/63 Kinsale St,3,h,770000,S,Nelson,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,5 Legh St,4,h,,SN,Ray,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,21 Locksley Av,3,h,775000,S,McGrath,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2/61 Marchant Av,2,t,600000,S,Nelson,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,2B Moore Cr,3,t,669000,S,RW,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,19 Ramleh Rd,4,h,890000,S,Nelson,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Reservoir,7/49 Storey Rd,2,t,698000,S,Barry,30/12/2017,3073,Northern Metropolitan,21650,12,Darebin City Council +Richmond,62 Appleton St,2,h,1000000,VB,hockingstuart,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,13/22 Bosisto St,2,u,550000,VB,hockingstuart,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,37 Cutter St,3,h,1490000,S,Nelson,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,21 Davison St,3,h,1182000,S,Jellis,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,22 Durham St,3,h,1700000,SP,Biggin,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,3 Survey St,3,h,1710000,S,Collins,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,81 Wellington St,2,h,1145000,S,Nelson,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,39 York St,3,h,1000000,S,Biggin,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,14/45 York St,1,u,530000,S,Marshall,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Richmond,10 Yorkshire St,3,t,,PI,Biggin,30/12/2017,3121,Northern Metropolitan,14949,2.4,Yarra City Council +Riddells Creek,148 Main Rd,4,h,765000,PI,Raine,30/12/2017,3431,Northern Victoria,1475,47.4,Macedon Ranges Shire Council +Ringwood,16 Ford St,4,h,1246000,S,Carter,30/12/2017,3134,Eastern Metropolitan,7785,19.9,Maroondah City Council +Ringwood East,121 Dublin Rd,3,h,805000,S,Carter,30/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ringwood East,7/51 Mt Dandenong Rd,2,u,,PI,McGrath,30/12/2017,3135,Eastern Metropolitan,4407,21.3,Maroondah City Council +Ripponlea,23 Erindale Av,2,h,1380000,S,Cayzer,30/12/2017,3185,Southern Metropolitan,821,7.2,Port Phillip City Council +Rosanna,1/66 Grandview Gr,3,u,,SN,Miles,30/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,26 Laane Av,3,h,,SN,Barry,30/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rosanna,2/30 Mountain View Pde,3,u,,VB,Fletchers,30/12/2017,3084,Eastern Metropolitan,3540,8.9,Banyule City Council +Rowville,51 Dandelion Dr,5,h,956000,S,Ray,30/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Rowville,247 Karoo Rd,4,h,,PI,Purplebricks,30/12/2017,3178,South-Eastern Metropolitan,11667,23.5,Knox City Council +Roxburgh Park,10 Pickersgill Cr,4,h,,SP,RW,30/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,10 Tiffany Cr,4,h,630000,SP,YPA,30/12/2017,3064,Northern Metropolitan,5833,20.6,Hume City Council +Sandringham,57 Bay Rd,4,h,,SP,Nick,30/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,28/170 Beach Rd,3,t,1017500,S,Marshall,30/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,9/91 Beach Rd,2,u,720000,S,Buxton,30/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,3/65 Royal Av,3,h,850000,PI,hockingstuart,30/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Sandringham,29 Victoria St,4,h,,S,hockingstuart,30/12/2017,3191,Southern Metropolitan,4497,15.2,Bayside City Council +Seaford,7 Saxil Ct,3,h,635000,S,Ray,30/12/2017,3198,South-Eastern Metropolitan,8077,35.4,Frankston City Council +Seaholme,5 Sussex St,3,h,1410000,S,Barlow,30/12/2017,3018,Western Metropolitan,852,11,Hobsons Bay City Council +Seddon,2/21 Bellairs Av,2,u,435000,S,Sweeney,30/12/2017,3011,Western Metropolitan,2417,5.1,Maribyrnong City Council +South Melbourne,1111/38 Bank St,3,u,810000,S,Greg,30/12/2017,3205,Southern Metropolitan,5943,1.9,Port Phillip City Council +South Morang,20 Bluestone Ct,4,h,676000,S,Millership,30/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,18 Chamonix Pde,3,h,500000,VB,RW,30/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,14 Elite Wy,4,h,711000,S,RW,30/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,13 Fantail Pl,3,h,616000,S,Millership,30/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,6 Jenolan Wy,4,h,697000,S,Millership,30/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Morang,19/74 Thomas St,2,h,412500,S,HAR,30/12/2017,3752,Northern Metropolitan,7969,20.5,Whittlesea City Council +South Yarra,804/800 Chapel St,1,u,,S,hockingstuart,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,26/12 Copelen St,3,t,1500000,PI,Jellis,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/61 Darling St,2,u,,PI,Purplebricks,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/785 Punt Rd,2,t,981000,S,Hodges,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,2/386 Toorak Rd,3,u,770000,S,hockingstuart,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,3/35 Walsh St,2,u,1300000,S,Marshall,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,1/273 Williams Rd,1,u,347500,S,Jellis,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +South Yarra,802/35 Wilson St,2,u,,SP,Space,30/12/2017,3141,Southern Metropolitan,14887,2.7,Melbourne City Council +Southbank,1700/63 Whiteman St,1,u,,W,Pagan,30/12/2017,3006,Southern Metropolitan,8400,0.7,Melbourne City Council +Spotswood,4 Stephenson St,4,h,1060000,S,Sweeney,30/12/2017,3015,Western Metropolitan,1223,6.2,Hobsons Bay City Council +St Albans,6 Errington Rd,3,t,505000,S,Calder,30/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,3/22 Fox St,3,u,,PI,Barry,30/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Albans,8 Ironbark St,3,h,650000,SP,Barry,30/12/2017,3021,Western Metropolitan,14042,14,Brimbank City Council +St Helena,1 Natasha Cl,5,h,,SP,Morrison,30/12/2017,3088,Eastern Metropolitan,915,16.1,Banyule City Council +St Kilda,10/12 Acland St,2,u,500000,VB,Jellis,30/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,14/14 Alma Rd,1,u,270000,VB,hockingstuart,30/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,46 Chapel St,3,h,1310000,S,McGrath/Langwell,30/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +St Kilda,17/1 St Kilda Rd,2,u,,SP,McGrath,30/12/2017,3182,Southern Metropolitan,13240,5,Port Phillip City Council +Strathmore,36b Dublin Av,2,u,850000,VB,Brad,30/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Strathmore,3/40 Glenbervie Rd,3,u,900000,VB,Nelson,30/12/2017,3041,Western Metropolitan,3284,8.2,Moonee Valley City Council +Sunbury,15 Aitken St,3,t,496000,S,Leeburn,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,59 Davenport Dr,3,h,499500,S,Barry,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,12 Davies Ct,3,h,460000,SP,Leeburn,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,6 Ervine Cl,4,h,450000,S,Brad,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,23 Higgs Cct,3,h,516500,S,Barry,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,26 Higgs Cct,4,h,580000,SP,Raine,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,2/19 Lalor Cr,2,u,400000,SP,Barry,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,10 Mounsey Ct,4,h,590000,SP,Brad,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunbury,52 Station St,3,h,,W,YPA,30/12/2017,3429,Western Metropolitan,14092,31.7,Hume City Council +Sunshine,7 McKay St,4,h,1155500,S,Jas,30/12/2017,3020,Western Metropolitan,3755,10.5,Brimbank City Council +Sunshine North,2A Charles St,3,h,697000,S,Douglas,30/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,7 Fulton Rt,4,h,690000,S,Biggin,30/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine North,4 Maldon Ct,3,h,690000,S,Bells,30/12/2017,3020,Western Metropolitan,4217,10.5,Brimbank City Council +Sunshine West,47 Bardsley St,5,h,990000,PI,Douglas,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,22 Dinnell St,3,h,555000,PI,Barry,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,5 Estelle St,4,h,753000,S,Barry,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,32 Mark St,3,h,680000,VB,Bells,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,15 Saltbush Ct,3,h,550000,VB,Barry,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,11 Wingan Ct,4,h,560000,S,Bells,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Sunshine West,243 Wright St,4,h,685000,S,GL,30/12/2017,3020,Western Metropolitan,6763,10.5,Brimbank City Council +Surrey Hills,1/11 Sunbury Cr,2,t,950000,VB,Jellis,30/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Surrey Hills,3/11 Sunbury Cr,2,t,950000,VB,Jellis,30/12/2017,3127,Southern Metropolitan,5457,10.2,Boroondara City Council +Sydenham,2/2 Albert Rd,2,u,395000,S,Prof.,30/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,4/2 Albert Rd,2,u,400000,S,Prof.,30/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Brogil Wk,6,h,700000,PI,Barry,30/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,2 Hatton Ct,3,h,601000,S,Brad,30/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Sydenham,8 Hepburn Pl,3,h,495000,SP,Barry,30/12/2017,3037,Western Metropolitan,3640,18,Brimbank City Council +Tarneit,1/10 Jordyn St,3,u,405000,SP,Benlor,30/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,2 Larson Av,4,h,527500,S,S&L,30/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Tarneit,116b Wootten Rd,3,u,420000,S,hockingstuart,30/12/2017,3029,Western Metropolitan,10160,18.4,Wyndham City Council +Taylors Hill,4 Kent Pl,4,h,830000,S,Barry,30/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Hill,13 York Cl,4,h,660000,S,YPA,30/12/2017,3037,Western Metropolitan,4242,18,Melton City Council +Taylors Lakes,72 Admirals Cr,4,h,720000,S,Barry,30/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,11 Nerida Ct,4,h,,SP,Barry,30/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Taylors Lakes,10 Warrego Pl,4,h,770000,PI,YPA,30/12/2017,3038,Western Metropolitan,5336,15.5,Brimbank City Council +Templestowe Lower,53 Hodgson St,3,h,900000,VB,Fletchers,30/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Templestowe Lower,90 MacEdon Rd,5,h,1330000,S,McGrath,30/12/2017,3107,Eastern Metropolitan,5420,12.4,Manningham City Council +Thomastown,3 Chesney Ct,3,h,,W,LJH,30/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,25 French St,3,h,860000,SP,Ray,30/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,4/327 High St,2,u,261500,S,HAR,30/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,76 Lincoln Dr,3,h,625000,S,Barry,30/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,1 Waratah St,3,h,925000,S,Ray,30/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thomastown,7 Yilleen Cl,4,h,,SP,Barry,30/12/2017,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Thornbury,4/104 Gooch St,2,u,500000,VB,Love,30/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,15 Harry St,4,h,1965000,PI,McGrath,30/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,108/630 High St,2,u,,SN,Jellis,30/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,34 Rossmoyne St,3,h,920000,S,Jellis,30/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,352A Victoria Rd,3,t,950500,S,Woodards,30/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Thornbury,90 Woolton Av,3,h,1455000,S,Woodards,30/12/2017,3071,Northern Metropolitan,8870,7,Darebin City Council +Toorak,2 Cross St,5,h,4515000,PI,Kay,30/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,3/12 Lambert Rd,3,t,1310000,S,hockingstuart,30/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,21/723 Orrong Rd,3,u,1550000,VB,Marshall,30/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Toorak,16/425 Toorak Rd,2,u,,PI,Jellis,30/12/2017,3142,Southern Metropolitan,7217,4.1,Stonnington City Council +Tullamarine,3/322 Melrose Dr,2,u,470000,SP,Barry,30/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,10 Paramount Ct,3,h,732000,S,Barry,30/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Tullamarine,5 Shawlands Dr,4,h,780000,SP,Barry,30/12/2017,3043,Western Metropolitan,3296,12.9,Brimbank City Council +Vermont,1/40 Terrara Rd,4,u,841000,S,Harcourts,30/12/2017,3133,Eastern Metropolitan,4181,17.2,Maroondah City Council +Vermont South,235 Hawthorn Rd,4,h,,PI,Ray,30/12/2017,3133,Eastern Metropolitan,4280,17.2,Whitehorse City Council +Viewbank,9 Dawn Ct,4,h,1140000,VB,Miles,30/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Viewbank,9 Royston St,4,h,900500,S,Fletchers/Fletchers,30/12/2017,3084,Eastern Metropolitan,2698,8.9,Banyule City Council +Wallan,27 Augusta Wy,5,h,600000,S,Ray,30/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,10 Danaher Av,3,h,390000,S,Ray,30/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wallan,76 Roulston Wy,4,h,590000,S,Barry,30/12/2017,3756,Northern Victoria,3988,44.2,Mitchell Shire Council +Wantirna,39 Clarence Rd,4,h,975000,S,Jellis,30/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna,4 Kellaway Ct,4,h,1188888,S,Barry,30/12/2017,3152,Eastern Metropolitan,5424,14.7,Knox City Council +Wantirna South,52 Jenola Pde,5,h,1500000,S,Noel,30/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,6 Maringa Cl,5,h,1075000,S,Ray,30/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Wantirna South,7 Sally Cl,5,h,,S,Fletchers,30/12/2017,3152,Eastern Metropolitan,7082,14.7,Knox City Council +Watsonia North,151 Cameron Pde,3,h,,PI,Barry,30/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,3 Michelle Av,4,h,760000,PI,Barry,30/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,5 Norman Av,4,h,,PI,Ray,30/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Watsonia North,22 Trist St,3,h,700000,SP,Barry,30/12/2017,3087,Northern Metropolitan,1442,14.5,Banyule City Council +Wattle Glen,4 Warrington Cr,4,h,835000,SP,Mason,30/12/2017,3096,Northern Victoria,642,23.6,Nillumbik Shire Council +Werribee,20 Harvest Wy,4,h,691000,S,hockingstuart,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,24 Harvest Wy,3,h,,SP,Ray,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,4 Mekong Cl,3,h,420000,S,Barry,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,17 Parker St,2,h,566000,S,Greg,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,21 Selbourne Av,4,h,552000,S,Burns,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,8/183 Shaws Rd,2,u,341000,S,Ray,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +Werribee,13 Trent Cl,3,h,501000,S,Barry,30/12/2017,3030,Western Metropolitan,16166,14.7,Wyndham City Council +West Footscray,2/6 Exhibition St,2,h,775000,PI,Jas,30/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,27 Hex St,2,h,790000,SP,Jas,30/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +West Footscray,33 Wattle St,2,h,1300000,VB,Sweeney,30/12/2017,3012,Western Metropolitan,5058,6.4,Maribyrnong City Council +Wheelers Hill,7 Cuthbert Ct,4,h,1700000,VB,Harcourts,30/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Wheelers Hill,11 Nelse Ct,3,h,1100000,S,Harcourts,30/12/2017,3150,South-Eastern Metropolitan,7392,16.7,Monash City Council +Williams Landing,6 Wildebrand Av,4,h,785000,S,hockingstuart,30/12/2017,3027,Western Metropolitan,1999,17.6,Wyndham City Council +Williamstown,4 Alma Tce,2,h,1115000,S,Williams,30/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,12/77 Dover Rd,2,u,570000,S,RT,30/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,192 Melbourne Rd,3,h,870000,VB,Raine,30/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,151 Nelson Pl,3,h,2400000,VB,S&L,30/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Williamstown,67 Nelson Pl,4,h,,SP,Greg,30/12/2017,3016,Western Metropolitan,6380,6.8,Hobsons Bay City Council +Windsor,68 Hornby St,2,h,1000000,VB,Beller,30/12/2017,3181,Southern Metropolitan,4380,4.6,Port Phillip City Council +Wollert,66 Fulham Wy,3,h,640000,S,HAR,30/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wollert,11 Tindales Rd,4,h,520600,S,Stockdale,30/12/2017,3750,Northern Metropolitan,2940,25.5,Whittlesea City Council +Wonga Park,16 Fulford Rd,3,h,,PI,Jellis,30/12/2017,3115,Eastern Victoria,1328,25.2,Manningham City Council +Wyndham Vale,5 Chatswood Pl,3,h,410000,S,hockingstuart,30/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,21 Mermaid Cr,3,h,400000,SP,Barry,30/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,20 Olive Wy,5,h,,VB,Greg,30/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,8 Opala Ct,3,h,416000,S,Sweeney,30/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Wyndham Vale,15 Yaltara Dr,3,h,,S,hockingstuart,30/12/2017,3024,Western Metropolitan,5262,27.2,Wyndham City Council +Yallambie,7/6 Borlase St,3,t,745000,S,Buckingham,30/12/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yallambie,8/6 Borlase St,3,t,655000,S,Buckingham,30/12/2017,3085,Northern Metropolitan,1369,12.7,Banyule City Council +Yarraville,9 Alice St,2,h,870000,SP,Jas,30/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/119 Gamon St,2,u,495000,SP,Village,30/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,26 Grace St,3,h,1000000,SP,Jas,30/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,2/13 Stephen St,2,u,410000,SP,Sweeney,30/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Yarraville,4/247 Williamstown Rd,3,t,,S,Jas,30/12/2017,3013,Western Metropolitan,6543,6.3,Maribyrnong City Council +Bayswater,62 Phyllis St,3,h,736000,SP,Biggin,31/03/2018,3153,Eastern Metropolitan,5030,23.2,Knox City Council +Burwood,29 Summit Rd,4,h,,PN,@Realty,31/03/2018,3125,Southern Metropolitan,5678,10.4,Monash City Council +Doveton,12 Scarlet Dr,3,h,595000,PI,REMAX,31/03/2018,3177,South-Eastern Metropolitan,3533,28.8,Casey City Council +Frankston,5/33 Dandenong East Rd,2,u,375000,SP,Aquire,31/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,7 Ince Ct,5,h,710000,PI,hockingstuart,31/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,1/34 Petrie St,2,u,345000,SP,Aquire,31/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,3/34 Petrie St,2,u,340000,SP,Aquire,31/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Frankston,4/34 Petrie St,2,u,347700,SP,Aquire,31/03/2018,3199,South-Eastern Metropolitan,17055,38,Frankston City Council +Preston,229 Murray Rd,3,h,808000,S,RW,31/03/2018,3072,Northern Metropolitan,14577,8.4,Darebin City Council +Roxburgh Park,3 Carr Pl,3,h,566000,S,Raine,31/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,9 Parker Ct,3,h,500000,S,Raine,31/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Roxburgh Park,5 Parkinson Wy,3,h,545000,S,Raine,31/03/2018,3064,Northern Metropolitan,5833,20.6,Hume City Council +Thomastown,3/1 Travers St,3,u,,PI,Barry,31/03/2018,3074,Northern Metropolitan,7955,15.3,Whittlesea City Council +Williams Landing,1 Diadem Wy,4,h,,SP,Aussie,31/03/2018,3027,Western Metropolitan,1999,17.6,Wyndham City Council diff --git a/Hedging with Real Estate/Melbourn Real Estate/melbourn.ipynb b/Hedging with Real Estate/Melbourn Real Estate/melbourn.ipynb new file mode 100644 index 00000000..e380d1e4 --- /dev/null +++ b/Hedging with Real Estate/Melbourn Real Estate/melbourn.ipynb @@ -0,0 +1,767 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [], + "source": [ + "from mpl_toolkits.mplot3d import Axes3D\n", + "from sklearn.preprocessing import StandardScaler\n", + "import matplotlib.pyplot as plt # plotting\n", + "import numpy as np # linear algebra\n", + "import os # accessing directory structure\n", + "import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "_kg_hide-input": true, + "collapsed": true + }, + "outputs": [], + "source": [ + "# Distribution graphs (histogram/bar graph) of column data\n", + "def plotPerColumnDistribution(df, nGraphShown, nGraphPerRow):\n", + " nunique = df.nunique()\n", + " df = df[[col for col in df if nunique[col] > 1 and nunique[col] < 50]] # For displaying purposes, pick columns that have between 1 and 50 unique values\n", + " nRow, nCol = df.shape\n", + " columnNames = list(df)\n", + " nGraphRow = (nCol + nGraphPerRow - 1) / nGraphPerRow\n", + " plt.figure(num = None, figsize = (6 * nGraphPerRow, 8 * nGraphRow), dpi = 80, facecolor = 'w', edgecolor = 'k')\n", + " for i in range(min(nCol, nGraphShown)):\n", + " plt.subplot(nGraphRow, nGraphPerRow, i + 1)\n", + " columnDf = df.iloc[:, i]\n", + " if (not np.issubdtype(type(columnDf.iloc[0]), np.number)):\n", + " valueCounts = columnDf.value_counts()\n", + " valueCounts.plot.bar()\n", + " else:\n", + " columnDf.hist()\n", + " plt.ylabel('counts')\n", + " plt.xticks(rotation = 90)\n", + " plt.title(f'{columnNames[i]} (column {i})')\n", + " plt.tight_layout(pad = 1.0, w_pad = 1.0, h_pad = 1.0)\n", + " plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "_kg_hide-input": true, + "collapsed": true + }, + "outputs": [], + "source": [ + "# Correlation matrix\n", + "def plotCorrelationMatrix(df, graphWidth):\n", + " filename = df.dataframeName\n", + " df = df.dropna('columns') # drop columns with NaN\n", + " df = df[[col for col in df if df[col].nunique() > 1]] # keep columns where there are more than 1 unique values\n", + " if df.shape[1] < 2:\n", + " print(f'No correlation plots shown: The number of non-NaN or constant columns ({df.shape[1]}) is less than 2')\n", + " return\n", + " corr = df.corr()\n", + " plt.figure(num=None, figsize=(graphWidth, graphWidth), dpi=80, facecolor='w', edgecolor='k')\n", + " corrMat = plt.matshow(corr, fignum = 1)\n", + " plt.xticks(range(len(corr.columns)), corr.columns, rotation=90)\n", + " plt.yticks(range(len(corr.columns)), corr.columns)\n", + " plt.gca().xaxis.tick_bottom()\n", + " plt.colorbar(corrMat)\n", + " plt.title(f'Correlation Matrix for {filename}', fontsize=15)\n", + " plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "_kg_hide-input": true, + "collapsed": true + }, + "outputs": [], + "source": [ + "# Scatter and density plots\n", + "def plotScatterMatrix(df, plotSize, textSize):\n", + " df = df.select_dtypes(include =[np.number]) # keep only numerical columns\n", + " # Remove rows and columns that would lead to df being singular\n", + " df = df.dropna('columns')\n", + " df = df[[col for col in df if df[col].nunique() > 1]] # keep columns where there are more than 1 unique values\n", + " columnNames = list(df)\n", + " if len(columnNames) > 10: # reduce the number of columns for matrix inversion of kernel density plots\n", + " columnNames = columnNames[:10]\n", + " df = df[columnNames]\n", + " ax = pd.plotting.scatter_matrix(df, alpha=0.75, figsize=[plotSize, plotSize], diagonal='kde')\n", + " corrs = df.corr().values\n", + " for i, j in zip(*plt.np.triu_indices_from(ax, k = 1)):\n", + " ax[i, j].annotate('Corr. coef = %.3f' % corrs[i, j], (0.8, 0.2), xycoords='axes fraction', ha='center', va='center', size=textSize)\n", + " plt.suptitle('Scatter and Density Plot')\n", + " plt.show()\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now you're ready to read in the data and use the plotting functions to visualize the data." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Let's check 1st file: /kaggle/input/MELBOURNE_HOUSE_PRICES_LESS.csv" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "There are 1000 rows and 13 columns\n" + ] + } + ], + "source": [ + "nRowsRead = 1000 # specify 'None' if want to read whole file\n", + "# MELBOURNE_HOUSE_PRICES_LESS.csv may have more rows in reality, but we are only loading/previewing the first 1000 rows\n", + "df1 = pd.read_csv('MELBOURNE_HOUSE_PRICES_LESS.csv', delimiter=',', nrows = nRowsRead)\n", + "df1.dataframeName = 'MELBOURNE_HOUSE_PRICES_LESS.csv'\n", + "nRow, nCol = df1.shape\n", + "print(f'There are {nRow} rows and {nCol} columns')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's take a quick look at what the data looks like:" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SuburbAddressRoomsTypePriceMethodSellerGDatePostcodeRegionnamePropertycountDistanceCouncilArea
0Abbotsford49 Lithgow St3h1490000.0SJellis1/04/20173067Northern Metropolitan40193.0Yarra City Council
1Abbotsford59A Turner St3h1220000.0SMarshall1/04/20173067Northern Metropolitan40193.0Yarra City Council
2Abbotsford119B Yarra St3h1420000.0SNelson1/04/20173067Northern Metropolitan40193.0Yarra City Council
3Aberfeldie68 Vida St3h1515000.0SBarry1/04/20173040Western Metropolitan15437.5Moonee Valley City Council
4Airport West92 Clydesdale Rd2h670000.0SNelson1/04/20173042Western Metropolitan346410.4Moonee Valley City Council
\n", + "
" + ], + "text/plain": [ + " Suburb Address Rooms Type Price Method SellerG \\\n", + "0 Abbotsford 49 Lithgow St 3 h 1490000.0 S Jellis \n", + "1 Abbotsford 59A Turner St 3 h 1220000.0 S Marshall \n", + "2 Abbotsford 119B Yarra St 3 h 1420000.0 S Nelson \n", + "3 Aberfeldie 68 Vida St 3 h 1515000.0 S Barry \n", + "4 Airport West 92 Clydesdale Rd 2 h 670000.0 S Nelson \n", + "\n", + " Date Postcode Regionname Propertycount Distance \\\n", + "0 1/04/2017 3067 Northern Metropolitan 4019 3.0 \n", + "1 1/04/2017 3067 Northern Metropolitan 4019 3.0 \n", + "2 1/04/2017 3067 Northern Metropolitan 4019 3.0 \n", + "3 1/04/2017 3040 Western Metropolitan 1543 7.5 \n", + "4 1/04/2017 3042 Western Metropolitan 3464 10.4 \n", + "\n", + " CouncilArea \n", + "0 Yarra City Council \n", + "1 Yarra City Council \n", + "2 Yarra City Council \n", + "3 Moonee Valley City Council \n", + "4 Moonee Valley City Council " + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df1.head(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Distribution graphs (histogram/bar graph) of sampled columns:" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAACVkAAAT5CAYAAADDFYPXAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xl0T9f+//FXCJrJFKQhkghJ1JRok0iRoqpmPxUt1xgUV8Wl3KLVW+WiplKtueapRWlLr17UPJWYh1SSRiLSUqTloqQi5/eHlfP1yfAhEUnwfKz1WcvnvM/ZZ+9P1+o7+5z32cfGMAxDAAAAAAAAAAAAAAAAAIBMFcrvDgAAAAAAAAAAAAAAAABAQUaRFQAAAAAAAAAAAAAAAABYQZEVAAAAAAAAAAAAAAAAAFhBkRUAAAAAAAAAAAAAAAAAWEGRFQAAAAAAAAAAAAAAAABYQZEVAAAAAAAAAAAAAAAAAFhBkRUAAAAAAAAAAAAAAAAAWEGRFfAUCQ8P15gxY3KlrQ8//FD169fPlbby0rVr11S+fHklJCTkd1cAAE+AuLg4ubm56c8//3zotm7duiUbGxvt3r07F3qWt+bPn6/XXnstv7sBACggGjZsqPfffz9X25w3b548PT2t7pOamqpatWpp165duXLORzGOvHD27FlVqFBB169fz++uAAAeUwcPHpSvr6/u3Lnz0G3Fx8fLxsZGP//8cy70LG+NHTtW/fr1y+9uAABykaenp+bNm5ff3cg3rVq10rJly3KlrbCwMHXp0iVX2spLzJnxsCiyAu6jYcOGsrGxkY2NjRwcHOTv76/Vq1fnd7eyLSEhQStWrNCAAQPyuyuP3P79+xUQEKBnnnlGVatW1XfffWfGnJyc9Oabb2r06NH52EMAQHak5eGsPtu3b8+3vo0aNUr9+vWTvb19vvUhL0yfPl316tWTvb29qlSpkiHerVs3RUREKCIiIh96BwDIjrQ57oIFCyy237x5UyVKlMjWTdCUlJR8z8X3WrVqlUqUKKGQkJD87soj9fnnn6tu3boqUaKEypYtq9DQUJ05c8aMe3h4qHHjxvrkk0/ysZcAgAd17/VnOzs7Va5cWWFhYTp27Fi22nn//ffVsGHDXOnT+++/r6FDh6pw4cK50l5B1aFDB7m7u+uZZ56Rm5ub+vfvb3HDNTw8XCtXrlRcXFw+9hIAng55dT82IiJCnTt3zvV2Hwc//vijTp06pb/97W/53ZU8M3XqVNnY2Fg8QMWcGQ+LIivgAQwaNEjnz5/XyZMn1alTJ/3tb3/L9iQ3v82bN0/NmzdXiRIl8rsrj1RSUpKaN2+u4OBgHT58WN27d1doaKhOnz5t7tOlSxetWLFCV69ezceeAgAe1Pnz583PoEGD9OKLL1psq1u3br70648//tCqVasey6d1sis5OVnt2rXTm2++mWm8SJEieuONNzR79uw87hkAICfc3Ny0dOlSi21ff/21ihcvnk89yh0zZ85Ut27d8rsbj9yOHTvUvXt37dq1S1u2bNGtW7fUvHlz3b5929ynS5cumjt3rlJTU/OxpwCAB5V2/TkqKkrz58/X7du3FRgYqPXr1+d5X2JjY7Vz5069/vrreX7uvBYSEqJVq1YpKipKy5Yt07Zt2zRo0CAzXqJECTVr1uypXvEEAPJSXtyPLVu2rOzs7HK1zcfFzJkz1alTpye+iDrNTz/9pM8++0w1a9bMEGPOjIdBkRXwABwcHPTss8+qUqVKGjp0qEqUKGHxpG5KSoqGDh2qcuXKyc7OTk2aNFFMTIxFG5MmTVLFihVVrFgxBQcH68CBA2Zs0aJFcnNz05dffqlKlSrJ0dFRAwYM0J07d/Svf/1Lzs7OcnNzs1i+MSkpSa+//rpKly4tBwcH+fn5ad++fVmOYfXq1WrRooXFtosXL6pLly4qXbq0HB0dVa9ePcXGxj7wmO6V2fKaNjY2+uGHHyRJ27dvl42NjTZt2qRq1arJ3t5eb7zxhm7duqXp06erfPnyKleunCZOnGgen7aU9DfffKOgoCA5ODioYcOGVl/1t3z5ctnb2+uzzz5TtWrV9O6776pOnToWN319fHxUoUIF/ec//8myHQBAwfHss8+aHwcHBxUtWtRi2969e+Xg4JBhed/AwECNHz9ektSxY0f17NlT//jHP1S8eHG5urpmKAiKjo5WixYt5ODgoAoVKujtt9/WrVu3suzXunXrVLlyZXl4eFhsX7JkiapVq6ZixYqpYsWKFrlt7969CgoKUrFixeTu7m71aZnZs2dnWDVq+PDheuWVV8zvwcHBGjFihMLCwuTo6CgvLy9t3rxZ8fHxatSokRwcHNSgQQMlJiaax3Ts2FG9evXSsGHDVKpUKbm5uWnGjBlZ9kOShgwZoiFDhqhatWpZ7tOyZUutWbOGiSkAPAbatWuniIgIi7nV4sWLMy0cPnz4sBo2bCg7Ozt5enpq5MiRSklJkSQzTzVq1Eg2NjYKCwszj/vrr7/Ut29fOTk5ydPTU19++aVFu99//71q1qypYsWKqUqVKlqyZIlFfPv27XruuedkZ2enVq1aKSkpyeqYLly4oF27dmWY9x46dEgvv/yy7O3tVbp0abVt29aM/fbbb2rfvr0cHR1VqlQp9erVSzdu3Mi0/cxedZQ2z037PT788EPVr19f06ZNk6urq0qWLKlx48YpOTlZf//731W8eHFVqVJFmzdvNttIux7w1VdfqVKlSipZsqR69uyp5OTkLMe6bNky9e3bV7Vq1VKtWrU0b948RUdH66effjL3efnll3X58mX9+OOPVn83AEDBkHb92d3dXQ0bNtTy5cvVrVs39evXzyyiXbdunYKDg+Xk5KTy5cvrrbfeMvPWokWLNHbsWO3YscNcBSQ+Pl6S9Vyema+++kr16tXLUHz96aefqkqVKipWrJi8vLwsrgXfL6/fKy1f3iv964Y8PT01adIktWvXTvb29qpWrZoiIiJ04sQJ1alTR46OjmrZsqV+//1385iGDRtq6NChVv/+SC88PFzBwcHy8PBQw4YN1a9fP+3Zs8din5YtWz6Wb7YAgMfR/e7HSnfzkZeXl+zt7RUYGJgh/vHHH8vFxUUlSpTQkCFD1LlzZ4u5avr7mQcOHNCLL76Y6bVc6e69zkWLFumVV16Rvb29XnjhBR0/ftyMp+W16dOny9XVVWXKlNHQoUNlGIa5z6BBg8w+V69eXStXrrQ4R07yXto9ZDc3Nzk5Oalhw4YW/Urvzp07+vrrrzPMmWNjY/X//t//U/HixVWiRAm98sor+uOPPyRJN27c0JtvvqlSpUrJ0dFRoaGh+u2337I8x733haWM8+ic3A9Pm3dv2bJF1apVk5OTk9q2bWv2MSspKSnq2rWrpk2bptKlS2eIM2fGw6DICsiG1NRUrV27Vn/88YeKFi1qbp84caIWL16shQsXKiIiQnZ2dmrTpo35zvoVK1boww8/1Pjx43X06FHVqlVLLVq00P/+9z+zjaSkJK1YsULr16/XypUrNXfuXDVv3lypqanat2+f+vXrp969e+vSpUuSpH/961+6du2adu7cqePHj2vkyJEWfbpXUlKSTp8+reeff95ie7t27RQbG6v169fryJEj6tu3rznBvt+Ycuqjjz7SkiVLtGnTJm3dulVt2rTRkSNHtHXrVk2cOFHDhg3L8EfAhx9+qAkTJujAgQP6888/9fbbb2fZ/oEDB8wL/GkaN26s/fv3W+wXEBCQYcIMAHg8NWjQQC4uLlqzZo257fTp0zp8+LDFRdrVq1erUKFCOnDggN5//32Fh4ebk6hbt26pSZMm8vPz05EjR7R27Vrt2LFD7777bpbn3bNnT4bcun79evXp00d///vfdfLkSX355ZcqV66cpLsrX7Vo0UIBAQE6duyYxowZo3fffVdr1659qPHPmDFDQUFBOnLkiF5++WV17dpVffr00bBhwxQREaEbN25o2LBhFsesXr1aRYsW1YEDBzRs2DANGDBAUVFRD9WPgIAAXb16VadOnXqodgAAj56Tk5PatGljXrj89ddftXv3bnXo0MFiv6SkJDVp0kQtWrTQiRMntGjRIq1YsUIff/yxJJl5dM2aNTp//rymTZtmHjtnzhxVrVpVR44cUVhYmHr06KGLFy9KunuhtW3btmrbtq2OHz+uQYMGqWfPnuYc7erVq3rttdfUqFEjHTlyRK1atTILp7Oyd+9elStXThUqVDC3Xbp0SY0bN5aXl5f279+vHTt26MUXXzTjXbt21blz57Rjxw6tX79eO3futDrffBDHjx/X0aNHtW3bNn3yyScaMWKE2rRpo+rVq+vQoUNq2rSpunXrpr/++svid168eLHWrVunr7/+Wt9++63mzp37wOe8fPmyJFlcOLa1tZWfnx/zXgB4jA0YMEC//PKLDh8+LOnuvHXEiBE6duyYvvzyS23btk2jRo2SdPe1d+lXfq5YseJ9c3lmMpvrfv7553r//fc1YsQIRUZGav78+WYR1v3yek5NnjxZ7dq109GjR+Xr66uuXbtq4MCBmjhxonbv3q3o6GiNHTvW4hhrf3/cz4ULF7R27doMBWABAQGKiYl54HYAAA8vq/uxCxYs0LRp0zRz5kydPHlS3bp1U4sWLczC4h9++EHvvvuuxo4dqwMHDuivv/6yuirktWvX1KJFC1WvXl1Hjx7VxIkTNWrUKK1YscJiv9GjR2vAgAE6evSoypcvrx49eljEjx8/roiICG3dulXz5s3TJ598ou+++86MOzs768svv9TJkyc1YMAAde3aVSdOnLBoI7t5b9SoUdqwYYO++OILHTlyRPXq1VOTJk0s7j3f69ixY7px44Zq165tbktOTtarr76q1NRUbdu2Tfv371e7du3Me8Fvv/22duzYoW+//VY7d+7UL7/8oq5du2b5ez6I7N4PTzNmzBgtWrRI27Zt04kTJzRmzBir5xk9erSqV6+u1q1bZxpnzoyHYgCwqkGDBkaRIkUMBwcHw9bW1pBkVKxY0bh06ZK5j4uLizFjxgzze1JSkmFnZ2d89913hmEYRp06dYx33nnHjN++fdtwc3Mzpk+fbhiGYSxcuNCwsbExLly4YO7TtGlTo3r16ub3lJQUw8HBwVi3bp1hGIbRqlUrY/To0Q80hsOHDxuSjD/++MPctnXrVqNo0aJGYmJipsfcb0wjR4406tWrZ8Y9PDyMzz//3KINScbmzZsNwzCMbdu2GZKM/fv3m/G+ffsapUuXNm7dumVu8/X1NT799FPDMAwjLi7OkGSsXLnSjK9YscJwdnbOcqxNmjQxBg8ebLFtxowZhpeXl8W2t99+22jZsmWW7QAACqYRI0YYDRo0yLB95MiRxssvv2x+f/fdd43GjRub3zt06GB4eXkZd+7cMbeFhoYanTt3NgzDMObMmWOR1wzDMLZs2WI4Ojpm2ZdXX33VGDZsmMW2oKAgY8iQIZnuP3XqVMPT09OiDwMHDjTq169vGIZh3Lx505Bk7Nq1yzAMw5g1a5ZRuXJlizaGDRtmMa46deoYr732mvk9LXd+9tln5raFCxca5cuXt/gtateubdGuu7t7hjyemcz6dC87Oztj/fr1920HAJB/GjRoYIwYMcL4/vvvjapVqxqGYRgTJkww2rdvb+aRmJgYwzAMY9SoUUZoaKjF8cuXLzdzwe3btw1JxrZt2zKco3nz5ub327dvG/b29maOGDZsmBEYGGhxTIcOHYz27dsbhmEYM2fONCpUqGDcvn3bIu7h4ZHluKZMmWL4+flZbPvggw+MGjVqGKmpqRn2/+mnnwxJxqlTp8xt33//vWFra2tcuXLF4rcyDCPDb2MY/zfPTevnyJEjjVKlSmWY49479zx//rwhyTh+/LhhGJlfD+jTp0+G3z0rqampRps2bYymTZtmiL322mtG//79H6gdAED+uTff3OvWrVuGJOPLL7/M9LgvvvjCqFSpkvk9s/ny/XJ5ZmrVqmVMnTrVYpu7u7sxadKkTPe/X15Pn0PTX1c2DMPo3r27OT83jLvXmvv162d+37dvnyHJWL16tbnto48+Mp5//nnz+/3+/sjK0KFDDXt7e0OS0bp1ayM5OdkifvXqVUOSERERYbUdAMDDeZD7sZUqVcrw//UmTZoY//73vw3DMIz27dtb5JOUlBSjYsWKRvfu3c1t997PnDVrllG+fHmLueewYcOMgIAA87skY8KECeb3vXv3GpKMa9euGYbxf/PAmzdvmvu8+uqrWV4jNoy794BHjRpl0afs5L2bN28adnZ2xokTJyza9fb2NpYuXZrpOdeuXWuUKFHCYtuCBQuMsmXLGjdu3Miw///+9z/D1tbW+M9//mNuS5tHnzx50jCMjPn73vvChpHxb4Cc3A/P7P7yuHHjjBdeeCHTcRqGYezfv9/w8PAw74tn9bcWc2bkFCtZAQ+gd+/eOnr0qLZs2aKAgADNmTNHZcqUkXT3CdvffvtNwcHB5v6lS5eWr6+vuSJEVFSURdzW1lYBAQEWK0aULVtWLi4u5ncXFxdVr17d/F64cGE5Ozublbu9e/fWuHHjFBISotGjR1tdfSLtVUfFihUzt508eVLe3t4WT/mmeZAx5dS97711cXExl5i+d1v66uR7j3n22WeVlJSU5Ypaxj3Lb1pjZ2enmzdvZqfrAIACrHv37tqxY4cSExNlGIb5aoV7vfDCCypU6P/+/A0KCjLz2okTJ7R//345Ojqan9atW+v69etZPq1669YtixwmSadOnVLDhg0z3T8qKkqBgYEWfXjxxRdzPbdKsvgb4n65VbqbX3PjqVzyKwA8Ppo0aaIrV64oIiJCS5cuzZA3pbv5cd26dRb5sVevXoqPj7/v62HvzTW2trYqU6aMmWvSz5Ely5wYFRWl559/Xra2tmY8KCjI6vkyy8snT55UgwYNLFY6ThMVFSUnJyeLV+G++OKLSklJUWxsrNVzWePt7Z1hjps+L0uyyM3prwdkJy8PGTJEJ06c0MKFCzPEyMsA8HhLu86ZlsciIyP12muvyd3dXU5OTurRo4fOnTtntY2c5PL0OfXatWtKSEiwOte1ltdz6mHnuun//sjKO++8oyNHjmj9+vU6c+aMhg8fbhG3s7OTJHIqAOQBa/djr1+/rri4OHXo0MEir23btk1nzpyRJMXExOiFF14w2ytcuLD8/f2zPF9UVJReeOEFi7lnZjks/X1KSRb5xdvbW88884zFPvfGFy9erICAAJUpU0aOjo7asmVLhhyenbwXGxurmzdvKjg42OK3iI2NNX+L9LKaMwcFBcne3j7D/mfOnFFKSopFjq9atapKliz5UDk+u/fD06T/b5BVfk9OTla3bt00a9YslSxZ0mpfmDMjp2zvvwuAUqVKqUqVKqpSpYqWL1+uevXq6cSJE2YizQ1FihSx+G5jY5PptrTJb5s2bXTmzBmtX79eGzZs0NixY7VkyZIMr3eQ7i5DKUlXrlwxJ4UPWoz0oAoVKmTR5u3btzPd794x3W+MWR0jZd1/FxeXDIn10qVL5qua0vz+++/mH2YAgMdfpUqVVL9+fS1btkx16tRRUlKSQkNDLfbJ7AZrmuvXr6tJkyb69NNPM8TS8mhm269cufLAfcxu7k2fW6XM82tmeTL9Nmu5Nat9sis1NVVXr14lvwLAY6Jw4cLq1KmThgwZot9++03NmjXTL7/8YrHP9evX1bFjR33wwQcZji9UqJDV3GEt19wvJxqGYTVvZyazvGztPJnFrJ0zrUj6fvPe+83t085x72+X07z83nvvadWqVdq1a5dcXV0zxH///XfVqlXrvu0AAAqm06dPS5I8PT0l3b0eXKtWLS1fvlzlypXTzp071adPH6tt3C+XZyZ9Tn2QvJ0dWc110+fhvJrrlilTRmXKlJGPj49KlSqlkJAQjRw5UiVKlJB0N5+m7QcAeLSs3Y+9ceOGJGnFihUWRTmS5OTkJCn7c8kHzWE5mdOlLRaxa9cu9e7dW5MmTdJLL70kJycnDRgwIMN8Mjt57/r165Kk7du3Zygkuvc18vdydnbW1atXLbZld858PzY2Ng89Z07bdr97xVnl9/PnzysqKsriNYF37tzRzp07tWjRIiUmJprbmTMjp1jJCsgmHx8fNWzY0HzXa4kSJeTi4qIff/zR3Of3339XVFSUqlatKkny9fW1iKekpOjgwYNmPKdcXV3Vp08fffPNN+rVq5cWL16c6X6VK1eWo6OjOTGX7lb8xsTE6Ndff82w/4OMKb2yZcvqwoUL5vf07xLOK0FBQdq+fbtFEt+6davq1KljsV9kZKT8/PzyunsAgEeoR48eWrp0qZYuXarQ0FA5ODhYxA8ePGiRHyIiIuTr6ytJ8vPz008//SQPDw9zIp/2KVy4cKbn8/Pzs8it0t2ni7Zv357p/lWrVlVERITFBHDfvn1Wc+ulS5cs9s+v/PogoqKilJqaysQUAB4j3bt3165du9SxY8cMFzWlu7kuMjIyQ26sUqWKpLuFWoUKFcpypeGsVK1a1WK+KVnmRF9fXx0+fNii3YiICKtt+vn5KS4uTsnJyea2mjVraufOnZleHK5ataquXbumyMhIc9vevXtla2urypUrZ9i/bNmyklQg5r2SNGrUKM2bN0+bN29WpUqVMt2HeS8APN4+++wzVaxYUc8//7wuX76s2NhYffDBBwoJCZGvr69FTpLu3nxMn5Pvl8szk36uW7x4cbm7u1ud61rL6+mlv44sFZy5btr8+97rAJGRkbK3t5e3t3d+dQsAnkrp78eWK1dOzz77rBISEjLktLSVkXx8fHTo0CGzjTt37ujo0aNZnqNq1ao6dOiQUlJSzG3WclhO7N+/X9WqVdPAgQNVu3ZteXl5PdTqyZL03HPPqWjRojp//nyG3yKrIis/Pz8lJycrLi7O3FazZk1FRETozz//zLB/5cqVZWtra5HjT58+rStXrhToe8UVKlTQiRMndPToUfMTEBCg3r17a8uWLRb7MmdGTlFkBeRAeHi45s+fr/Pnz0uSBg4cqFGjRmnDhg06deqUwsLC5OHhoaZNm5rxmTNnasWKFTp9+rTeeust3bx5U126dMlxH0aOHKnvvvtOZ86c0cGDB7Vnzx7zRnF6hQsXVqNGjbRnzx5zW6NGjRQYGKjQ0FDt2bNHsbGxWr58ubnE4/3GlN5LL72kBQsWKCIiQgcPHtTQoUNzPLaH0blzZ924cUMDBw7UTz/9pAkTJujHH3/U3//+d3OfW7du6dChQ3rllVfypY8AgEejffv2SkhI0LJlyzJ95dHFixc1ZMgQRUVFadasWfrmm2/01ltvSbp7k/n27dvq1KmTDh06pJ9//lnffvtthtcE3KtJkyY6cOCAxST8/fff1/Tp0/XZZ5/p559/1v79+7VkyRLzHH/88YcGDBigqKgoLV26VHPmzNGgQYMybT84OFjJyckaO3asfv75Z3388cfav3//w/xEOXb+/HkdPXpUiYmJ+uuvv8wJ6r1j37Nnj/z9/bNc+QsAUPDUqlVLly9f1qRJkzKN9+/fX7Gxserdu7eOHTumqKgorVq1yrzIbWNjo4oVK2rr1q26ePGi+TTt/fTr10/Hjh3TBx98oOjoaE2fPl1fffWVmRM7deqk//3vfxo4cKCioqI0d+5cbdy40Wqbzz//vJycnCyKscLDw5WQkKDevXvrxIkTioyM1OTJkyXdvZj+6quvqmfPnjp06JD27Nmjf/zjH+rRo4e5csW97OzsFBAQoI8++khRUVFav369Zs6c+UDjzW3jx4/XhAkTtGTJEpUqVUoXLlzQhQsX9Ndff5n7JCYm6pdfflGjRo3ypY8AgOy5ceOGLly4oISEBG3fvl2dO3fWsmXLNHv2bNna2qpUqVIqVaqUPv/8c505c0YrV67UnDlzLNrw8PBQVFSUTp8+rcuXLys1NfW+uTwzTZo0sbiOLN2d644ePVqLFi3SmTNntGvXLq1evVrS/fN6eiEhITpz5oxmzZqlmJgYvffee4qPj3+4HzAHIiMjNXXqVB09elRnz57Vxo0b9dZbb6l169ZydHQ099uzZ48aNGhg8SopAEDeuPd+rI2Njd577z3961//0sKFCxUbG6uDBw9q/Pjx2rp1qySpb9++WrVqlRYsWKCoqCgNHjxYV65cyXJ1q86dOys5OVn9+vXT6dOn9cUXX+izzz7LMoflROXKlRUVFaXvvvtOUVFRGjBgQIZi4+wqXry4wsPD1a9fP61Zs0ZxcXHat2+f3nvvPZ06dSrTY1xcXFSzZk2LHN+pUyc5OjqqQ4cOOnTokKKjozVnzhxdvnxZTk5O6tmzpwYNGqRdu3bp8OHDCgsLU5MmTVStWrVMz/HSSy9p2rRpOnnypHbs2GH1741HpUiRIqpRo4bFx8HBQWXLlrW4j86cGQ+DIisgBxo0aCAfHx/z4uw777yj7t27KywsTAEBAfrzzz+1bt0684mXv/3tbxo5cqSGDh0qPz8/HT9+XBs2bFDx4sVz3AdbW1v985//VLVq1dSyZUsFBQVZTVZhYWHmxDfN2rVr5enpqRYtWsjf31+zZ882n16+35jSe++99+Tv76+XX35ZnTt31nvvvZfjsT0MZ2dnbdiwQXv37pW/v78WLlyor776yqKq+vvvv5eHh4eCgoLypY8AgEfDwcFBoaGhcnFxyXRy1L59e926dUsBAQEaNWqUpk2bprp160q6uxT1zp07defOHb388svy9/fXyJEjVb58+SzPV7duXZUrV06bN282t7Vu3VqzZs3S9OnTVa1aNb3xxhvm++NLlSqlDRs26MCBA6pVq5ZGjBihjz76SO3atcu0fVdXV82bN0/z5s1T7dq1FRMTozfffPNhfqIcmzZtmmrXrq2xY8fq3Llzql27tmrXrq3Lly+b+6xevVo9evTIl/4BAHLO2dlZxYoVyzRWsWJF7dy5U+fOnVO9evUUGBioyZMny93d3dxn4sSJWr58uVxdXRUeHv5A5/Tw8NA333yjr7/+WjVq1NAnn3yi+fPnm3m5ZMmS+vrrr7V582b5+fnp66+/vu+DPEWKFFHnzp0t5r1ly5bVDz/8oOjoaAUGBiokJESdkR3vAAAgAElEQVR79+4140uWLFGFChXUoEEDtWzZUiEhIZo6dWqW55g/f74uXryo2rVr6+OPP8701Ut5Yfbs2bp586aaN28uV1dX83Pv2FavXq2mTZtm+hpBAEDB88knn8jV1VU+Pj7q2bOnihQpooiICLVo0ULS3Ydoly9frk2bNql69eqaM2eORo8ebdFG+/btFRQUpMDAQJUtW1YJCQkPlMvTa9Wqla5evaojR46Y23r37q1Ro0Zp1KhReu6559SjRw9du3ZN0v3zeno1atTQ1KlT9e9//1uBgYFKTU3Va6+99rA/YbbZ2dlpw4YNaty4sXx9fdW/f381a9bMfFAqDXNdAMg/6e/HDhgwQBMnTtTEiRP13HPPqXXr1jpw4IAqVKggSXrllVc0btw4DR8+XEFBQbK1tdUrr7yS5ZzXyclJGzZs0IkTJ+Tn56d33nlHI0eOVKdOnXJtDG3btlXv3r3VtWtX1a1bV05OThavssupSZMm6a233tI///lP+fr66o033tC5c+esPgCb/l5xsWLFtHHjRqWmpuqll15SYGCg1q5daxYWf/zxxwoJCVHr1q310ksvqUKFClq6dGmW7X/88cdycnJSnTp1NHjwYH344YcPPc5HhTkzHoaNkZMXagJ47Ny5c0e1atXSrFmz9NJLL+V3d/JV48aN1aNHj4daSQwAUDC9+uqrCggI0Lhx4yy2d+zYUY6Ojpo3b16unm/hwoVavXq1NmzYkKvtPm6ioqLUqFEjRUdHWzzxCwBAXoqPj1dwcLCio6Mf6qGmx11qaqqee+45zZ8/X/Xr18/v7gAAHkMfffSRYmJitGDBgvzuSr7atWuXevfurZMnT7KSFQA8hgzDkK+vr3r37q133nknv7uT765duyYfHx/t2bNHXl5e+d2dfMOcGQ+LlayAp0ThwoU1b948XblyJb+7kq+uX7+uJk2a5GoVOgAg/129elVr167Vtm3b1Lt37zw7b7du3RQSEpLpe+ufJufPn9fChQspsAIA5CtPT09NnTo1X145VJD8+uuv+sc//sHFYgBAjg0cOFBVqlTRnTt38rsr+erq1auaP38+BVYA8BiZPHmyTp06pcjISA0YMEAJCQl6/fXX87tbBYKTk5MWLFigxMTE/O5KvmLOjIfFSlYAAAB47AUHBysyMlIjR47UkCFDMsQf1UpWAAAAAAAAAICCoU2bNtqzZ4+Sk5NVo0YNTZo0SSEhIfndLQBPEIqsAAAAAAAAAAAAAAAAAMAKXhcIAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAKLCuXLkif39/8+Pj4yNbW1v9/vvvunjxopo1ayZvb2/VqFFDu3fvNo+zFgMAAAAAILts87sDualYsWIqW7ZsrrSVnJysYsWK5UpbjyPG//SO/2keu/R0j/9pHruUu+O/dOmSkpOTc6Wtgiw38y4AADlF3gUAIO/kV94tWbKkjh49an6fPHmyduzYodKlS6tnz54KDg7Wf//7X0VERKh9+/aKjY2Vra2thg8fnmXMGvIuAKAgeBrmu+RcAEBBkJ2c+0QVWZUtW1aJiYm50tbGjRvVtGnTXGnrccT4n97xP81jl57u8T/NY5dyd/xubm650k5Bl5t5FwCAnCLvAgCQdwpK3l24cKHGjh0rSVq1apXi4uIkSYGBgXJxcdHu3bvVsGFDqzFryLsAgIKgoOTdR4mcCwAoCLKTc3ldIAAAAAAAAADgsbBv3z4lJSWpVatWSkpKUmpqqsUKGJ6enkpISLAaS2/KlClyc3MzP9evX8+TsQAAAAAAHi8UWQEAAAAAAAAAHgsLFixQt27dzFf+2djYWMQNwzD/bS12r8GDBysxMdH8ODo65nKvAQAAAABPgifqdYEAAAAAAAAAgCfTjRs3tHLlSh04cECS5OzsLEm6dOmSuWLV2bNn5e7ubjUGAAAAAEBOsJIVAAAAAAAAAKDAW716tWrVqqWqVaua215//XXNmDFDkhQREaELFy6ofv36940BAAAAAJBdrGQFAAAAAAAAACjw5s+fr169ellsmzBhgrp27Spvb28VLVpUS5cuNV8laC0GAAAAAEB2MaMEAAAAAAAAABR4u3btyrDNxcVFmzZtynR/azEAAAAAALKL1wUCAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBUUWQEAAAAAAAAAAAAAAACAFRRZAQAAAAAAAAAAAAAAAIAVFFkBAAAAAAAAAAAAAAAAgBW2+d0B4FHzHP6fbB8z6vmUHB2XHfHjWz7S9gHgafKo/5/9uCLXAMDT61HmRvILAACPF+bMBR9/XwFA9uRVbuP/zwCA9FjJCgAAAACAHEhOTlZ4eLi8vb1VvXp1denSRZIUExOjunXrysfHR0FBQYqMjDSPsRYDAAAAAAAAABRcFFkBAAAAAJADw4cPV6FChRQdHa1Tp05p0qRJkqS+ffuqT58+io6O1tChQ9WrVy/zGGsxAAAAAAAAAEDBRZEVAAAAAADZdOPGDS1cuFDjxo2TjY2NJMnV1VUXL17U4cOHzVWtQkNDFRcXp/j4eKsxAAAAAAAAAEDBRpEVAAAAAADZFBsbK2dnZ40ZM0YBAQEKCQnRli1bdO7cOZUvX162traSJBsbG7m7uyshIcFqDAAAAAAAAABQsFFkBQDAE+LKlSvy9/c3Pz4+PrK1tdXvv/+uixcvqlmzZvL29laNGjW0e/du8zhrMQAAkLnbt2/rzJkzqlatmg4ePKjp06erY8eOSklJMVe2SmMYhvlva7F7TZkyRW5ububn+vXruT8IAAAAAAAAAMADs83vDgAAgNxRsmRJHT161Pw+efJk7dixQ6VLl1bPnj0VHBys//73v4qIiFD79u0VGxsrW1tbDR8+PMsYAADInIeHhwoVKqTOnTtLkvz8/FSpUiWdPXtWiYmJSklJka2trQzD0Llz5+Tu7i57e/ssY+kNHjxYgwcPNr+7ubnl2dgAAAAAAAAAABmxkhUAAE+ohQsXqlevXpKkVatWqX///pKkwMBAubi4mCtWWYsBAIDMlSlTRo0bN9bGjRslSWfPnlVcXJxCQkJUu3ZtLVu2TJK0Zs0aeXp6ytPTU+XKlcsyBgAAAAAAAAAo2FiiAgCAJ9C+ffuUlJSkVq1aKSkpSampqSpbtqwZ9/T0VEJCgtVYelOmTNGUKVPM77y2CADwtJs9e7Z69uypYcOGqXDhwpo7d65cXV01Z84chYWFady4cSpevLgWL15sHmMtBgAAAAAAAAAouCiyAgDgCbRgwQJ169bNfOWfjY2NRdwwDPPf1mL34rVFAABY8vLy0vbt2zNs9/X11b59+zI9xloMAAAAAAA8fTyH/ydPzhM/vmWenAcAnmQUWQEA8IS5ceOGVq5cqQMHDkiSnJ2dJUmXLl0yV6w6e/as3N3drcYAAAAAAAAAAAAAAHcVyu8OAACA3LV69WrVqlVLVatWNbe9/vrrmjFjhiQpIiJCFy5cUP369e8bAwAAAAAAAAAAAACwkhUAAE+c+fPnq1evXhbbJkyYoK5du8rb21tFixbV0qVLzVcJWosBAAAAAAAAAAAAACiyAgDgibNr164M21xcXLRp06ZM97cWAwAAAAAAAAAAAADwukAAAAAAAAAAAAAAAAAAsIoiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAeMrdunVLbdu2lY+Pj/z9/dWsWTPFx8dLkho2bCgvLy/5+/vL399fU6dONY+7ePGimjVrJm9vb9WoUUO7d+/OpxEAAPBo2eZ3BwAAAAAAAAAAAAAA+a9Pnz5q3ry5bGxsNH36dPXp00ebNm2SJH366adq1apVhmOGDx+u4OBg/fe//1VERITat2+v2NhY2dpyKxoA8GRhJSsAAAAAAAAAAAAAeMo988wzatGihWxsbCRJwcHBOnPmzH2PW7Vqlfr37y9JCgwMlIuLC6tZAQCeSBRZAQAAAAAAAAAAAAAsfPrpp2rdurX5/Z133lHNmjXVoUMHs/gqKSlJqampKlu2rLmfp6enEhIS8ry/AAA8ahRZAQAAAAAAAAAAAABM48aNU0xMjMaOHStJWrp0qX766ScdP35cISEhFq8NTFv5Ko1hGJm2OWXKFLm5uZmf69evP7oBAADwCFBkBQAAAAAAAAAAAACQJE2ePFlr167V999/L3t7e0lSxYoVJd0tqAoPD9eZM2eUlJQkZ2dnSdKlS5fM48+ePSt3d/cM7Q4ePFiJiYnmx9HRMQ9GAwBA7qHICgAAAAAAAAAAAACgKVOm6IsvvtDmzZtVsmRJSVJKSop+++03c581a9bIxcXFLLB6/fXXNWPGDElSRESELly4oPr16+d95wEAeMRs87sDAAAAAAAAAAAAAID8lZiYqCFDhsjLy0uNGjWSJBUrVkxbt25Vy5YtlZycrEKFCqlMmTJat26dedyECRPUtWtXeXt7q2jRolq6dKlsbbkNDQB48pDdAAAAAAAAAAAAAOAp5+bmJsMwMo0dPHgwy+NcXFy0adOmR9UtAAAKDF4XCAAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABW5FmR1ahRo2RjY6OTJ09KkmJiYlS3bl35+PgoKChIkZGR5r7WYgAAAAAAAAAAAAAAAACQl/KkyOrw4cP68ccf5e7ubm7r27ev+vTpo+joaA0dOlS9evV6oBgAAAAAAAAA4OmSnJys8PBweXt7q3r16urSpYskHuYFAAAAAOSdR15klZycrP79+2vmzJmysbGRJF28eFGHDx82J8KhoaGKi4tTfHy81RgAAAAAAAAA4OkzfPhwFSpUSNHR0Tp16pQmTZokiYd5AQAAAAB5x/ZRn+CDDz5Qly5dVKlSJXPbuXPnVL58edna3j29jY2N3N3dlZCQIAcHhyxjnp6eFm1PmTJFU6ZMMb9fuXJFGzduzJV+37p1K9faehw9SeMf9XxKto8pXjRnx2VHQf19n6T/9jnxNI//aR67xPgBAAAAACiobty4oYULFyoxMdF8kNfV1dV8YHfTpk2S7j6wGx4ervj4eNnb22cZS3+dGQAAAACAB/FIi6z27duniIgIjR8/PkMsbTKcxjCMB4rda/DgwRo8eLD53c3NTU2bNn2YLps2btyYa209jp6k8XsO/0+2jxn1fIpGHn60NYjx4wvm7/sk/bfPiad5/E/z2CXGDwAAAABAQRUbGytnZ2eNGTNGP/zwg+zs7PThhx+qZMmSufIwLwAAAAAAD+KRvi5wx44dOn36tCpVqiRPT08lJiaqadOmOnnypBITE5WScnelIMMwdO7cObm7u6tixYpZxgAAAAAAAAAAT5fbt2/rzJkzqlatmg4ePKjp06erY8eOSklJyZWHeadMmSI3Nzfzc/369dwfBAAAAADgsfdIi6yGDx+uX3/9VfHx8YqPj5ebm5s2btyo7t27q3bt2lq2bJkkac2aNfL09JSnp6fKlSuXZQwAAAAAAAAA8HTx8PBQoUKF1LlzZ0mSn5+fKlWqpLNnz+bKw7yDBw9WYmKi+XF0dMy7wQEAAAAAHhuPtMjKmjlz5mjOnDny8fHR+PHjNX/+/AeKAQAAAAAAAACeHmXKlFHjxo21ceNGSdLZs2cVFxenkJAQHuYFAAAAAOQZ27w8WXx8vPlvX19f7du3L9P9rMUAAAAAAAAAAE+X2bNnq2fPnho2bJgKFy6suXPnytXVVXPmzFFYWJjGjRun4sWLa/HixeYx1mIAAAAAAGRXnhZZAQAAAAAAAACQXV5eXtq+fXuG7TzMCwAAAADIK/n2ukAAAAAAAAAAAAAAAAAAeBxQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAAAAAAAAAAAAAAAAAFZQZAUAAAAAAAAAAAAAAAAAVlBkBQAAAAAAAAAAAAAAAABWUGQFAMATJDk5WeHh4fL29lb16tXVpUsXSVJMTIzq1q0rHx8fBQUFKTIy0jzGWgwAAAAAAAAAAAAAQJEVAABPlOHDh6tQoUKKjo7WqVOnNGnSJElS37591adPH0VHR2vo0KHq1auXeYy1GAAAAAAAAAAAAACAIisAAJ4YN27c0MKFCzVu3DjZ2NhIklxdXXXx4kUdPnzYXNUqNDRUcXFxio+PtxoDAAAAAAAAAAAAANxFkRUAAE+I2NhYOTs7a8yYMQoICFBISIi2bNmic+fOqXz58rK1tZUk2djYyN3dXQkJCVZj6U2ZMkVubm7m5/r163k6PgAAAAAAAAAAAADILxRZAQDwhLh9+7bOnDmjatWq6eDBg5o+fbo6duyolJQUc2WrNIZhmP+2FrvX4MGDlZiYaH4cHR1zfxAAAAAAAAAAAAAAUADZ5ncHAABA7vDw8FChQoXUuXNnSZKfn58qVaqks2fPKjExUSkpKbK1tZVhGDp37pzc3d1lb2+fZQwAAAAAAAAAAAAAcBcrWQEA8IQoU6aMGjdurI0bN0qSzp49q7i4OIWEhKh27dpatmyZJGnNmjXy9PSUp6enypUrl2UMAABY5+npqapVq8rf31/+/v5auXKlJCkmJkZ169aVj4+PgoKCFBkZaR5jLQYAAAAAAAAAKLhYyQoAgCfI7Nmz1bNnTw0bNkyFCxfW3Llz5erqqjlz5igsLEzjxo1T8eLFtXjxYvMYazEAAGDdV199pRo1alhs69u3r/r06aOwsDB99dVX6tWrl/bt23ffGAAAAAAAAACg4KLICgCAJ4iXl5e2b9+eYbuvr2+WN3CtxQAAQPZcvHhRhw8f1qZNmyRJoaGhCg8PV3x8vOzt7bOMsYokAAAAAAAAABRsvC4QAAAAAIAc6ty5s2rWrKk333xTly5d0rlz51S+fHnZ2t59psnGxkbu7u5KSEiwGgMAAAAAAAAAFGwUWQEAAAAAkAM7d+7UsWPHdPjwYTk7O6t79+6S7hZP3cswDPPf1mL3mjJlitzc3MzP9evXc7n3AAAAAAAAAIDsoMgKAAAAAIAccHd3lyQVKVJEgwYN0q5du1SxYkUlJiYqJSVF0t0iqnPnzsnd3d1qLL3BgwcrMTHR/Dg6OubdwAAAAAAAAAAAGVBkBQAAAABANt24cUNXrlwxv3/xxReqXbu2ypUrp9q1a2vZsmWSpDVr1sjT01Oenp5WYwAAAAAAAACAgs02vzsAAAAAAMDj5rffflNoaKju3LkjwzDk5eWlJUuWSJLmzJmjsLAwjRs3TsWLF9fixYvN46zFAAAAAAAAAAAFF0VWAAAAAABkk5eXl44cOZJpzNfXV/v27ct2DAAAAAAAAABQcPG6QAAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAAAAAsIIiKwAAAAAAAAAAAAAAAACwgiIrAAAAAAAAAAAAAAAAALCCIisAAAAAAAAAAAAAeMrdunVLbdu2lY+Pj/z9/dWsWTPFx8dLki5evKhmzZrJ29tbNWrU0O7du83jrMUAAHiSUGQFAAAAAAAAACjQPD09VbVqVfn7+8vf318rV66UJMXExKhu3bry8fFRUFCQIiMjzWOsxQAA/5+9+4+tq77vBv6+mWlRyPJkSpNUkX25RIvDVELtSqRpBpWQOsgoSKgG9Y+4xCLI2RqNMkdEkSa6MYoFErImtlTzHxVKyBQ1TUDVQBColEEjTEllDIrSEnfE2HdRcMaUsDBCZ+Lnjzzchx/JxQ72jbFfL+lI957PPfd+zg3Wh+O88z1wdu3t7XnttdfS19eXG2+8Me3t7UmSzZs3Z+XKlenv788jjzySNWvWZGRk5FNrADCdCFkBAAAAADDl7dq1K319fenr68t3v/vdJMn69evT3t6eQ4cOZdOmTVm3bl3l9dVqAMAnXXzxxbnhhhtSKBSSJCtXrszrr7+eJNm5c2c2bNiQJLnqqquyaNGiyopV1WoAMJ0IWQEAAAAA8LkzPDyc3t7etLa2JklaWlpy+PDhDAwMVK0BAGPz8MMP56abbspbb72V06dPZ8GCBZVaqVTK4OBg1drHdXV1pb6+vrKdPHmyJucBABNFyAoAAAAAgClvzZo1Wb58ee64444cO3YsQ0NDWbx4cerq6pIkhUIhxWIxg4ODVWsf5y98AeCTOjs709/fn/vvvz9JKqtbfWB0dLTyuFrtwzo6OlIulyvbnDlzJrhrAJhcQlYAAAAAAExpzz//fF555ZX09vZm/vz5Wbt2bRJ/4QsAk+Ghhx7KY489lqeeeiqzZ8/O/PnzkyTHjh2rvOaNN95IsVisWgOA6UbICgAAAACAKe2Dv6i96KKLctddd+WXv/xlGhoaUi6XMzIykuRMiGpoaCjFYrFqDQA4t66uruzYsSPPPvts5s2bV9l/6623ZsuWLUmS/fv35+jRo7n66qs/tQYA04mQFQAAAAAAU9Y777yT48ePV57v2LEjzc3NWbhwYZqbm7N9+/Ykye7du1MqlVIqlarWAICzK5fL2bhxY44fP55rr702TU1N+frXv54kefDBB/PCCy9k6dKlaWtry6OPPlq5LW+1GgBMJ6YbAAAAAABT1ptvvpmWlpa8//77GR0dzZIlS7Jt27YkSXd3d9ra2tLZ2Zm5c+dm69atleOq1QCAT6qvrz/n7XUXLVqUZ555Ztw1AJhOhKwAAAAAAJiylixZkpdffvmstWXLlqWnp2fcNQAAABgvtwsEAAAAAAAAAACoQsgKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAAAAqELICgAAAAAAAAAAoAohKwAAAAAAAAAAgCqErAAAAAAAAAAAAKoQsgIAAAAAAAAAAKhCyAoAAAAAAAAAAKAKISsAmEZKpVIuv/zyNDU1pampKT/96U+TJP39/Vm1alUaGxuzYsWKHDx4sHJMtRoAAAAAAAAAQlYAMO3s2rUrfX196evry3e/+90kyfr169Pe3p5Dhw5l06ZNWbduXeX11WoAAAAAAAAACFkBwLQ3PDyc3t7etLa2JklaWlpy+PDhDAwMVK0BAAAAAAAAcIaQFQBMM2vWrMny5ctzxx135NixYxkaGsrixYtTV1eXJCkUCikWixkcHKxa+7iurq7U19dXtpMnT9b0vAAAAAAAAAAuFCErAJhGnn/++bzyyivp7e3N/Pnzs3bt2iRnwlMfNjo6WnlcrfZhHR0dKZfLlW3OnDkT3D0AAAAAAADA1FR3oRsAACZOsVhMklx00UW566670tjYmIaGhpTL5YyMjKSuri6jo6MZGhpKsVjM7Nmzz1kDAAAAAAAA4AwrWQHANPHOO+/k+PHjlec7duxIc3NzFi5cmObm5mzfvj1Jsnv37pRKpZRKpao1AAAAAAAAAM6wkhUATBNvvvlmWlpa8v7772d0dDRLlizJtm3bkiTd3d1pa2tLZ2dn5s6dm61bt1aOq1YDAAAAAAAYj9LmJ2vyOQMPfLsmnwPwASErAJgmlixZkpdffvmstWXLlqWnp2fcNQAAAAAAAADcLhAAAAAAAAAAAKAqISsAAAAAAAAAAIAqJj1kdd111+XKK69MU1NTrrnmmvT19SVJ+vv7s2rVqjQ2NmbFihU5ePBg5ZhqNQAAAAAAAAAAgFqa9JDVzp078+qrr6avry8bN27M7bffniRZv3592tvbc+jQoWzatCnr1q2rHFOtBgAAAAAAAAAAUEuTHrKaN29e5fGJEycya9asDA8Pp7e3N62trUmSlpaWHD58OAMDA1VrAAAAAAAAAAAAtVZXiw+57bbbsnfv3iTJ008/naGhoSxevDh1dWc+vlAopFgsZnBwMJdccsk5a6VS6SPv29XVla6ursrz48ePZ8+ePRPS86lTpybsvT6PptP531S1+wMAACAASURBVPu1kXEfM/cL53fceEzV73c6/dmfj5l8/jP53BPnDwAAAAAAAMC51SRktW3btiTJ1q1bc/fdd+e+++5LoVD4yGtGR0crj6vVPqyjoyMdHR2V5/X19bn++usnpOc9e/ZM2Ht9Hk2n8y9tfnLcx9z7tZH8be/k/ngMPDA1v9/p9Gd/Pmby+c/kc0+cPwAAAAAAAADnNum3C/ywtWvXZu/evamvr0+5XM7IyJmVgkZHRzM0NJRisZiGhoZz1gAAAAAAAAAAAGptUkNWb7/9do4cOVJ5/vjjj2f+/PlZuHBhmpubs3379iTJ7t27UyqVUiqVqtYAAAAAAAAAAABqbVJDVidOnMjNN9+c5cuX56tf/Wq2bNmSJ554IoVCId3d3enu7k5jY2MeeOCB/OQnP6kcV60GAAAAU8m9996bQqGQAwcOJEn6+/uzatWqNDY2ZsWKFTl48GDltdVqAAAAAABMXXWT+eYNDQ156aWXzlpbtmxZenp6xl0DAACAqaK3tzcvvvjiR25xv379+rS3t6etrS27du3KunXrKte41WoAAAAAAExdk7qSFQAAAExX7733XjZs2JAf//jHKRQKSZLh4eH09vamtbU1SdLS0pLDhw9nYGCgag0AAAAAgKlNyAoAAADOww9/+MO0trbmsssuq+wbGhrK4sWLU1d3ZuHoQqGQYrGYwcHBqrWP6+rqSn19fWU7efJkbU4KAAAAAICzErICAACAcerp6cn+/fvz/e9//xO1D1a1+sDo6OiYah/W0dGRcrlc2ebMmTMBXQMAAAAAcL6ErAAAAGCcnnvuufz2t7/NZZddllKplHK5nOuvvz4HDhxIuVzOyMhIkjMhqqGhoRSLxTQ0NJyzBgAAAADA1CZkBQAAAOO0efPmHDlyJAMDAxkYGEh9fX327NmTtWvXprm5Odu3b0+S7N69O6VSKaVSKQsXLjxnDQAAAACAqa3uQjcAAAAA00l3d3fa2trS2dmZuXPnZuvWrWOqAQAAAAAwdQlZAQAAwGc0MDBQebxs2bL09PSc9XXVagAAAAAATF1CVgAAAAAAAAAAZ1Ha/GRNPmfggW/X5HOA8zfrQjcAAAAAAAAAAAAwlQlZAQAAAAAAAAAAVCFkBQAAAAAAAAAAUIWQFQAAAAAAAAAAQBVCVgAAAAAAAAAAAFUIWQEAAAAAAAAAAFQhZAUAAAAAAAAAAFCFkBUAAAAAAAAAAEAVQlYAAAAAAAAAAABVCFkBAAAAAAAAAABUIWQFAAAAAAAAAABQhZAVAAAAAAAAAABAFUJWAAAAAAAAAAAAVQhZAQAAAAAAAAAAVCFkBQAAAAAAAAAAUIWQFQAAAAAAU969996bQqGQAwcOJEn6+/uzatWqNDY2ZsWKFTl48GDltdVqAAAAcD6ErAAAAAAAmNJ6e3vz4osvplgsVvatX78+7e3tOXToUDZt2pR169aNqQYAAADnQ8gKAAAAAIAp67333suGDRvy4x//OIVCIUkyPDyc3t7etLa2JklaWlpy+PDhDAwMVK0BAADA+RKyAgAAAABgyvrhD3+Y1tbWXHbZZZV9Q0NDWbx4cerq6pIkhUIhxWIxg4ODVWsAAABwvoSsAAAAAACYknp6erJ///58//vf/0Ttg1WtPjA6Ojqm2sd1dXWlvr6+sp08efIzdg0AAMB0JGQFAAAAAMCU9Nxzz+W3v/1tLrvsspRKpZTL5Vx//fU5cOBAyuVyRkZGkpwJUQ0NDaVYLKahoeGctbPp6OhIuVyubHPmzKnZ+QEAAPD5IWQFAAAAAMCUtHnz5hw5ciQDAwMZGBhIfX199uzZk7Vr16a5uTnbt29PkuzevTulUimlUikLFy48Zw0AAADOV92FbgAAAAAAAMaru7s7bW1t6ezszNy5c7N169Yx1QAAAOB8CFkBAAAAAPC5MDAwUHm8bNmy9PT0nPV11WoAAABwPtwuEAAAAAAAAAAAoAohKwAAAAAAAAAAgCqErAAAAAAAAAAAAKoQsgIAAAAAAAAAAKhCyAoAAAAAAAAAAKAKISsAAAAAAAAAAIAqhKwAAAAAAAAAyJ133plSqZRCoZADBw5U9pdKpVx++eVpampKU1NTfvrTn1Zq/f39WbVqVRobG7NixYocPHjwQrQOAJNOyAoApqF77733IxfB1S5yXQADAAAAAJAkt9xyS/bt25dLL730E7Vdu3alr68vfX19+e53v1vZv379+rS3t+fQoUPZtGlT1q1bV8uWAaBmhKwAYJrp7e3Niy++mGKxWNlX7SLXBTAAAAAAAEnyzW9+M/X19WN+/fDwcHp7e9Pa2pokaWlpyeHDhzMwMDBJHQLAhTPmkNW//uu/5u23306SPPTQQ7nllls+skQkADAxPsvMfe+997Jhw4b8+Mc/TqFQSFL9ItcFMAAznWtdAKgdcxcAamcy5u6aNWuyfPny3HHHHTl27FiSZGhoKIsXL05dXV2SpFAopFgsZnBw8BPHd3V1pb6+vrKdPHnyM/UDALU25pDV3/zN32Tu3Ll55ZVXsn379vzZn/1Z/vIv/3IyewOAGemzzNwf/vCHaW1tzWWXXVbZV+0i1wUwADOda10AqB1zFwBqZ6Ln7vPPP59XXnklvb29mT9/ftauXVupffAPfj8wOjp61vfo6OhIuVyubHPmzDnvfgDgQhhzyOqDv3x95pln0t7envXr1+edd96ZtMYAYKY635nb09OT/fv35/vf//4natUucl0AAzCTudYFgNoxdwGgdiZ67haLxSTJRRddlLvuuiu//OUvkyQNDQ0pl8sZGRlJcub3y0NDQ5XXA8B0MuaQ1fvvv58XX3wxu3fvzrXXXpsk+d///d9JawwAZqrznbnPPfdcfvvb3+ayyy5LqVRKuVzO9ddfnwMHDpzzItcFMAAznWtdAKgdcxcAamci5+4777yT48ePV57v2LEjzc3NSZKFCxemubk527dvT5Ls3r07pVIppVLps50AAExBYw5Z/ehHP8pf/MVf5Oqrr86f/Mmf5LXXXsvSpUsnszcAmJHOd+Zu3rw5R44cycDAQAYGBlJfX589e/Zk7dq157zIdQEMwEznWhcAasfcBYDaOd+5u2HDhtTX16dcLudb3/pW/viP/zhvvvlmrr322lx55ZVZvnx5nnvuuWzbtq1yTHd3d7q7u9PY2JgHHnggP/nJTybz1ADggqkb6wsvvfTS9PX1VZ4vW7Ysf/d3fzcZPQHAjDYZM7e7uzttbW3p7OzM3Llzs3Xr1jHVAGC6c60LALVj7gJA7Zzv3N2yZUu2bNnyif0vv/zyOY9ZtmxZenp6zqtPAPg8GfNKVm1tbWPaBwB8NhM1cwcGBnLFFVck+f8XuYcOHcqvf/3rfOUrX6m8rloNAKY717oAUDvmLgDUjrkLABPvU1ey+s///M8MDw/n1KlT+c1vfpPR0dEkyYkTJ/LOO+9MeoMAMFOYuQBQO+YuANSOuQsAtWPuAsDk+dSQ1b/8y7/kH/7hH3LkyJHccMMNlf3/5//8n2zatGlSmwOAmcTMBYDaMXcBoHbMXQCoHXMXACbPp4asfvCDH+QHP/hB7rvvvtxzzz216AkAZiQzFwBqx9wFgNoxdwGgdsxdAJg8nxqy+sA999yT06dP5+jRoxkZGansLxaLk9IYAMxUZi4A1I65CwC1Y+4CQO2YuwAw8cYcstq6dWv+6q/+KhdddFFmzZqVJCkUChkeHp605oDaO3riVEqbn7zQbXzCwAPfvtAtQM2YuQBQO+YuANSOuQsAtWPuAsDEG3PI6u///u/z0ksv5fLLL5/MfgBgxjNzAaB2zF0AqB1zFwBqx9wFgIk3a6wvXLBggSEMADVg5gJA7Zi7AFA75i4A1I65CwATb8whq+985zv5p3/6p/zXf/1X/ud//qeyAQATy8wFgNoxdwGgdsxdAKgdcxcAJt6Ybxe4efPmJMmdd96ZQqGQ0dHRFAqFvP/++5PWHADMRGYuANSOuQsAtWPuAkDtmLsAMPHGHLI6ffr0ZPYBAPw/Zi4A1I65CwC1Y+4CQO2YuwAw8cZ8u0AAAAAAAAAAAICZaMwrWc2aNSuFQuET+y0pCQATy8wFgNoxdwGgdsxdAKgdcxcAJt6YQ1b//d//XXn87rvvZtu2bfn9738/KU0BwExm5gJA7Zi7AFA75i4A1I65CwATb8y3C7zkkksq25e+9KV0dHTk6aefnszeAGBGMnMBoHbMXQCoHXMXAGrH3AWAiTfmkNXH9ff3Z2hoaCJ7AQDOwswFgNoxdwGgdsxdAKgdcxcAPrsx3y5wwYIFlfv2joyM5P3338/DDz88aY0BwExl5gJA7Zi7AFA75i4A1I65CwATb8whq1//+tf//6C6unz5y1/OH/zBH0xKUwAwk5m5AFA75i4A1I65CwC1Y+4CwMQb8+0CL7300ixcuDBHjx7Nf/zHf+T3v//9ZPYFADOWmQsAtWPuAkDtmLsAUDvmLgBMvDGvZPXCCy/klltuyaJFizI6Oppjx45l165d+cY3vjGZ/QHAjGPmAkDtmLsAUDvmLgDUjrkLABNvzCtZdXR05Gc/+1lefvnl9PX15Wc/+1n++q//ejJ7A4AZycwFgNr5LHP3uuuuy5VXXpmmpqZcc8016evrS5L09/dn1apVaWxszIoVK3Lw4MHKMdVqADDdud4FgNoxdwFg4o05ZHXq1Kn86Z/+aeX5qlWrcurUqUlpCgBmMjMXAGrns8zdnTt35tVXX01fX182btyY22+/PUmyfv36tLe359ChQ9m0aVPWrVtXOaZaDQCmO9e7AFA75i4ATLwxh6xmz56dX/ziF5Xn//Zv/5bZs2dPSlMAMJOZuQBQO59l7s6bN6/y+MSJE5k1a1aGh4fT29ub1tbWJElLS0sOHz6cgYGBqjUAmAlc7wJA7Zi7ADDx6sb6wn/8x3/Md77znXzxi19MoVDIe++9l927d09mbwAwI5m5AFA7n3Xu3nbbbdm7d2+S5Omnn87Q0FAWL16curozl9uFQiHFYjGDg4O55JJLzlkrlUofed+urq50dXVVnp88efIznikAXHiud4HPq9LmJy90C3yKgQe+faFbmHLMXQCYeGMOWR05ciS//vWv8+abb2Z0dDRf/vKX86tf/WoyewOAGcnMBYDa+axzd9u2bUmSrVu35u677859992XQqHwkdeMjo5WHlerfVhHR0c6Ojoqz+vr68fcEwBMVa53AaB2zF0AmHhjvl3gPffckwULFuSKK67I8uXL86UvfSn33HPPZPYGADOSmQsAtTNRc3ft2rXZu3dv6uvrUy6XMzIykuRMiGpoaCjFYjENDQ3nrAHATOB6FwBqx9wFgIk35pDVxxUKhZw+fXoiewEAzsLMBYDaGevcffvtt3PkyJHK88cffzzz58/PwoUL09zcnO3btydJdu/enVKplFKpVLUGADOR610AqB1zFwA+uzGHrObOnfuRJSRffPHF/OEf/uGkNAUAM5mZCwC1c75z98SJE7n55puzfPnyfPWrX82WLVvyxBNPpFAopLu7O93d3WlsbMwDDzyQn/zkJ5XjqtUAYLpzvQsAtWPuAsDEqxvrCx988MHcfPPN+cpXvpIk+c1vfpPHH3980hoDgJnKzAWA2jnfudvQ0JCXXnrprLVly5alp6dn3DUAmO5c7wJA7Zi7ADDxxhyy+sY3vpGDBw9Wfhm8atWqzJs3b9IaA4CZyswFgNoxdwGgdsxdAKgdcxcAJt6YQ1ZJ8kd/9Ee54YYbJqsXAOD/MXMBoHbMXQCoHXMXAGrH3AWAiTXrQjcAAAAAAAAAAAAwlQlZAQAAAAAAAAAAVCFkBQAAAAAAAAAAUIWQFQAAAAAAAAAAQBV1F7oBxq+0+clJ/4x7vzYy7s8ZeODbk9QNAAAAAAAAAABcOFayAgAAAAAAAAAAqELICgAAAAAAAAAAoIpJDVmdOnUqN998cxobG9PU1JTVq1dnYGAgSTI8PJzVq1dn6dKlueKKK7Jv377KcdVqAAAAAAAAAAAAtTTpK1m1t7fntddeS19fX2688ca0t7cnSTZv3pyVK1emv78/jzzySNasWZORkZFPrQEAAAAAMLNcd911ufLKK9PU1JRrrrkmfX19SZL+/v6sWrUqjY2NWbFiRQ4ePFg5ploNAAAAxmtSQ1YXX3xxbrjhhhQKhSTJypUr8/rrrydJdu7cmQ0bNiRJrrrqqixatKiyYlW1GgAAAAAAM8vOnTvz6quvpq+vLxs3bsztt9+eJFm/fn3a29tz6NChbNq0KevWrascU60GAAAA4zXpK1l92MMPP5ybbropb731Vk6fPp0FCxZUaqVSKYODg1VrAAAAAADMPPPmzas8PnHiRGbNmpXh4eH09vamtbU1SdLS0pLDhw9nYGCgag0AAADOR12tPqizszP9/f3553/+57z77ruV1a0+MDo6WnlcrfZhXV1d6erqqjw/fvx49uzZMyH9njp1asLea6Ld+7XJv3Xi3C+M/3Om0/d1Puc/XlP1+6rFuZ+PWn1fU/lnf7LN5HNPnD8AAABMdbfddlv27t2bJHn66aczNDSUxYsXp67uzK+5C4VCisViBgcHc8kll5yzViqVPvK+H/8988mTJ2tzQgAAAHyu1CRk9dBDD+Wxxx7LL37xi8yePTuzZ89Okhw7dqyyYtUbb7yRYrGY+fPnn7P2cR0dHeno6Kg8r6+vz/XXXz8hPe/Zs2fC3muilTY/Oemfce/XRvK3veP7z2PggenzfZ3P+Y/XVP2+tu78+aSf+/mo1fc1lX/2J9tMPvfE+QMAAMBUt23btiTJ1q1bc/fdd+e+++6bkH/Me7bfMwMAAMDHTfrtAru6urJjx448++yzH1nS+dZbb82WLVuSJPv378/Ro0dz9dVXf2oNAAAAAICZa+3atdm7d2/q6+tTLpczMnJmVfbR0dEMDQ2lWCymoaHhnDUAAAA4H5MasiqXy9m4cWOOHz+ea6+9Nk1NTfn617+eJHnwwQfzwgsvZOnSpWlra8ujjz5aWbq5Wg0AAAAAgJnj7bffzpEjRyrPH3/88cyfPz8LFy5Mc3Nztm/fniTZvXt3SqVSSqVS1RoAAACcj0lNLtXX159zCeZFixblmWeeGXcNAAAAAICZ48SJE2lpacm7776bWbNmZcGCBXniiSdSKBTS3d2dtra2dHZ2Zu7cudm6dWvluGo1AAAAGC/LQwEAAAAAMGU1NDTkpZdeOmtt2bJl6enpGXcNAAAAxmtSbxcIAAAAAAAAAADweSdkBQAAAAAAAAAAUIWQFQAAAAAAAAAAQBVCVgAwjVx33XW58sor09TUlGuuuSZ9fX1Jkv7+/qxatSqNjY1ZsWJFDh48WDmmWg0AAAAAAAAAISsAmFZ27tyZV199NX19fdm4cWNuv/32JMn69evT3t6eQ4cOZdOmTVm3bl3lmGo1AAAAAAAAAISsAGBamTdvXuXxiRMnMmvWrAwPD6e3tzetra1JkpaWlhw+fDgDAwNVawAAAAAAAACcUXehGwAAJtZtt92WvXv3JkmefvrpDA0NZfHixamrOzP2C4VCisViBgcHc8kll5yzViqVPvK+XV1d6erqqjw/efJkbU4IAAAAAAAA4AKzkhUATDPbtm3L0NBQfvSjH+Xuu+9OciY89WGjo6OVx9VqH9bR0ZFyuVzZ5syZM8GdAwAAAAAAAExNQlYAME2tXbs2e/fuTX19fcrlckZGRpKcCVENDQ2lWCymoaHhnDUAAAAAAAAAzhCyAoBp4u23386RI0cqzx9//PHMnz8/CxcuTHNzc7Zv354k2b17d0qlUkqlUtUaAAAAAAAAAGfUXegGAICJceLEibS0tOTdd9/NrFmzsmDBgjzxxBMpFArp7u5OW1tbOjs7M3fu3GzdurVyXLUaAAAAAAAAAEJWADBtNDQ05KWXXjprbdmyZenp6Rl3DQAAAAAAAAC3CwQAAAAAAAAAAKhKyAoAAAAAAAAAAKAKISsAAAAAAAAAAIAqhKwAAAAAAAAAAACqELICAAAAAAAAAACoQsgKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAAAAqELICgAAAAAAAAAAoAohKwAAAAAAAABy5513plQqpVAo5MCBA5X9/f39WbVqVRobG7NixYocPHhwTDUAmE6ErAAAAAAAAADILbfckn379uXSSy/9yP7169envb09hw4dyqZNm7Ju3box1QBgOhGyAgAAAAAAACDf/OY3U19f/5F9w8PD6e3tTWtra5KkpaUlhw8fzsDAQNUaAEw3QlYAAAAAAAAAnNXQ0FAWL16curq6JEmhUEixWMzg4GDV2sd1dXWlvr6+sp08ebKm5wEAn5WQFQAAAAAAAADnVCgUPvJ8dHR0TLUP6+joSLlcrmxz5syZ+EYBYBLVXegGAAAAAAAAAJiaGhoaUi6XMzIykrq6uoyOjmZoaCjFYjGzZ88+Zw0AphsrWQEAAAAAAABwVgsXLkxzc3O2b9+eJNm9e3dKpVJKpVLVGgBMN1ayAgAAAAAAACAbNmzIz3/+8xw9ejTf+ta3MmfOnPzud79Ld3d32tra0tnZmblz52br1q2VY6rVAGA6EbICAAAAAAAAIFu2bMmWLVs+sX/ZsmXp6ek56zHVagAwnbhdIAAAAAAAAAAAQBVCVgAAAAAAAAAAAFUIWQEAAAAAAAAAAFQhZAUAAAAAAAAAAFCFkBUAAAAAAAAAAEAVQlYAAAAAAAAAAABVCFkBAAAAAAAAAABUIWQFAAAAAAAAAABQRd2FbgAAAAAAAAAAgMlX2vxkzT5r4IFv1+yzoBasZAUAAAAAAAAAAFCFkBUAAACM06lTp3LzzTensbExTU1NWb16dQYGBpIkw8PDWb16dZYuXZorrrgi+/btqxxXrQYAAAAAwNQlZAUAAADnob29Pa+99lr6+vpy4403pr29PUmyefPmrFy5Mv39/XnkkUeyZs2ajIyMfGoNAAAAAICpS8gKAAAAxuniiy/ODTfckEKhkCRZuXJlXn/99STJzp07s2HDhiTJVVddlUWLFlVWrKpWAwAAAABg6hKyAgAAgM/o4Ycfzk033ZS33norp0+fzoIFCyq1UqmUwcHBqrWP6+rqSn19fWU7efJkTc4DAAAAAICzE7ICAACAz6CzszP9/f25//77k6SyutUHRkdHK4+r1T6so6Mj5XK5ss2ZM2eCuwYAAAAAYDyErAAAAOA8PfTQQ3nsscfy1FNPZfbs2Zk/f36S5NixY5XXvPHGGykWi1VrAAAAAABMbUJWAAAAcB66urqyY8eOPPvss5k3b15l/6233potW7YkSfbv35+jR4/m6quv/tQaAAAAAABTV92FbgAAAAA+b8rlcjZu3JglS5bk2muvTZJ88YtfzK9+9as8+OCD+d73vpelS5fmC1/4Qh599NHU1Z25/K5WAwAAAABg6vKbXAAAABin+vr6jI6OnrW2aNGiPPPMM+OuAQAAAAAwdbldIAAAAAAAAAAAQBVCVgAAAAAAAAAAAFUIWQEAAAAAAAAAAFQhZAUAAAAAAAAAAFCFkBUAAAAAAFPWqVOncvPNN6exsTFNTU1ZvXp1BgYGkiTDw8NZvXp1li5dmiuuuCL79u2rHFetBgAAAOMlZAUAAAAAwJTW3t6e1157LX19fbnxxhvT3t6eJNm8eXNWrlyZ/v7+PPLII1mzZk1GRkY+tQYAAADjJWQFAAAAAMCUdfHFF+eGG25IoVBIkqxcuTKvv/56kmTnzp3ZsGFDkuSqq67KokWLKitWVasBAADAeAlZAQAAAADwufHwww/npptuyltvvZXTp09nwYIFlVqpVMrg4GDV2sd1dXWlvr6+sp08ebIm5wEAAMDni5AVAAAAAACfC52dnenv78/999+fJJXVrT4wOjpaeVyt9mEdHR0pl8uVbc6cORPcNQAAANOBkBUAAAAAAFPeQw89lMceeyxPPfVUZs+enfnz5ydJjh07VnnNG2+8kWKxWLUGAAAA50PICgAAAACAKa2rqys7duzIs88+m3nz5lX233rrrdmyZUuSZP/+/Tl69GiuvvrqT60BAADAeAlZAcA0cerUqdx8881pbGxMU1NTVq9enYGBgSTJ8PBwVq9enaVLl+aKK67Ivn37KsdVqwEAAMCFVi6Xs3Hjxhw/fjzXXnttmpqa8vWvfz1J8uCDD+aFF17I0qVL09bWlkcffTR1dXWfWgMAAIDxckUJANNIe3t7/vzP/zyFQiH/9E//lPb29jzzzDPZvHlzVq5cmaeffjr79+/PLbfckn//939PXV1d1RoAAABcaPX19RkdHT1rbdGiRXnmmWfGXQMAAIDxspIVAEwTF198cW644YYUCoUkycqVK/P6668nSXbu3JkNGzYkSa666qosWrSosmJVtRoAAAAAAAAAQlYAMG09/PDDuemmm/LWW2/l9OnTWbBgQaVWKpUyODhYtfZxXV1dqa+vr2wnT56syXkAAAAAAAAAXGhCVgAwDXV2dqa/vz/3339/klRWt/rAh2+zUK32YR0dHSmXy5Vtzpw5E9w1AAAAAAAAwNQkZAUA08xDDz2Uxx57LE899VRmz56d+fPnJ0mOHTtWec0bb7yRYrFYtQYAAAAAAADAGUJWADCNdHV1ZceOHXn22Wczb968yv5bb701W7ZsSZLs378/R48ezdVXX/2pNQAAAAAAAACSugvdAAAwMcrlcjZu3JglS5bk2muvTZJ88YtfzK9+9as8+OCD+d73vpelS5fmC1/4Qh599NHU1Z3534BqNQAAAAAAAACErABg2qivr8/o6OhZa4sWLcozzzwz7hoAAAAAAAAAbhcIAAAAAAAAAABQlZAVAAAAAAAAAABAFW4XCADAjFLa/OSFbmFKGnjg2xe6BQAAAAAAgCnLSlYAAAAAAAAAAABVCFkBeESKJQAAIABJREFUAAAAAAAAAABUIWQFAAAAAAAAAABQhZAVAAAAAAAAAABAFUJWAAAAAAAAAAAAVdRd6AYAAAAAkqS0+clJff+BB749qe8PAAAAAExfVrICAAAAAAAAAACoQsgKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAAAAqGLSQ1Z33nlnSqVSCoVCDhw4UNnf39+fVatWpbGxMStWrMjBgwfHVAMAAAAAAAAAAKilSQ9Z3XLLLdm3b18uvfTSj+xfv3592tvbc+jQoWzatCnr1q0bUw0AAAAAAAAAAKCWJj1k9c1vfjP19fUf2Tc8PJze3t60trYmSVpaWnL48OEMDAxUrQEAAAAAAAAAANTapIeszmZoaCiLFy9OXV1dkqRQKKRYLGZwcLBqDQAAAAAAAAAAoNbqLtQHFwqFjzwfHR0dU+3Durq60tXVVXl+/Pjx7NmzZ0L6O3Xq1IS910S792sjk/4Zc78w/s+ZTt/X+Zz/eE3V76sW534+avV9TeWf/ck2k889cf4AAAAAAAAAnNsFCVk1NDSkXC5nZGQkdXV1GR0dzdDQUIrFYmbPnn3O2sd1dHSko6Oj8ry+vj7XX3/9hPS4Z8+eCXuviVba/OSkf8a9XxvJ3/aO7z+PgQemz/d1Puc/XlP1+9q68+eTfu7no1bf11T+2Z9sM/ncE+cPAAAAAAAAwLldkNsFLly4MM3Nzdm+fXuSZPfu3SmVSimVSlVrAAAAAAAAAAAAtTbpy9Vs2LAhP//5z3P06NF861vfypw5c/K73/0u3d3daWtrS2dnZ+bOnZutW7dWjqlWAwAAAAAAAAAAqKVJD1lt2bIlW7Zs+cT+ZcuWpaen56zHVKsBAAAAAAAAAADU0gW5XSAAAAAAAAAAAMDnhZAVAAAAAAAAAABAFUJWAAAAAAAAAAAAVdRd6AYAAAAAPu9Km5+ctPceeODbk/beAAAAAMDYWMkKAAAAAAAAAACgCiErAAAAAAAAAACAKoSsAAAAAAAAAAAAqhCyAgAAAAAAAKCqUqmUyy+/PE1NTWlqaspPf/rTJEl/f39WrVqVxsbGrFixIgcPHrzAnQLA5Ki70A0AAAAAAAAAMPXt2rUrV1xxxUf2rV+/Pu3t7Wlra8uuXbuybt269PT0XKAOAWDyWMkKAAAAAAAAgHEbHh5Ob29vWltbkyQtLS05fPhwBgYGLmxjADAJhKwAAAAAAAAA+FRr1qzJ8uXLc8cdd+TYsWMZGhrK4sWLU1d35gZKhUIhxWIxg4ODnzi2q6sr9fX1le3kyZO1bh8APhMhKwAAAAAAAACqev755/PKK6+kt7c38+fPz9q1a5OcCVZ92Ojo6FmP7+joSLlcrmxz5syZ9J4BYCLVXegGAAAAAAAAAJjaisVikuSiiy7KXXfdlcbGxjQ0NKRcLmdkZCR1dXUZHR3N0NBQ5bUAMJ1YyQoAAAAAAACAc3rnnXdy/PjxyvMdO3akubk5CxcuTHNzc7Zv354k2b17d0qlUkql0gXqFAAmj5WsAAAAAAAAADinN998My0tLXn//fczOjqaJUuWZNu2bUmS7u7utLW1pbOzM3Pnzs3WrVsvcLcAMDmErAAAAAAAAAA4pyVLluTll18+a23ZsmXp6empcUcAUHtuFwgAAAAAAAAAAFCFkBUAAACM05133plSqZRCoZADBw5U9vf392fVqlVpbGzMihUrcvDgwTHVAAAAAACY2oSsAAAAYJxuueWW7Nu3L5deeulH9q//v+zdeVxVVb/H8e8WHBK0vCaYIWAO9JAiOA+pmZpTep2bzAF8cMisa6VmpY9NTmnXp7I0cUjNssjKNDMH7GqUIaKWFYqoIIpZhCJOwLl/eD03ElEPwzrn+Hm/Xrxe7bUCv4uz91mcfX5nreHDFRkZqcTERI0bN04RERHX1AcAAAAAAAAAcG4UWQEAAAAAcJ3atm0rPz+/fG3Hjx9XfHy8Bg4cKEnq27evkpOTdfDgwUL7AAAAAAAAAADOjyIrAAAAAACKQUpKimrUqCFPT09JkmVZ8vf31+HDhwvtK8js2bPl5+dn/8rKyiq1cQAAAAAAAAAALkeRFQAAAAAAxcSyrHzHNpvtmvr+buzYsUpNTbV/eXt7F29QAAAAAAAAAMB18TQdAAAAAAAAd1CzZk2lpqYqJydHnp6estlsSklJkb+/vypWrHjFPgAAAAAAAACA82MlKwAAAAAAioGPj4/CwsK0bNkySVJ0dLQCAwMVGBhYaB8AACjcmDFjFBgYKMuy9OOPP9rb9+3bp1atWqlevXpq1qyZ9u7de019AAAAAAA4giIrAAAAAACu02OPPSY/Pz+lpqaqY8eOqlOnjiRp3rx5mjdvnurVq6dp06YpKirK/j2F9QEAgCvr16+ftm7dqoCAgHztw4cPV2RkpBITEzVu3DhFRERcUx8AAAAAAI5gu0AAAAAAAK7TW2+9pbfeeuuy9qCgIMXGxhb4PYX1AQCAK2vbtu1lbcePH1d8fLzWr18vSerbt69Gjx6tgwcPqmLFilfsYxVJAAAAAICjWMkKAAAAAAAAAOBSUlJSVKNGDXl6XvwcsWVZ8vf31+HDhwvtK8js2bPl5+dn/8rKyiq1cQAAAAAAXAdFVgAAuJExY8YoMDBQlmXpxx9/tLfv27dPrVq1Ur169dSsWTPt3bv3mvoAAAAAAHBWlmXlO7bZbNfU93djx45Vamqq/cvb27t4gwIAAAAA3AJFVgAAuJF+/fpp69atCggIyNc+fPhwRUZGKjExUePGjVNERMQ19QEAAAAA4Ixq1qyp1NRU5eTkSLpYRJWSkiJ/f/9C+wAAAAAAcBRFVgAAuJG2bdvKz88vX9vx48cVHx+vgQMHSpL69u2r5ORkHTx4sNA+AAAAAACclY+Pj8LCwrRs2TJJUnR0tAIDAxUYGFhoHwAAAAAAjqLICgAAN5eSkqIaNWrI09NT0sUtE/z9/XX48OFC+/5u9uzZ8vPzs39lZWWV6jgAAAAAADemxx57TH5+fkpNTVXHjh1Vp04dSdK8efM0b9481atXT9OmTVNUVJT9ewrrAwAAAADAEZ6mAwAAgJJnWVa+Y5vNdk19fzV27FiNHTvWfvz3FbMAwB0FTlhjOoJTOjitu+kIAADgBvLWW2/prbfeuqw9KChIsbGxBX5PYX0AAAAAADiCIisAANxczZo1lZqaqpycHHl6espmsyklJUX+/v6qWLHiFfsAAAAAAAAAAAAAABexXSAAAG7Ox8dHYWFhWrZsmSQpOjpagYGBCgwMLLQPAAAAAAAAAAAAAHARK1kBAOBGHnvsMX322Wc6duyYOnbsKG9vb+3fv1/z5s3TkCFD9Oqrr6py5cpasmSJ/XsK6wMAAAAAAAAAAAAAUGQFAIBbeeutt/TWW29d1h4UFKTY2NgCv6ewPgAAAAAAAAAAAAAA2wUCAAAAAAAAAAAAAAAAQKFYyQqASwicsKZU/p0pjXKu+986OK17CaUBAAAAAAAAAAAAAADOgJWsAAAAAAAAAAAAAAAAAKAQFFkBAAAAAAAAAAAAAAAAQCEosgIAAAAAAAAAAAAAAACAQlBkBQAAAAAAAAAAAAAAAACFoMgKAAAAAAAAAAAAAAAAAApBkRUAAAAAAAAAAAAAAAAAFIIiKwAAAAAAAAAAAAAAAAAoBEVWAAAAAAAAAAAAAAAAAFAIiqwAAAAAAAAAAAAAAAAAoBAUWQEAAAAAAAAAAAAAAABAISiyAgAAAAAAAAAAAAAAAIBCUGQFAAAAAAAAAAAAAAAAAIXwNB3AWR3LPKvACWtMxwAAAAAAAAAAAAAAAABgGCtZAQAAAAAAAAAAAAAAAEAhKLICAAAAAAAAAAAAAAAAgEJQZAUAAAAAAAAAAAAAAAAAhaDICgAAAAAAAAAAAAAAAAAK4Wk6AAAAAAAAAMwJnLCmxH72wWndS+xnAwAAAAAAAKWJlawAAAAAAAAAAAAAAAAAoBAUWQEAAAAAAAAAAAAAAABAISiyAgAAAAAAAAAAAAAAAIBCUGQFAAAAAAAAAAAAAAAAAIWgyAoAAAAAAAAAAAAAAAAACuFpOgAAAAAAAABwvQInrCmxn31wWvcS+9kAAAAAAABwTaxkBQAAAAAAAAAAAAAAAACFoMgKAAAAAAAAAAAAAAAAAApBkRUAAAAAAAAAAAAAAAAAFIIiKwAAAAAAAAAAAAAAAAAoBEVWAAAAAAAAAAAAAAAAAFAIiqwAAAAAAAAAAAAAAAAAoBAUWQEAAAAAAAAAAAAAAABAISiyAgAAAAAAAAAAAAAAAIBCUGQFAAAAAAAAAAAAAAAAAIWgyAoAAAAAAAAAAAAAAAAACkGRFQAAAAAAAAAAAAAAAAAUwtN0AAAAAAAAAAAAAAAAAMARgRPWlMq/c3Ba91L5d+C8WMkKAAAAAAAAAAAAAAAAAArBSlYAAAAAAAAAAAAAAACAEyitlbkkVue6XqxkBQAAAAAAAAAAAAAAAACFoMgKAAAAAAAAAAAAAAAAAArBdoEAAAAAAABAKSrJZf9Z5h8AAAAAAKBkUGQFAG7qem/aT2mUUyr7+3LDHwAAAAAAAAAAAADgatguEAAAAAAAAAAAAAAAAAAKwUpWAAAAAAAAAAAAAAAAAEpEaeyoJJX8rkqsZAUAAAAAAAAAAAAAAAAAhWAlKwAAAAAAAABXVdKfOi3pT5sCAAAAAAAUBStZAQAAAAAAAAAAAAAAAEAhKLICAAAAAAAAAAAAAAAAgEI47XaB+/bt0+DBg3XixAndcsstWrx4sYKDg03HAgAUUUlvL+Goee2ddkosFcy7AACUHuZdAABKD/MuAAClgzkXAHAjcNp3lIcPH67IyEgNGTJEH3/8sSIiIhQbG2s6FgAAbol5FwCA0sO8CwClryQ/8HNwWvcS+9koOuZdAABKB3MuAOBG4JRFVsePH1d8fLzWr18vSerbt69Gjx6tgwcPKjAw0Gw4AADcDPMuAAClh3kXAHC9KBBzHPMuAAClgzkXAHCjcMoiq5SUFNWoUUOenhfjWZYlf39/HT58ON9EPHv2bM2ePdt+fOzYMfn5+RVLhqysLHl7exfLz3JFT7xz/eP3W1ZCYQxwZPzXy1l/X5z7N+65XxrnvTN7oBjH/9tvvxXLzyktzjDvuhNneh51l+cnd8b5guvB+VIw5t2iu95zy5ke/xslu6vmllw3u6vmlsheXDhfCsa8C2fhTH8bFwdneh7BjYPryPm50rzrCnOuI+e8M59X7jYeyf3G5G7jkdxvTO42Hsn9xlRa47meOdcpi6yki5PvX9lstsv+n7Fjx2rs2LEl8u/7+fkpNTW1RH62K2D8N+74b+SxSzf2+G/ksUuM3/S8605u9HMJ14fzBdeD88V9ONu868rnFtlLn6vmllw3u6vmlshugqvmLknONu+ieHCuA0XHdYTi5uxzrrud8+42Hsn9xuRu45Hcb0zuNh7J/cbkjOMpYzpAQWrWrKnU1FTl5ORIujgJp6SkyN/f33AyAADcD/MuAAClh3kXAIDSw7wLAEDpYM4FANwonLLIysfHR2FhYVq27OI6XtHR0QoMDGTPXgAASgDzLgAApYd5FwCA0sO8CwBA6WDOBQDcKDz+9a9//ct0iIK0bNlSL7zwgmbMmKEffvhBixYtko+PT6lnuJEx/ht3/Dfy2KUbe/w38tilG3v8zjDvupMb+VzC9eN8wfXgfHEPzjjvuvK5RfbS56q5JdfN7qq5JbKb4Kq5S4ozzrsoHpzrQNFxHaE4ucKc627nvLuNR3K/MbnbeCT3G5O7jUdyvzE523gsW0Eb4gIAAAAAAAAAAAAAAAAAJDnpdoEAAAAAAAAAAAAAAAAA4CwosgIAAAAAAAAAAAAAAACAQlBkBQAAAAAAAAAAAAAAAACFoMgK+JuMjAzTEYz66quvTEeAAb///ru++eYbpaenm44CAAD+z4kTJ66pDQAAOO7ll1/Wtm3blJOTYzoKAAAAAABwcpbNZrOZDgGYsmvXLoWHh8vDw0NLlizR008/rc2bN+vWW2/VF198oZCQENMRS9TevXsva+vcubPWr18vm82m4OBgA6lKz0cffaT+/ftLuviG5eDBg7V161aFhYXpvffek7+/v+GEJWfQoEGaOXOmfH19tWnTJj344IOqVauWDh48qHfffVc9e/Y0HbFE/fnnn7rllltMxwAAoFCNGjVSfHz8VduAojhw4IA+//xz1a5dWz169DAd56rWrFmjX3/9VY0bN1a7du1MxwFwDX7//XctXbpUTz75pOkoBRo2bJhiYmJ07NgxtW7dWu3bt1f79u3VpEkTeXh4mI4HAAAAB8XHx2vixIk6cOBAvoL6AwcOGExVNHl5eTp27Fi+8bjye1k5OTmKjo5WUlJSvjFNmjTJYCrH/fnnn5o3b95l41m4cKHBVEWzbt06Pfnkkzpw4IByc3Nls9lkWZZyc3NNR3NIUlKSnnzySe3atUtnz561tx8/ftxgqqL75JNPlJCQkG9MM2bMMJjIcWfPntXcuXMvG8/KlSsNpsrP03QAV1CvXj0lJiaajlFiDh8+rH/+859KTk5Wz5499fLLL6tChQqSpJYtWyo2NtZwwpIzZswYTZo0SX/++ae6dOmil19+WWvWrNGqVav09NNPa/369aYjlqj69esrICAgX9uxY8fUrVs3WZbl0n9oXoupU6fai6wmTpyoBg0aKCoqSu+//76eeOIJrVq1ynDCkrNz5075+vpKkqZMmaINGzYoJCREhw4dUu/evd2+yMrHx0ddu3bVsGHD1L17d5Upw8KOKDp3e4GLknP48OEC2zlfcElOTo7Onz+vvLw8nTlzRpc+F5OZmans7GzD6eDqOnXqpJkzZyo0NFRpaWlq0qSJmjdvruTkZO3du1fjx483HfGKXnjhBS1fvlxNmzbVrFmzNHnyZEVGRpqO5dZOnz6tsmXLqly5ckpISNDGjRsVFBSk+++/33S0q3rvvfcK7R80aFApJblxrV+/XlFRUfryyy/VqVMnpy2yWrBggSQpJSVFMTExiomJ0fz583XixAm1adNGa9asMZzwyn777Td5eXmpYsWKkqRvv/1WK1euVO3atfXYY4/xWhcAANzQBg8erNGjR6tly5ZuUTy/ePFijRkzRmXLlrX/nWdZlksXhzz44IM6duyYmjVr5haPUb9+/VStWjW3Oeeki++lv/HGG24zpmHDhmnEiBE6cOCA1qxZozfeeEOBgYGmYxXJk08+qaSkJO3YsUMPPfSQPvroI3Xq1Ml0LIf985//VKVKlfTNN9/oqaee0uLFi9W2bVvTsfJhJav/U9CKPpd07NhRaWlppZimdHXr1k3du3dXixYt9O9//1v79+/XunXrVKlSJYWFhWnnzp2mI5aYv47P398/35ueoaGhSkhIMBWtVEyZMkXff/+93n77bXuxVa1atZScnGw4Wen46+PfsGFDxcfH2/9AaNiwoXbt2mUyXon6a/Fo06ZN9cMPP9j7QkJCtHv3blPRSkVQUJAiIyO1aNEi/fHHHxo0aJDCw8NVr14909HgotzxBS5KTrVq1WRZlmw2m86ePavs7GxVrVqV8wV2U6ZM0ZQpU+znySWVK1fWU089pRdeeMFgOri64OBg++vf1157Tdu2bdOqVauUkZGhdu3aOfXfgcHBwYqNjdXNN9+s1NRU9e3bV99//73pWNfk0nP/3136BKgzzgELFizQ6NGj5e3trWnTpunll19W8+bNtWPHDg0aNMjpP1l86QM1f2VZluLi4nTo0CGX/dStszt06JAWLlyoxYsXy8fHRwcPHlRiYqKqVKliOto1ycnJ0XfffafNmzdr2bJlysrK0pEjR0zHuqI2bdpo4cKFqlu3rvbt26dGjRpp4MCB+vnnn9W0aVPNnDnTdESgWPTr108DBw5Ujx493OLNPcCEJk2aaODAgRo4cKBuvfVW03GAUuFu7/PVrl1ba9as0Z133mk6SrEJCgrSL7/8UuDrZVd011136aeffjIdo1g1adJEcXFxpmMUm0u7BDRo0EB79uyRzWbTvffeq82bN5uO5rAGDRpo165dCgsL065du5Senq5hw4Zp9erVpqM55NJjc+n96lOnTqlfv3766quvTEezYyWr/1O/fn0FBgaqoJqzEydOGEhUeo4dO6bHHntMkrRkyRK9+uqr6tChg77++mu3mdSu5K+Pd/v27a/Y564mT56snTt36qGHHtKgQYM0YsQIt3/M/+rcuXP6+eefZbPZVKZMmXw3adz999C5c2c9+eSTevXVV9WxY0ctX75cDz/8sNatW6eqVauajlfivLy89NRTT+mpp55SbGysFi1apKZNm6phw4YaNmwYn2rHdXvppZe0fft2t3qBi5Lz22+/5Tu+tJQvcMnkyZM1efJkjRw5Um+//bbpOHAzl1Ytli6ueNKtWzdJUpUqVeTp6dy3CCpUqKCbb75ZkuTn56cLFy4YTnTt4uLidPLkSa1fv169evVy+t+1JM2ZM0fJycnKyMhQ48aNlZSUpBo1aigzM1OtWrVy+iKrjz76KN/xr7/+qmeffVY2m01LliwxlOralClTJt9r0kvFeNLF16p/XTnVmdx3331KSEjQww8/rNWrVyskJES1atVy+gKr2NhYbd68WZs3b9bhw4fVtGlTtW3bVqtXr3b6D+L88ccfqlu3riTpww8/VO/evfX222/rzJkzFFnBrWzZskWJiYkaMWKEHn30UUVERPD6G7hOR48e1caNG/Xcc8+pW7duGjZsmO677z63vw+OG1vr1q21c+dOhYWFmY5SLKpVq+Z285+/v78uXLigcuXKmY5SLGrXrq3MzEz7vQt30L17d33xxRcusaL1tShbtqwkqVKlSjp06JB8fX116NAhw6mKpkKFCvb7CBcuXJCvr69Tf1joam666SZJkqenp7Kzs1WpUiWnG4/z39UrJQEBAdq6datq1KhxWV/NmjUNJCo9f99yZOLEiSpXrpw6dOigU6dOGUpVOnx9fXXy5ElVrlw5303Wo0eP5nvzwZ2FhYUpJiZGkyZNUocOHXT+/HnTkUpNdna2unfvbi+oS01NlZ+fnzIzM91+Sf1Zs2Zp/Pjxuv3221W1alVNnz5dQ4YMUYcOHVx6b2hHtGzZUi1bttR///d/a+XKlYqKiqLICtfNHV/govT06dNHr7/+uukYcEIUWKEklClTRqmpqapSpYq2bNmiadOm2fucfTvKzMxMrV271n588uTJfMeXCsac0Zo1a/T888+rbt26eumll7Ro0SL17t3bdKxCeXp66rbbbtNtt92mO+64w36/5Oabb3apG+DHjh3TpEmT9MUXX2jcuHH64IMPnD5/QfdiPvvsMz3//PO64447DCS6NomJiapRo4aCgoLs2y24whu3rVu3VosWLTRp0iR16dLFdJzrUr58eft/x8bG6oEHHpB08ab0pTcPAHfg5+ennTt3avv27Vq4cKFatmyp4OBgRURE6IEHHpCXl5fpiIDT8/Hx0erVq5WWlqb33ntPY8aM0ZkzZzRkyBCFh4e7/FZJQEG+/fZbLViwQEFBQfne89u+fbvBVI7r06eP3nzzTT388MP5xnNp62hXVK9ePd17773q06dPvjGNGjXKYCrHVapUSU2aNFHXrl3zjWfGjBkGUxXN3Llz9fvvv8vb21sVKlRw6hW5r0W7du30xx9/aPTo0WrSpInKly9f4ErYrqRSpUrKzs7W3XffrcGDB6t69eou/XrwP/7jP5SRkaFu3bqpa9euqlq1qm677TbTsfJhu8D/88QTT6h///66++67L+sbPXq03nzzTQOpSkfv3r01fPjwy24kzZ49W08//bTy8vIMJTPn1KlTyszMlJ+fn+kopeq7777Tli1bNH78eNNRjMrOzlZ6erpq1aplOkqJy87OVlJSki5cuKCAgIAbYhUrSW6/FSpKz6U3o998801VrFjRrV7gouT8tYghNzdX33//vUaNGmXfxhUAStInn3yikSNHqmzZsmrRooU+/vhjSRdvPr/44otat26d4YRXds8991xWsHFpW03LsrRp0yZDya6ufv36Wrdunfz8/LRnzx6NHDlSW7duNR2rUJeW0P/7fxd07IxOnTqlqVOnasGCBYqMjNS4ceNUuXJl07GuW2xsrMaNG6fs7GxNnTpV9913n+lIhdqwYYOioqL01VdfqWvXrtq8ebPS0tJMxypUTEyMtmzZopiYGB05ckTNmzdXu3btdM8996hOnTqm4xWqVatWeuedd1S9enXVqVNHP/30k/3Donfeead++eUXwwmB4vH3eefMmTP6+OOPtXDhQsXHxyszM9NgOsA1FPT32zfffKNFixbpk08+4TqCW9qyZUuB7e3atSvlJMXjr4sD/PW1sCtvhT506NDL2izLctnFAKZMmVJg++TJk0s5SfG50ipPAQEBpZyk+KWkpCgzM1P169c3HaVI0tPTdcsttygvL0+zZ89WRkaGxowZI39/f9PRHJKbmysPDw/ZbDYtX75cf/75pwYNGuRU93QosoLOnTsnKf+n3y45cuSIbr/99tKOBAAlyt2Wa4U5l5Zg/eufU+7yAhcl56/njYeHh+rUqaPXX3/d5VZOAOC60tPTdfToUTVs2NBetJSWlqacnBynvgHz1y3TJCkpKUmff/656tSpox49ehhMdnV/L/J3haJ/Ly8v3XXXXbLZbNq7d6/uuusuSRcfh59//llZWVmGExauWrVqqly5sp599tkCVy135pXPJOmXX37RhAkTtGfPHr344ot65JFHTEe6LhkZGVq2bJkWLlyoEydO6MEHH3SJrevOnz+v2NhYxcTEaMWKFcrKylJqaqrpWFf0zTffqE+fPsrKytLIkSPtq6OuW7dO77zzjj799FPDCYHiUdi8eeDAAade5Q9wFoVdR1lZWfLLE/+NAAAgAElEQVT29i7lRAAAlJ5z586pfPnyV1zFnQ/M43qwXSAKLK66hAIrAO6IAisUlxtxtUcUHecNANN8fX3l6+ubr62gIhRnc99992nmzJkKDQ1VWlqamjZtqubNm2v+/Pnau3evU6/Ie+7cOf3888/2wuy/HwcHB5uMV6Dly5erUqVK8vR0zVtHd911lyzL0vLly+1tfy2Gd+Yiq8jISH3xxReaMGGCPv74Y5d8DKpUqaLu3bsrJydHp06dUnp6uulIV5WWlqbNmzcrJiZGmzZt0vHjx9W6dWvTsQrVtm1bHTt2TFlZWbrlllt04MABff7556pdu3a+cx9wdWPHjr1iHwVWwLV57bXXrthHgRXc1YkTJzRlyhTt2rVLZ8+etbe76naBl+Tk5Oj8+fP2Y1cvDomPj1dCQkK+x8hVtwuULq4g/vfxuPJ2gUlJSXryyScvu45cbbvAli1bKj4+Xt7e3vnuDbjyB+bHjx+v6dOnq3///pet/C5JK1euNJDKcY8++qiWLl2qpk2bFjgeZ3ruZiUrAAAAAADg9IKDg7V3715JF98k2rZtm1atWqWMjAy1a9dOu3fvNpzwygIDAwu8QSRdLPw5cOBAKSe6utDQUKWnp2vQoEEKDw9XUFCQ6UhF4korn5UpU0be3t75tqGW/n81N2e9md2pU6d8hZD169dX8+bNlZycrCFDhmjChAmmIxYoMjJSMTExSktLU4sWLdS+fXu1b99ezZo1c/oCt8J+50OHDnXq4lMAAICS1rNnT7Vu3VpRUVGaNWuW5s2bp7CwML300kumozlk+/btioiIyPeBHUkuWRxyyfTp0/Xhhx/q8OHDateunb7++mt16NBBq1atMh3NIU8++aSSkpK0Y8cOPfTQQ/roo4/UqVMnRUVFmY7msPbt22vEiBF68cUX9cEHH+iNN95QYGCgJk6caDraDW/16tXq0aOHlixZUmD/4MGDSzlR0ezYsUONGzd2ia1eKbICAAAAAABOr1GjRoqPj5ck9enTR127dtU///nPy/pQfOLi4rRo0SJ98MEHCg4OVkREhAYMGOASn5S+UvHJwYMHNWTIEKcuPjl06JBOnjyp9evXq1evXpcV+gQEBBhKVjhXLYScMmWK2rdvrxYtWqhcuXKm41wXV/2dA8Xpueee0yuvvGI6BuDSBg8efMU3aAFXFhoaqoSEBIWEhGj37t06f/68unbtqo0bN5qO5pAWLVpozpw5GjFihL755hv9+9//1k033VToio/Orn79+oqLi1OLFi2UkJCgX3/9VZMmTdKHH35oOppDGjRooF27diksLEy7du1Senq6hg0bptWrV5uO5rBL91saNGigPXv2yGaz6d5779XmzZtNR7tuubm5Cg0N1Z49e0xHKTa5ubmaOHGipk+fbjpKscjNzdWQIUO0dOlS01EKVcZ0AAAAAAAAgKspU6aMUlNTdfr0aW3ZsiXfJ9iys7MNJnNfTZo00VtvvaW0tDSNHDlSy5cv1+23367IyEjT0a7qyJEjCg0NlSS9//77ateunb788kt9++23Tr+N2po1a9SuXTutXLlSjRs3Vnx8vAICAuxfzuqvK299++239i0Zq1SpIg8PD1Oxrmry5Mlq27atyxVYSYX/zp19FS6guDj7GzCAK3DFN8qBa3Hp77vy5cvrjz/+kKenp1JTUw2nctyFCxfUvHlz5eTkqFKlSnruuef0+eefm45VJBUqVFCFChWUl5cnm82moKAgHTx40HQsh1WoUEFlypSRZVm6cOGCfH19deTIEdOxiqRs2bKSpEqVKunQoUM6d+6cDh06ZDiVYzw8POTn56czZ86YjlJsPDw8nGobvaLy8PBwiWuGV9sAAAAAAMDpTZw4UY0bN1bZsmXVvn171atXT9LFwoLAwECz4dxc+fLlNWDAAFWoUEGvvvqqPvjgA82fP990rEK5cvHJ3LlztXv3bvn5+WnPnj0aOXKkevfubTrWVV0qhKxSpYq2bNmiadOm2fvc6Sa2Mynsd07xKdxJs2bNCmy32WxOu4Uq4Gx8fHwKbLfZbPrzzz9LOQ1QOoKCgvTHH39o4MCBatGihW6++WaFhYWZjuWwS69jqlatqoSEBPn5+blsscslFStW1IULFxQaGqrx48fLz8/Ppf+OrVSpkrKzs3X33Xdr8ODBql69ur1IyVW1a9dOf/zxh0aPHq0mTZqofPny6tevn+lYDqtXr57atGmjAQMGyNvb294+atQog6mKpkePHpo+fbqGDh2ab0yusAp5QTp27KiRI0deNp7g4GCDqfJju0AAAAAAAOAS0tPTdfToUTVs2FCWZUmS0tLSlJOTI39/f8Pp3NOePXu0cOFCvf/++6pdu7bCw8P14IMP5rvR5YyaNGmiTz/9VFWqVJG/v79iY2PthXl33nmnfvnlF8MJrywsLEw7d+684rGz+uSTTzRy5EiVLVtWLVq00McffyzpYpHbiy++qHXr1hlO6H74neNGccstt2jFihWXvVFks9n0wAMPKD093VAywHVUq1ZNGzdu1M0335yv3WazqXXr1i6xagRQFNu2bVNGRoa6deumMmVcc6On119/XYMGDdKOHTvUr18/5eTkaMqUKXrmmWdMR3PYjz/+qFq1aik7O1sTJ05URkaGXnjhBTVs2NB0NIekp6erSpUqys3N1ezZs5WRkaEnnnhCNWvWNB2tWKSkpCgzM1P169c3HcVhQ4cOvazNsiwtXLjQQJriUdBzmmVZys3NNZCm6GrVqnVZm2VZOnDggIE0BaPICgAAAAAAAPnMnTtXCxcuVGpqqgYOHKjw8HCn+tTg1bhy8UlwcLCio6N16ZZdv3798h078+NAIWTp43eOG0H79u31yiuvqFWrVpf11axZUykpKQZSAa6lS5cuGj9+vNq3b39ZX+PGjbVjxw4DqYCSNWrUKM2dO/eqba7owoULOnv2rCpVqmQ6SpGsW7dOXbp0uWqbq1i4cKHCw8Ov2uZKevXqpU8//fSqbcCNhCIrAAAAAAAA5NOtWzdFRESoZ8+eLru9gasWnwQGBtrz/p2zfXoTAErDoUOHVLlyZVWpUuWyvvPnz6tcuXIGUgGu5fTp0ypbtizXC24ojRo1Unx8fL42V1kltiDNmjXT9u3br9rmSgp6jApqcxXuNh6p4PwNGjTQnj17DCUqmpycHM2ZM0cbNmyQZVnq1KmTHn/8cft2nK7qyJEj2rp1qyzL0t13360aNWqYjlQkcXFx2rhxoyzLUocOHdS4cWPTkfJx7bMFAAAAAAAAxW7t2rWmIxSZr6+vfH1987W5wo3GgwcPmo4AAE4lICDgin0UjADXxsvLy3QEoNR89NFHWrlypQ4ePKgBAwbY2zMzM136WsjJycl3nJubq6ysLENpimb//v1KTEzUyZMn8732zMzMVHZ2tsFkjomLi9P333+vEydO5FspLTMzU+fPnzeYzHHvvvuu5s+fr8TERDVr1szenpmZqaCgIIPJimbs2LFKSkrS8OHDJUlRUVFKTk7Wv//9b8PJHPfZZ58pIiJCd999tyRp9OjRioqKUo8ePQwnc8y7776rl156SX369JEk9enTRy+88IKGDRtmONn/o8gKAAAAAAAAAAA4pby8PEVFRWnFihU6fPiwJMnf318PPvigIiIi5OHhYTgh4Pyys7P18ssva8WKFUpLS5Mk3X777XrwwQc1ceJEeXt7G04IFJ969eqpe/fu2r59u7p3725vr1y5sjp06GAwmWNmzpypGTNmKDMzUz4+Pvb27OxsPfLIIwaTOW7btm1avHix0tPTNXPmTHt75cqVNWvWLIPJHHPkyBHFxcXp9OnT+uGHH+ztlStX1uLFi80FK4L77rtPdevW1ciRIy97jEJCQgwmK5qYmBglJCSoTJkykqT7779fjRo1MpyqaKZMmaLvvvtOderUkSQlJSWpf//+Lltk9cYbb2jHjh2qVq2aJOm5555Thw4dnKrIiu0CAQAAAAAAAACAUxoxYoSOHj2qESNGKDAwUDabTYcOHdI777yj6tWra968eaYjAk6vf//+ql69ukaNGqXAwEBJUnJyst5++22lpaUpOjrabECgBPz222/2N+ldWWZmpjIyMjRy5Ei988479vYrbaXrSqKiohQREWE6RrH58ssv1bVrV9MxUIgGDRpo586d9u0BL1y4oEaNGrns9oeS1LBhQ+3atStfW2hoqBISEgwlKpqQkBDt3r07X1tBYzSJIisAAAAAAAAAAOCU6tatq3379l3WbrPZVLduXe3fv99AKsC11KtXT4mJidfdB7iiOXPm6IknntC4ceMK7J8xY0YpJ8LfJScnq1atWtq7d2+B/cHBwaWcqGi2bdum1q1b59v68K+6detWyomKbvz48Zo+fbr69+8vy7Iu61+5cqWBVEX39NNPa+fOnYqIiJBlWVq8eLFCQkLyrdblajp16qQHH3xQ4eHhsixLS5Ys0dKlS7VhwwbT0RzSp08f/eMf/9Bjjz0my7I0f/587dq1S5988onpaHZsFwgAAAAAAAAAAJySZVk6ceKEbr311nztJ06cKPBNPwCX8/Dw0L59+1S3bt187YmJiWy5CbdToUIFSZKXl5fhJMXj0Ucf1dKlS9W0adMC573t27cbSFU0jz/+uL744ot82zleYlmWDhw4YCCV4xYvXqzWrVsXWKhjWZZLFlndfffdki5up+dOZsyYofnz5+uTTz6RzWZT7969NXz4cNOxiuTtt9/WwIEDNXr0aEkXV7FatmyZ4VSOe+eddzRmzBiFhITIsix17Ngx3yp+zoCVrAAAAAAAAAAAgFOKiorSpEmT1KdPHwUEBMiyLCUnJ+vTTz/VlClT3GqbIaCkfPHFFxo2bJiaNm2a7zqKi4vTggUL3O5NdMCd7NixQ40bN9aWLVsK7G/Xrl0pJwJc17p169SlS5ertrmirKws2Ww2VapUyXSUIrnShyv+3mYSRVYAAAAAAAAAAMBpJScnKzo6WocPH5Yk+fv7q2/fvqpVq5bhZIDrOH36tL788st811GXLl3k7e1tOBlQvObOnVto/6hRo0opCa4kOzu70P6KFSuWUpLicaVtDy9xte0PJV1xu81LXHXbzUaNGik+Pv6qba6kWbNml61oV1Cbq3CFx4jtAgEAAAAAAAAAgNOqVauWnn76adMxAJfm5eWlfv36mY4BlLgffvjhin2uuM1s//79C829cuXKUkxTPLy9vWVZlgpaC8ayLOXm5hpI5biCtj28xBW3P5TcZ7vNS/bv36/ExESdPHlSa9eutbdnZmZetejP2eXk5OQ7zs3NVVZWlqE0jsvJydH58+eVl5enM2fO2J8fnPExosgKAAAAAAAAAAA4rdjYWCUnJ6tDhw7y9fW1ty9ZskSDBw82mAxwHR988IEOHDig7t27q2HDhvb2qVOn6tlnnzWYDCheixYtMh2hWLnjdp55eXmmIxSr5ORk0xGK3eTJk01HKFbbtm3T4sWLlZ6erpkzZ9rbK1eurFmzZhlM5riZM2dqxowZyszMlI+Pj709OztbjzzyiMFkjnnllVc0ZcoUSfmL/CpXrqynnnrKVKwCsV0gAAAAAAAAAABwSm+++abmzJmjO++8U999953mzZunPn36SHK+rUMAZ/X8889ry5YtCg0N1ccff6wJEyboiSeekMR1BPeVk5OjOXPmaMOGDbIsS506ddLjjz8uT0/WIHEmR44c0datW2VZlu6++27VqFHDdKQiiYuL08aNG2VZljp06KDGjRubjlQkp06d0sSJE/NdRy+//LIqVapkOppDoqKiFBERYTpGscjMzFRGRoZGjhypd955x95euXJlValSxWCyohk5cqTefvtt0zEKVcZ0AAAAAAAAAAAAgIK8++672rFjh1avXq0tW7ZowoQJWrZsmSQVuM0QgMt9/vnn2rhxo9544w3t3LlTy5cv16uvviqJ6wjua+zYsdq0aZOGDx+uyMhIbdq0SWPHjjUdy2FHjx7V/fffLy8vL3l5ealnz546evSo6VhF8tlnn6lhw4ZasWKF3n//fYWGhmr16tWmYzns3XffVZ8+fXT06FGlpaWpT58+WrBggelYRTJq1CidP3/e/hhduHBBo0aNMh3LYbm5ufrjjz/sx7///rveffddg4kcd/PNNyswMFDz5s2Tr6+vAgICFBAQoJtuukkpKSmm4zksPDxcp06dsh+fOnVKcXFxBhNdjpWsAAAAAAAAAACAUwoJCdHu3bvtx6mpqerUqZMmTJigOXPmsAIPcA3q16+vH3/80X588uRJde3aVV26dNGqVau4juCWQkJClJCQoDJlLq45kpOTo0aNGuWbU1xJjx491LJlS3uByzvvvKNt27a5dFFSo0aNtHLlStWpU0eSlJSUpP79+7vsc1JISIg2btyoatWqSZJ+++03dejQwWXPOUlq2LChdu3addU2VxEaGqqEhISrtrmSZs2a6ZtvvlGFChUkSWfOnNE999yj77//3nAyxzRq1Eg//PCDPDw8JF187m7evLl27NhhONn/Yz1EAAAAAAAAAADglDw9PXX8+HH5+PhIkvz8/LRx40Z17NjRpT+lD5Qmb29vHTx4UIGBgZIubiX01VdfqXPnzvrpp5/MhgNKiM1mU15enr3IymazufTKbSkpKfkKqiZMmKDQ0FCDiYouNzfXXmAlSbVr11ZeXp7BREV3qcDq0n9blmUwTdHl5ubq1KlT9u0BT58+7dKPUUHPAa48Hkk6f/68vcBKkm666SadO3fOYKKiycvLsxdYSRdfC+Tk5BhMdDm2CwQAAAAAAAAAAE5pwoQJSkpKytdWo0YNbdy4UQ899JChVIBrmTp1qjIzM/O1eXt7a/369Zo8ebKhVEDJ6ty5szp37qz3339fK1as0P3336+uXbuajuWwvLw8HTt2zH58/Phxly4akyQfHx9FRUXZx7FkyRLdeuuthlM5rk6dOnruueeUlpamo0ePasqUKapdu7bpWEUyaNAgtWjRQq+++qqmTp2qVq1aafDgwaZjOey2225TdHS0/Tg6OlrVq1c3mKjoLMvS8ePH7cfp6eku/dxQrly5fH/779+/X2XLljWY6HJsFwgAAAAAAAAAAJzSRx99pG7dusnLy8t0FMBlzZw5U7169VLdunVNRwFKTV5enubNm6eNGzfKZrOpU6dOioyMtK9s5WqWLl2qcePGqUePHrIsS2vXrtXUqVM1cOBA09EclpSUpEceeUQJCQmyLEuhoaFavny57rjjDtPRHHL8+HGNGTNGGzZskCR16tRJc+bMsa/G6aq+/PLLfNdRly5dTEdy2C+//KL//M//VG5urqSLBT2fffaZS8+PixYt0tSpUzVo0CBJ0nvvvafnn3/efuxq1qxZo2HDhql79+6SLp5/UVFRTnXeUWQFAAAAAAAAAACc0ujRo7Vu3Trdeeed6tWrl3r27Onyb1YCpe21117TZ599pszMTPXs2VO9e/dW48aNTccCcJ1+/PFHxcTEyGazqUOHDgoODjYdqVhkZWXJZrPZt6SD8zl27Jgsy5Kvr6/pKEWWm5urX3/9VZIUFBSUb2s6VxUTE6O1a9dKknr06KE2bdoYTlQ0iYmJ9mLFzp07O92KcBRZAQAAAAAAAAAApxYXF6dVq1bp888/V5UqVdSrVy/16tXLZVe7AEw4fvy4PvvsM3366adKTExU165d1atXL91zzz0uu7oPcCWpqakaPny4YmJiJEn33nuv5s6dq5o1a5oNVgRnzpzRrl27ZFmWQkJCdNNNN5mOVGQff/yxNmzYIMuy1KlTJ/Xp08d0JIdduHBBc+bMyTee0aNHq1y5cqajOWz37t16+OGHlZaWJkm6/fbb9f7776tBgwaGk12fc+fOqXz58srOzi6wv2LFiqWcCK6MIisAAAAAAAAAAOAy9u3bp1WrVunTTz9Vdna2EhISTEcCXE5WVpbWrl2rVatW6fvvv9eBAwdMRwKKVfv27dWtWzdFRkbKZrNpwYIFWrNmjTZv3mw6mkM2b96shx9+WLfddptsNpvS09O1YsUKtWvXznQ0h40bN06bN2+2b3n4/vvvq3379po2bZrhZI4JDw/X77//rvDwcEkXt3GrWrWqoqKiDCdzXLNmzfTMM8+of//+ki4WxU2fPl0//PCD4WTXp1GjRoqPj1eZMmVkWZa93WazybIs+/aBrmT8+PGaPn26+vfvn29Ml6xcudJAKsc9+uijWrp0qZo2bVrgeLZv324gVcEosgIAAAAAAAAAAC4jMzNTN998s6SL29dUr17dcCLAtV24cEFly5Y1HQMoVmFhYdq5c+dV21xFgwYNtGDBAjVv3lzSxYKDiIgI7dmzx3AyxwUFBSkhIcG+IteZM2cUGhpq38rN1QQHB+unn36yF4jk5uaqQYMG2rt3r+FkjmvSpIni4uLytTVt2tTliqzc0erVq9WjRw8tWbKkwP7BgweXcqKi2bFjhxo3bqwtW7YU2O9MBaWepgMAAAAAAAAAAABcq7CwMPuqOxRYAVfXpEkTDRw4UAMHDtStt956WT8FVnBHtWvX1v79+1WnTh1J0v79+3XXXXcZTuU4Ly8ve4GVdHGFIS8vL4OJiq5GjRoqX768/bhcuXKqUaOGwURFU6NGDZ09e9ZeNHb+/Hn5+fkZTlU0ISEh+p//+R+1adNGkrR169Z856Gr6N27t4YNG6auXbu6zfa4eXl5ys3NdbliqivZunWratWq5VTFVFfiHmcQAAAAAAAAAABwOz4+Ppd9HT58WNWqVZOPj4/peIBLOHr0qDZu3KiAgAD1799fX331ldjoBu7u5MmTatiwoTp37qzOnTsrNDRUGRkZGjBggAYMGGA63nVr06aNli1bZj9evny5unbtajBR0YWGhqpbt25asWKFVqxYoR49eqh169Zau3at1q5dazredbvjjjvUsmVLTZ06VVOnTlXr1q0VHBysuXPnau7cuabjOSQ+Pl733HOPgoKCFBQUpHbt2ik2NlbNmjVTs2bNTMe7Zm3atNGzzz6rmjVrauLEidq/f7/pSEU2efJk+fn5afz48UpMTDQdp8g2bdqkgIAAPfDAA/r6669NxykU2wUCAAAAAAAAAACn1KFDB91xxx2aMGGCPD09ZbPZ1KZNG23dulWSFBAQYDgh4PwubZGWlpam9957T4sWLdKZM2c0ZMgQhYeHKzAw0HREoNhdaQutS1xt9Zdq1arp999/t6/8dO7cOVWtWlWSZFmWjh8/bjKeQ9q3b3/FPsuytGnTplJMU3RDhw69Yp9lWVq4cGEppikeV9q67RJXWHXor7Zv365Fixbpww8/VEhIiCIiItS/f39VqFDBdDSHxMXFadGiRfrggw8UHBysiIgIDRgwQBUrVjQdzSHHjx/XkiVLtHjxYmVlZWno0KEaOnSo0/29T5EVAAAAAAAAAABwWm+++aY+/PBDzZ07Vw0aNNAdd9xh3y4QwNU1atRI8fHx+dq++eYbLVq0SJ988okyMzMNJQNwrQ4dOlRov7MVIcC9pKeny7Ist1lF9OzZs4qOjtasWbOUnJysjIwM05GK5Ny5c4qOjtaiRYsUFxen/v37a/78+aZjFcm3336rRYsWKTo6Wk2aNNH69etNR7Jju0AAAAAAAAAAAOC0Ro8erYULF2rMmDH617/+pby8PNORAJdS0HoLbdu21aJFi3TkyBEDiYCSd/ToUd1///3y8vKSl5eXevbsqaNHj5qO5bCAgAD5+Pjo2LFjSk9Pl4+PjwICAuxfrio6OlojR47UqFGjtGrVKtNxiiQnJ0ezZs1S165d1a1bN73++uvKyckxHatIfv75ZzVo0EB33nmngoKCFBISol9++cV0rCLJzc3VunXr9OGHHyopKUk9e/Y0HanIypcvrwEDBmjkyJGqXbu2PvjgA9ORiqxu3br6xz/+IV9fXyUlJZmOkw9FVgAAAAAAAAAAwKnVrVtXmzZtUsWKFdWgQQPTcQCX8tprr12xz9vbuxSTAKUnMjJSrVq10pEjR3TkyBG1atVKkZGRpmM57Ntvv1Xt2rU1YsQIRUZGqk6dOoqNjTUdq0hefPFFvfLKKwoKClK9evX0yiuv6OWXXzYdy2Fjx47Vpk2bNHz4cEVGRmrTpk0aO3as6VhFMmrUKD377LPKyMhQRkaGJk6cqJEjR5qO5ZCffvpJY8eOVY0aNTR16lR1795dKSkpV91a1Nnt2bNH//Vf/6Xbb79dr732mkaMGKG0tDTTsRySl5en1atXq3fv3qpTp47i4uL0xhtvOF2RFdsFAgAAAAAAAAAAAADcRmhoqBISEq7a5ipatGihWbNmqXXr1pIuFl2NHTtW3333neFkjgsJCdF3332nihUrSpJOnz6tli1bavfu3YaTOSYkJEQJCQkqU+biOjc5OTlq1KiRy45HKviaCQsL086dOw0lckzTpk116NAhPfLIIwoPD3eLgv25c+dq4cKFSk1N1cCBAxUeHq7g4GDTsRz2zDPPaPny5fL19VV4eLgGDhyoKlWqmI5VIFayAgAAAAAAAAAATik7O1sTJ05UrVq1VL58eZUvX1533HGHJk6cqKysLNPxAJfAdYQbUV5eno4dO2Y/Pn78eIFbZ7qKs2fP2gusJKlVq1Y6e/aswURFZ7PZ7AVWkuTl5eXSj5HNZsu3pbHNZnPp8UiSh4eH9u7daz/+9ddf7UVkruSZZ55RamqqXn/9dbcosJKkL774Qs8++6xSUlL02muvuXSBlXSxyHL16tXauXOnHn/8cactsJIkT9MBAAAAAAAAAAAACjJ48GBVr15da9euVWBgoCQpOTlZb7/9tgYPHqzo6GizAQEXwHWEG9EzzzyjsLAw9ejRQ5Zlae3atZo6darpWA6rWLGiNmzYoI4dO0qSYmJi8hUouaJmzZpp0KBBGjFihCzL0rvvvqumTZuajuWwzr7TYdcAACAASURBVJ07q3PnzoqIiJBlWVq8eLG6du1qOlaRvPLKK2rXrp3CwsJkWZYSEhK0dOlS07Gu24ABA0xHKHZr1641HaFYzZ0713SEa8Z2gQAAAAAAAAAAwCnVq1dPiYmJ190H4P9xHeFG9dNPP2nz5s2y2Wzq0KGDS6/0EhcXp759+6p8+fKyLEvnzp1TdHS0GjdubDqaw06fPq2XXnpJGzZskM1mU6dOnfTCCy/Iy8vLdDSH5OXlaf78+fnGExkZ6ZIrP/3Vb7/9pu+//142m00tW7bUrbfeajoSYBQrWQEAAAAAAAAAAKfk4eGhffv2qW7duvnaExMT5eHhYSgV4Fq4jnCjyc3NVZcuXfT111/rrrvuMh2nyGw2m26//Xbt379fv/76q2w2m+68806VLVvWdDSH5ebmasGCBZo2bZrpKMUiNzdXEydO1PTp0zVixAjTcYpFbm6uQkNDtWfPHt1///2m4wBOgyIrAAAAAAAAAADglGbOnKk2bdqoadOmCggIkGVZSk5OVlxcnBYsWGA6HuASuI5wo/Hw8JDNZlNubq7bFBJ27dpVCQkJql+/vukoxcLDw0PR0dF64oknTEcpFh4eHtq+fbvpGMXKw8NDfn5+OnPmjG666SbTcQCnwXaBAAAAAAAAAADAaZ0+fVpffvmlDh8+LEny9/dXly5d5O3tbTgZ4Dq4jnCjef7557Vr1y49+uij+c7zbt26GUzluL59+2r+/PmqWrWq6SjF5qWXXlK9evX0wAMPmI5SLGbPnq0LFy5o6NCh+c65ihUrGkxVNE888YS2bdumAQMG5BvTqFGjDKZyXHx8vCZOnKgDBw4oJyfH3n7gwAGDqYomJydH0dHRSkpKyjemSZMmGUzluD///FPz5s27bDwLFy40mCo/iqwAAAAAAAAAAIBTeuyxx9S7d2/dc8898vRkcw7AEVxHuBG1b9/+sjbLsrRp0yYDaYpu0KBBiomJ0f3335+v2GXGjBkGUxVNtWrV9Pvvv+umm26Sl5eXbDabLMvS8ePHTUdzSJkyZez/bVmWfTy5ubkGUxXN0KFDL2uzLMupCl6uR4MGDTR69Gi1bNky3yp3rrytaL9+/XTs2DE1a9Ys35hmzpxpMJXjOnbsqGrVql32GD32v+zde1jUZf7/8dcHUBERtcTDZoFpoG6e8QShqKiJ5pqam0mr2W6llm22m5ulZml5qnXNyyxNM7WDpyw3My3FCjA8okmgcfAEHtCkXEScYX5/9HO+kkrbzKw3Q8/Hdc11zdwfDs8PNPSH7+u+R482WFUaQ1YAAAAAAAAAAKBcWrVqldauXaukpCRFRkbq7rvvVu/evb16VwjgeuN9BHi/yZMnX3V90qRJ17nEcw4dOnTV9ZCQkOtcgmvJz89X7dq1f3HNW7Rq1Up79uwxneFR4eHhSk9Pl2VZplM84ve//732799vOqNMPr/8IQAAAAAAAAAAANffoEGDtGzZMh04cEDDhg3T5s2b1aJFC/Xr10+LFi1Sfn6+6USg3ON9hN+i9u3b/1dr3uLuu+/WpEmTSj3uvvtu01luWbp0qUJCQko9li5dajrLZVc7Qs9bj9W7pGfPnv/VmreIiorS7t27TWd41C233KKLFy+azvCYRo0aqaCgwHRGmdjJCgAAAAAAAAAAeJWUlBR98MEH+ve//619+/aZzgG8Eu8jVGRt2rTRrl27nK/tdruaN2+utLQ0g1Wu+/n9XGvNm1S0e7pae+vWrb1yqMdms6m4uFiRkZFKTk7WpZGSgoICde3aVenp6YYLXdO6dWulpaUpPDxc/v7+zvWUlBSDVe4ZPXq0UlNTNWDAgFL35K0DfkOHDlVKSop69+5d6n7K09GoHLwMAAAAAAAAAAC8Svv27RUfH68DBw6YTgG8Fu8jVEQzZ87UjBkzVFBQoDp16jjXCwsLNXToUINlrsnPz9fJkydVVFSkb7/9ttSwy3/+8x/Dda7ZtGmTNm7cqNzcXD311FPO9fK+e821rFy5UitWrFBOTo4GDx7sXC8oKFC1atUMlrlu6tSpmjx5sizLKnUPQUFBevLJJw2WuWf27NmmEzyusLBQt912W6lhaW8+OjAsLExhYWGmM8rEkBUAAAAAAAAAACiXytpx5Ny5c9exBPBevI/wW/LQQw/pnnvu0ciRIzV//nznelBQkGrVqmWwzDXLly/X7NmzlZubq7i4OOd6jRo1Sg0oeZPKlSsrMDDwigGe+vXr6+mnnzZY5pqwsDD16dNHKSkp6tOnj3M9KChI3bt3N1jmuktHUo4cOVKvvfaa6RyPsNvtWrhwoVcfSflzdrtdffv21cCBA02neITdblfNmjX1+OOPm04pE8cFAgAAAAAAAACAcsnHx0ehoaG62j9lHDt2TMXFxQaqAO/C+wi/VSdPnlRGRoaio6Nls9lUUlKiypUrm85yyQsvvKAJEyaYzvCo1NRUtWzZ0nSGx5w6dUrBwcGy2Wzy86s4e93s2bNHaWlpuu+++3T27FmdP39e9evXN53lkm7dumnz5s2mMzwqKipKiYmJpjM8pkuXLtq6davpjDL5mA4AAAAAAAAAAAC4mpCQEH311VfKzs6+4lG3bl3TeYBX4H2E36IPPvhA7du31/333y9J2r9/v/r372+4ynUTJkzQhx9+qOnTp0uScnNzSx0P5o1q166t/v37q23btpJ+Gubx5uPcTp06pVatWqlhw4aSpJ07d2rcuHGGq9wzf/58DRs2zDngd/r0aa88dvOS2NhYjRw5UikpKUpLS3M+vFlERISSk5NNZ3hMbGys3n//fdMZZWLICgAAAAAAAAAAlEv9+vVTVlbWVa/94Q9/uM41gHfifYTfoqlTp2rnzp3OIwJbtmypQ4cOGa5y3XPPPaf58+frzTfflCRZlqVHHnnEcJV7Hn74YQ0aNEg2m02SdPvttzvvzxuNHj1ac+fOVe3atSVJbdq00ccff2y4yj2vv/66tm3bpqCgIElSo0aNdPLkScNVrluwYIE2bNigP/7xj+rTp4/69Omjvn37ms5yyxdffKHo6Gg1a9ZM7du3dz681Zw5czRkyBBVq1ZNderUUXBwsOrUqWM6q5SKs08dAAAAAAAAAACoUP71r39d89rcuXOvYwngvXgf4bfIx8dHN954Y6k1bz0qUJLWrl2rnTt3KiIiQpJUv359/fjjj4ar3HP8+HHFx8fr5ZdfliT5+fl59TF7P/74o+644w7na8uyVKlSJYNF7qtcubKqVq1aas2bf0fZ2dmmEzzOm3d/u5odO3aYTvhF3vsOAAAAAAAAAAAAAADgZ6pXr64TJ07IsixJ0pYtW5y7Wnkjf39/+fr6ms7wKD8/PzkcDufr77//XiUlJQaL3OPn56eLFy86/5s7evSofHy8+2Cx4OBgHThwwHlPS5cu1c0332y4yj0ffvih0tPTNW7cOOXm5ur06dNq3ry56SyXdenSRXa7XUeOHFFoaKjpHLeFhITo5MmTysjIUHR0tGw2W7n7u+Dd72oAAAAAAAAAAAAAAC4zffp0xcXFKTs7WzExMYqPj9esWbNMZ7ksJCREX331lSzLUklJiaZMmeLVgyGSdM899+iRRx7Rjz/+qLfeeku9evXSgw8+aDrLZY8++qjuvvtu5efn67nnnlPnzp3197//3XSWW2bPnq34+HhlZGQoNDRUL730klfvnFQRj9388ssvFRISos6dO0uStm/frvvvv99wlevWrFmj9u3bO+9h//796t+/v+Gq0izH5eOhAAAAAAAAAAAAAAB4uYKCAiUlJcnhcCgyMlI1a9Y0neSyEydOaNiwYdq8ebN8fHwUHR2t5cuXq06dOqbT3PLuu+9q7dq1cjgc6tevn+Lj400nuSUpKUkffvihHA6H7rrrLkVHR5tOcltJSYkyMjLkcDgUHh7u1TuqtWrVynns5u7duyVJLVq00N69ew2Xua5Tp05atmyZBg0a5Lyn3//+99q/f7/hMtdERETo008/VWxsbLm9H44LBAAAAAAAAAAAAABUKDVq1FDv3r1NZ3hE3bp1tWHDBhUWFqqkpESBgYGmkzxiyJAhGjJkiOkMj4mMjFRkZKTpDLcVFhaWeh0SEiJJunDhgiQpICDgujd5QkU8dtNms6lRo0al1ipXrmyoxn0+Pj668cYbS62Vt/thyAoAAAAAAAAAAAAA4PWutbOTw+GQZVk6efLkdS5yT1paWpnXmzVrdp1KPOepp54q8/qMGTOuU4lnDB48uMzrK1asuE4lnhMYGCjLsiT99N65nGVZstvtJrLc9vNjN1988UWvP3bT399f586dc/6+9u/fL39/f8NVrqtevbpOnDjhvJ8tW7aoVq1ahqtKY8gKAAAAAAAAAAAAAOD1qlWrpuDgYD344IPq0aOH1+9ac/vtt6tBgwby8/O76rBLVlaWoTLXzZo1S+3atdOdd94pHx8f0zluW716tSIiInTfffd59ZGUl4uOjlZRUZFGjBihIUOGKCgoyHSSR8yZM0fDhg3TN998o4CAAOexm95swoQJ6tWrl3JzczV8+HBt2LBBy5YtM53lsmnTpikuLk7Z2dmKiYnRwYMHtW7dOtNZpViOn/81BgAAAAAAAAAAAADAC33++edatGiRduzYocGDB+uBBx7QrbfeajrLJX/605+UnJysQYMGacSIEbrttttMJ7lt8+bNWrx4sbZt26bBgwdrxIgRVxx35k2ys7O1aNEivf/++2rXrp1GjBih7t27m85yW2ZmphYtWqRVq1apffv2evDBBxUTE2M6yyMq2rGb2dnZ2rBhgxwOh3r27KnGjRubTnJLQUGBkpKS5HA4FBkZWe6GFxmyAgAAAAAAAAAAAABUKAUFBVq+fLmef/55TZkyRX/+859NJ7nkxx9/1HvvvadFixapUqVKGjFihAYPHqyAgADTaW754Ycf9O6772rx4sWqWrWqpk2bpg4dOpjOcpnD4dDGjRv15ptvau/evZozZ4569uxpOsttJSUl+uCDDzRq1CiNGzdOY8eONZ3klry8PGVnZ8tmsznXOnfubLDIPVOmTNGzzz77i2veYtSoUZo3b94vrpnEcYEAAAAAAAAAAAAAgArjxIkTWrJkiZYsWaLWrVurTZs2ppNcVr16df3lL3/RX/7yF23cuFHx8fE6efKknnrqKdNpbgkKClK/fv105swZzZkzR+np6V49ZGVZlm644QbVqlVLRUVFKiwsNJ3ktp07d+rNN9/U+vXrNWDAAPXr1890klumTp2qmTNn6tZbb3UeJWpZllJSUgyXuW7NmjVXDFRdbc1bbNu27Yq15ORkAyXXxpAVAAAAAAAAAAAAAMDrffTRR3rzzTd18OBBxcfHa+PGjbrppptMZ7nFZrPpww8/1JtvvqnDhw/rySef1AMPPGA6y2V2u935e8rOztb999+vXbt2qX79+qbTXJKfn6+lS5fqrbfeUt26dTVixAjNmTNHVapUMZ3msjlz5mjx4sW68cYbNWLECL3yyivy9/c3neW2RYsW6bvvvlPt2rVNp7ht06ZN2rhxo3Jzc0sNXBYUFBisct3KlSu1YsUK5eTkaPDgwc71goICVatWzWDZlTguEAAAAAAAAAAAAADg9Xx8fBQREaHOnTvLx8fniuszZswwUOW6sWPHau3aterWrZtGjBihyMhI00luq1evnm655RaNGDHiqse0NWvWzECV66pUqaKWLVvqgQceUEhIyBXX4+LiDFS5x8fHR23atFHDhg1lWdYV11esWGGgyn1RUVFKTEw0neERW7duVUJCgubPn69HHnnEuR4UFKS7775boaGh5uJckJqaqt27d2vSpEl6/vnnnetBQUHq3r27goKCDNaVxpAVAAAAAAAAAAAAAMDrPffcc1cdCrlk0qRJ17HGfT4+PgoPD1dgYOBV78sbjzkLDQ113otlWbp8XMGyLGVlZZlKc0lMTMw1/5uzLEubN2++zkXuW7JkSZnXhw0bdp1KPCMtLU2StGrVKhUUFGjo0KGldubytsG+y6Wmpqply5amMzzm1KlTCg4OliQ5HA6dO3dO1atXN1xVGkNWAAAAAAAAAAAAAACUM1u3bi3zepcuXa5TCeC9GjZseM1r3jjYd7mJEydq7NixqlGjhvr27auvv/5ar7/+ugYOHGg6zSUPPvigXn75ZQUEBKhdu3Y6ePCgZs2apVGjRplOc2LICgAAAAAAAAAAAAAAAPAiLVu2VGpqqjZt2qS5c+dqxowZGjJkiHbt2mU6zSWtWrXSnj17tG7dOq1evVpz5sxRdHS0UlNTTac5XXkQLQAAAAAAAAAAAAAAAFBB9O/f/79a8yY+Pj+N/GzdulX33HOPwsPDDRe559IeUV988YX69u2roKAg5z2WF+WrBgAAAAAAAAAAAAAAAPCgw4cPX7GWmZlpoMRzqlWrpmnTpum9995Tjx49VFJSouLiYtNZLqtXr54eeeQRrVy5UrGxsbp48aLsdrvprFIYsgIAAAAAAAAAAAAAAECFs2DBArVr104HDhxQ+/btnY/w8HA1bNjQdJ5b3nrrLR0/flwzZsxQ3bp1lZWVpaFDh5rOctny5cvVpEkTvffee6pZs6aOHTumsWPHms4qxXJc2m8LAAAAAAAAAAAAAAAvt2vXLo0fP15ZWVmy2WzO9aysLINV7ikpKdHx48dL3c8tt9xisMg9NptNq1evVmZmZql7mjhxosEq1509e1avv/76FfezaNEig1Xu2bBhg/76178qKytLdrtdDodDlmWVu52FfsmhQ4eUnZ2tkSNHav78+c71oKAgtWjRQr6+vgbr8HMnT55URkaGoqOjdfHiRTkcDlWuXNl0lpOf6QAAAAAAAAAAAAAAADxl2LBhevTRR9WpU6cKMUDx1ltvacyYMapUqZJ8fH46rMqyLJ08edJwmevuvfdeHT9+XO3bt68Qv6NBgwYpODi4wvw3J0ljxozRq6++6vX3FBISogYNGigiIkJdunQxneNR+fn5ev7557Vnzx4VFRU511NSUgxWuW7NmjXOnatycnKUlpamp59+WuvXrzdc9n8YsgIAAAAAAAAAAAAAVBi+vr56+OGHTWd4zAsvvKCUlBQ1adLEdIrH7Nu3T+np6bIsy3SKR+Tl5emzzz4zneFRQUFB6tWrl+kMj/D19dWxY8dMZ3jciBEjFBUVpQ0bNujll1/W66+/rtatW5vOctmLL76onTt3KjY2VpLUsmVLHTp0yHBVaT6mAwAAAAAAAAAAAAAA8JSoqCjt3r3bdIbHBAcHV6gBK+mnow4vXrxoOsNjGjVqpIKCAtMZHtWnTx/9+9//Np3hMbGxsRo5cqRSUlKUlpbmfHizw4cPa9y4cfL399ddd92lNWvWKCkpyXSWy3x8fHTjjTeWWitPRwVK7GQFAAAAAAAAAAAAAKhAkpKStHDhQoWHh8vf39+57q1HaA0YMEBz587VfffdV+p+AgICDFa5JywsTN26ddOAAQNK3dOoUaMMVrmuevXqioiIUO/evUvdz4wZMwxWuWfevHk6ffq0AgMD5e/vL4fD4dXHVC5YsECStGHDBueaZVnKysoyleS2SwNIVapU0ZkzZ1SzZk0dPXrUcJXrqlevrhMnTjh3uNuyZYtq1apluKo0hqwAAAAAAAAAAAAAABXG7NmzTSd41D/+8Q9J0pgxY2RZlnPYxW63Gy5zXWFhoW677Tbt27fPuebNRweGhYUpLCzMdIZH7dixw3SCR2VnZ5tO8Ljw8HCdOXNG8fHx6tixo2rUqOHVxwVOnz5dcXFxys7OVkxMjA4ePKh169aZzirFcjgcDtMRAAAAAAAAAAAAAAC4y263a/jw4Vq6dKnpFFyD3W7X2rVrNXDgQNMpHmG32zV37lw9/vjjplM8xm63684779SmTZtMp3jUjh079Pnnn8uyLHXv3l1t27Y1neQxiYmJ+v7779W7d2/5+vqaznFZQUGBkpKS5HA4FBkZqZo1a5pOKsXHdAAAAAAAAAAAAAAAAJ7g6+urY8eOmc7wGLvdrubNm5vO8ChfX1+98sorpjM8xtfXV2vWrDGd4VG+vr5yOBxevVvazy1YsEADBgxQXl6ecnNzNWDAAC1cuNB0lkvS09Odz202myQpKipKffv21bZt20xluWzKlClKTEyUzWZTjRo11Lt3b8XFxZW7ASuJISsAAAAAAAAAAAAAQAUSGxurkSNHKiUlRWlpac6HN/L19VWDBg10/vx50ykeFRERoeTkZNMZHhMbG6v333/fdIZHdezYUf3799eKFSu0fv1658Nbvfrqq9q5c6dmz56t2bNna8eOHZozZ47pLJfcd999zuft27cvde2xxx673jluy8nJ0bBhw1SzZk316tVL06ZN09dff10uh/w4LhAAAAAAAAAAAAAAUGE0bNjwijXLspSVlWWgxn2PP/64EhMTNXjwYAUGBjrXR40aZbDKPa1bt9a+ffsUFhZW6p5SUlIMVrkuODhYp0+fVtWqVVWtWjU5HA5ZlqWTJ0+aTnNZ165dr1izLEubN282UOO+Fi1aaO/evaXWWrZsqdTUVENFrmvdurV27959xfOrvfYmR44cUUJCghISErRlyxbl5+crOjpaH3/8sek0Jz/TAQAAAAAAAAAAAAAAeEp2drbpBI/64Ycf1Lx5c3377bfONcuyDBa5b/bs2aYTPGrHjh2mEzxuy5YtphM8qnHjxnrmmWc0evRoWZalN954Q40aNTKd5ZLL3/8//1vgzX8bbr75Zg0ZMkQNGzZUaGioli1bpj179pjOKoUhKwAAAAAAAAAAAABAhfLhhx8qPT1d48aNU25urk6fPq3mzZubznLJ4sWLTSd4XJcuXWS323XkyBGFhoaaznFbSEiITp48qYyMDEVHR8tms6mkpMR0llvsdrvmzp2r7777Tq+++qoyMzN16NAhdevWzXSaS+bPn68xY8aoRYsWsixLsbGxmj9/vukslxQVFenbb7+Vw+Eo9fzSNW+TnJysLVu2aMuWLTp8+LDatWunzp07a926dQoLCzOdVwrHBQIAAAAAAAAAAAAAKoznnntOX3/9tTIzM3XgwAHl5eVp0KBBSkxMNJ3mkh9++EETJ05UTk6O1q5dq7S0NKWmpmrIkCGm01z25ZdfasiQIfLx8dHhw4e1fft2zZkzR0uXLjWd5pI1a9Zo7NixkqScnBylpqbq6aef1vr16w2XuW7UqFG6ePGivvrqK3377bc6e/asevTooe3bt5tO+80LDQ295o5V3ng0qo+Pjzp27KiJEyfqzjvvNJ1TJoasAAAAAAAAAAAAAAAVRqtWrbRz505FRERo9+7dkqQWLVpo7969hstcc99996lZs2Z677339M033+j8+fPq1KlTuTtG69fo1KmTli1bpkGDBjl/R7///e+1f/9+w2WuiYiI0KeffqrY2NgKcT/ST++jPXv2qHXr1s57atmypVJTUw2X/TpffPFFmdc7d+58nUpwLQkJCdq6dasSEhJ07NgxdejQQV26dFFMTIwaN25sOq8UjgsEAAAAAAAAAAAAAFQY/v7+8vX1NZ3hMenp6XrnnXe0evVqSVLVqlXl7Xup2Gw2NWrUqNRa5cqVDdW4z8fHRzfeeGOpNW++H+mn99Hl7Ha7Vx6B+OSTT16xZlmWcnNzlZeXJ7vdbqAKl4uJiVFMTIwmTZqk4uJiJScnKyEhQX379tW5c+d09OhR04lODFkBAAAAAAAAAAAAACqMkJAQffXVV7IsSyUlJXrxxRfVvHlz01ku+/mwzvnz571+yMrf31/nzp1zHnm2f//+K4Z6vEn16tV14sQJ5/1s2bJFtWrVMlzlnhYtWmj58uVyOBzKycnRSy+95JW7Pv38eMMzZ85oypQpWrZsmSZPnmyoCleTm5urLVu2KCEhQZs3b9bJkycVFRVlOqsUH9MBAAAAAAAAAAAAAAB4ypw5czRlyhR98803CggI0NatW/XPf/7TdJbLunbtqhdffFEXLlxQQkKC/vjHP6p///6ms9wyYcIE9erVS7m5uRo+fLi6d++uF154wXSWy6ZNm6a4uDhlZ2crJiZG8fHxmjVrlukst7zyyiv64osvlJeXpw4dOqikpETTp083neWyoqIivfTSS2ratKlKSkqUlpamZ5991nQWJD300EMKCwtTWFiYFi9erNDQUC1dulTff/+9NmzYYDqvFMvh7SOuAAAAAAAAAAAAAAD8TGFhoUpKShQYGGg6xS02m00zZ87U2rVr5XA41K9fP/3jH/+Qn593H1yVnZ2tDRs2yOFwqGfPnmrcuLHpJLcUFBQoKSlJDodDkZGRqlmzpukkt+Tn56t27dq/uFbelZSUaOHChXrhhRfUpUsXvfDCC2rYsKHpLFxm8uTJ6tq1qzp27Fjuj9lkyAoAAAAAAAAAAAAAUKHk5eUpOztbNpvNueaNR51VVFOmTLliF6GrrXmLUaNGad68eb+45k3atGmjXbt2/eJaedesWTNduHBBkydPVps2ba56HfhvMWQFAAAAAAAAAAAAAKgwpk6dqpkzZ+rWW2+Vr6+vJMmyLKWkpBguc43NZtPq1auVmZlZamhs4sSJBqvcU1EGeC65Wnvr1q21e/duQ0Wus9lsKi4uVmRkpJKTk3VppKSgoEBdu3ZVenq64cJfJzQ0VJZlSfrp78DlIzKWZSkrK8tUGryQd+8fCAAAAAAAAAAAAADAZRYtWqTvvvvO6441u5Z7771Xx48fV/v27Z1DY95q06ZN2rhxo3Jzc/XUU0851wsKCgxWuW7lypVasWKFcnJyNHjwYOd6QUGBqlWrZrDMdVOnTtXkyZNlWVapewgKCtKTTz5psMw1OTk5phNQgTBkBQAAAAAAAAAAAACoMOrVq1dhBqwkad++fUpPT3fuxuPNKleurMDAwCsGeOrXr6+nn37aYJlrwsLC1KdPH6WkpKhPnz7O9aCgnhsnowAAIABJREFUIHXv3t1gmesmTZqkSZMmaeTIkXrttddM5wDlCscFAgAAAAAAAAAAAAC8XlpamiRp1apVKigo0NChQ+Xv7++83qxZM1NpbunRo4c+/vhjVa5c2XSKx6Smpqply5amMzzm1KlTCg4OliQ5HA6dO3dO1atXN1zlniNHjqhu3bqqXLmyEhMTtXv3bg0bNszr7wtwB0NWAAAAAAAAAAAAAACv17Bhw2tesyxLWVlZ17HGffPmzZMk7d+/X6mpqRowYECpobFRo0aZSnPbxIkTNXbsWNWoUUN9+/bV119/rddff10DBw40neaSBx98UC+//LICAgLUrl07HTx4ULNmzfLq31GbNm2UlJSk06dPq2PHjrrjjjtks9m0cuVK02mAMRwXCAAAAAAAAAAAAADwetnZ2aYTPGr79u3O57fddpv27dvnfO3tRwd++OGHev7557Vp0yb5+fkpMTFRQ4YM8dohq507d6pmzZpat26dWrdurS+//FLR0dFePWQlSf7+/vr444/18MMP69lnn61Qu48BrmDICgAAAAAAAAAAAABQYfTv319r1679xbXybvHixZKk/Px81a5du9S1/Px8E0ke4+PjI0naunWr7rnnHoWHhxsucs+lA8S++OIL9e3bV0FBQc579FYXLlzQhQsXtGnTJv31r381nQOUC979rgYAAAAAAAAAAAAA4DKHDx++Yi0zM9NAiWf07Nnzv1rzJtWqVdO0adP03nvvqUePHiopKVFxcbHpLJfVq1dPjzzyiFauXKnY2FhdvHhRdrvddJZbhgwZonr16unw4cOKjIxUXl6eAgICTGcBRjFkBQAAAAAAAAAAAADwegsWLFC7du104MABtW/f3vkIDw9Xw4YNTef9ajabTYWFhSopKdH58+dVWFiowsJC5eXlqbCw0HSeW9566y0dP35cM2bMUN26dZWVlaWhQ4eaznLZ8uXL1aRJE7333nuqWbOmjh07prFjx5rOcsuzzz6r7OxsJScny7IsVa9eXatWrTKdBRhlOS7tWwcAAAAAAAAAAAAAgJc6dOiQsrOzNXLkSM2fP9+5HhQUpBYtWsjX19dg3a83efJkTZ48WZZl6fJ/1g8KCtKTTz6pCRMmGKzDz508eVIZGRmKjo7WxYsX5XA4VLlyZdNZbjlx4oT279+voqIi51pcXJzBIsAshqwAAAAAAAAAAAAAABWC3W7X8OHDtXTpUtMpHjNy5Ei99tprpjM8Kj8/X88//7z27NlTaoAnJSXFYJXr1qxZ49y5KicnR6mpqXr66ae1fv16w2Wue+uttzR58mSdPn1at912m1JTU9WxY0d99dVXptMAYzguEAAAAAAAAAAAAABQIfj6+urYsWOmMzyqog1YSdKIESN000036fjx45owYYLq1KmjXr16mc5y2YsvvqidO3eqVq1akqSWLVvq0KFDhqvc88orr2jXrl1q1KiRdu7cqc2bN6tJkyamswCjGLICAAAAAAAAAAAAAFQYsbGxGjlypFJSUpSWluZ8eCsfHx/5+vpe8fBmhw8f1rhx4+Tv76+77rpLa9asUVJSkuksl/n4+OjGG28stebtRwVWqlRJtWrVks1mkyR17tzZq99HgCf4mQ4AAAAAAAAAAAAAAMBTFixYIEnasGGDc82yLGVlZZlKcsuPP/7ofH7+/Hm9/fbbKi4uNljkvksDSFWqVNGZM2dUs2ZNHT161HCV66pXr64TJ07IsixJ0pYtW5y7WnmrKlWqyOFwKCwsTK+++qpCQkKUn59vOgswiiErAAAAAAAAAAAAAECFkZ2dbTrBo6pVq1bq+dixYxUTE6N//OMfBqvcEx4erjNnzig+Pl4dO3ZUjRo11Lp1a9NZLps+fbri4uKUnZ2tmJgYHTx4UOvWrTOd5ZYpU6bohx9+0IwZM/TII4/o7NmzmjdvnukswCjL4XA4TEcAAAAAAAAAAAAAAOApO3bs0Oeffy7LstS9e3e1bdvWdJLHHDx4UHfeeacyMzNNp3hEYmKivv/+e/Xu3durj0EsKChQUlKSHA6HIiMjVbNmTdNJADzMx3QAAAAAAAAAAAAAAACesmDBAg0YMEB5eXnKzc3VgAEDtHDhQtNZLgsODladOnVUp04d3XDDDYqIiNDEiRNNZ7kkPT3d+dxms0mSoqKi1LdvX23bts1UlsumTJmixMRE2Ww21ahRQ71791ZcXJxXD1j99a9/dT6fO3duqWv333//9c4ByhV2sgIAAAAAAAAAAAAAVBgtWrTQ559/ruDgYEnSqVOn1L17d+3du9dwmWsOHTrkfO7n56d69ep57Y5Pbdq00a5du654frXX3uDPf/6zEhISdPz4cUVFRalr167q2rWrIiIi+B0BFRA7WQEAAAAAAAAAAAAAKpRLA1aXnluWZbDGPSEhIapTp46OHz+uY8eOqbi42HSSyy7fA+bn+8F44/4wCxcu1Hfffadvv/1W8fHxOnjwoIYMGaJatWqpT58+pvNcUtbvCPit8zMdAAAAAAAAAAAAAACApzRu3FjPPPOMRo8eLcuy9MYbb6hRo0ams1yWlJSkQYMGqW7dunI4HDp16pRWrVqlTp06mU771S4fdvv54Js3D8LdfPPNGjJkiBo2bKjQ0FAtW7ZMe/bsMZ3lkrJ+R8BvHUNWAAAAAAAAAAAAAIAKY/78+RozZoxatGghy7IUGxur+fPnm85y2dixY7Vy5UpFRUVJ+mno6oknntC2bdsMl/16RUVF+vbbb+VwOEo9v3TN2yQnJ2vLli3asmWLDh8+rHbt2qlz585at26dwsLCTOe5JDs7W4MHD77iucPhUE5OjsEywDzLwf5uAAAAAAAAAAAAAACUS61atbpiV6SrrXmD0NDQa+6OZFmWsrKyrnORe3x8fNSxY0dNnDhRd955p+kcj1iyZEmZ14cNG3adSoDyh52sAAAAAAAAAAAAAABe74svvijzeufOna9TiWcFBATos88+U2xsrCQpISFBAQEBhqtcU9F2Qtq8ebO2bt2q6dOna8yYMerQoYO6dOmimJgYNW7c2HSeSxiiAq6NnawAAAAAAAAAAAAAAF6vXbt2V6xZlqXc3Fzl5eXJbrcbqHLfjh07NHDgQFWpUkWSVFxcrNWrV6tt27aGy3C54uJiJScnKyEhQe+++67OnTuno0ePms7yiE6dOik5Odl0BmAcO1kBAAAAAAAAAAAAALze9u3bS70+c+aMpkyZomXLlmny5MmGqtwXERGh7777ThkZGXI4HGrSpIkqVapkOguXyc3N1ZYtW5SQkKDNmzfr5MmTioqKMp3lMUVFRaYTgHLBx3QAAAAAAAAAAAAAAACeUlRUpJdeeklNmzZVSUmJ0tLS9Oyzz5rOckulSpUUEBCgzz//XJ9++qnpHPx/Dz30kMLCwhQWFqbFixcrNDRUS5cu1ffff68NGzaYzvMYbz2eEvA0drICAAAAAAAAAAAAAHi9kpISLVy4UC+88IK6dOmibdu2qWHDhqazXNajRw/NnDlTrVq1Um5uriIiItShQwfNnz9f+/fv17hx40wn/ubddNNNWrhwoTp27KjKlSubzvmfSUxMNJ0AlAuWw+FwmI4AAAAAAAAAAAAAAMAdzZo104ULFzR58mS1adPmqte9SbNmzZSWliZJmjVrlhITE/XBBx/o+++/V5cuXbR3717DhajIbDabVq9erczMTNlsNuf6xIkTDVYBZrGTFQAAAAAAAAAAAADA6xUWFsqyLE2YMEGWZeny/UYsy1JWVpbBul/P39/f+TwpKUlxcXGSpFq1asnPj3/qx//Wvffeq+PHj6t9+/by9fU1nQOUC/zlBQAAAAAAAAAAAAB4vZycHNMJHuXj46OjR4+qVq1a2rp1q6ZNm+a8VlhYaLAMvwX79u1Tenq6LMsynQKUGwxZAQAAAAAAAAAAAABQzowfP15t27ZVpUqV1LVrV4WFhUn6aVer0NBQs3Go8G655RZdvHhRlStXNp0ClBuW4/I9EgEAAAAAAAAAAAAAQLlw4sQJ5eXlqWXLls4dhXJzc2Wz2XTLLbcYrkNFNG/ePEnS/v37lZqaqgEDBpQ6unLUqFGm0gDjGLICAAAAAAAAAAAAAACAHnjggWtesyxLixYtuo41QPnCkBUAAAAAAAAAAAAAAACc8vPzVbt27V9cA35LfEwHAAAAAAAAAAAAAAAAoPzo2bPnf7UG/Jb4mQ4AAAAAAAAAAAAAAACAeTabTcXFxSopKdH58+d16XC0goICFRYWGq4DzGInKwAAAAAAAAAAAAAAAGjq1KkKDAzUvn37VK1aNQUGBiowMFBNmzbV0KFDTecBRlmOS2OHAAAAAAAAAAAAAAAA+M0bOXKkXnvtNdMZQLnCkBUAAAAAAAAAAAAAAAAAlMHPdAAAAAAAAAAAAAAAAADKDx8fH1mWdcW63W43UAOUDwxZAQAAAAAAAAAAAAAAwOnHH390Pj9//rzefvttFRcXGywCzOO4QAAAAAAAAAAAAAAAAJQpJiZGCQkJpjMAY3xMBwAAAAAAAAAAAAAAAKD8OnjwoI4cOWI6AzCK4wIBAAAAAAAAAAAAAADgFBwcLMuyJEk2m012u11z5swxXAWYxXGBAAAAAAAAAAAAAAAAcDp06JDzuZ+fn+rVqydfX1+DRYB5HBcIAAAAAAAAAAAAAAAAp5CQENWpU0fHjx/XsWPHVFxcbDoJMI7jAgEAAAAAAAAAAAAAAOCUlJSkQYMGqW7dunI4HDp16pRWrVqlTp06mU4DjOG4QAAAAAAAAAAAAAAAADh17NhRL7/8sqKioiT9NHQ1duxYbdu2zXAZYA7HBQIAAAAAAAAAAAAAAMCpqKjIOWAlSZGRkSoqKjJYBJjHkBUAAAAAAAAAAAAAAACcAgIC9NlnnzlfJyQkKCAgwGARYB7HBQIAAAAAAAAAAAAAAMBpx44dGjhwoKpUqSJJKi4u1urVq9W2bVvDZYA5DFkBAAAAAAAAAAAAAACglIsXLyojI0MOh0NNmjRRpUqVTCcBRnFcIFAOWJbl3GoxISFBlmXJZrMZrrq2Rx99VFOmTPHI13ruued0xx13eORrXU8lJSVq2rSpvv76a9MpAAAAAAAAAAAAAOBxlSpVUkBAgD7//HN9+umnpnMA4xiyQoWXk5Oj4cOH63e/+538/f0VFhamMWPG6OjRo6bTnPLy8tS5c+cyPyYnJ0d+fn7q1q3bdaq6usOHD+udd97RY489ZrTjfy0nJ0eWZV3xOHv2rCTJx8dHf//73/XMM88YLgUAAAAAAAAAAAAAz+jRo4f27NkjScrNzVVERIQ+/fRT/e1vf9P06dMN1wFmMWSFCi0jI0MRERE6ffq03n//fR04cEBLliyRzWbTP//5T9N5TvXq1VPlypXL/Ji3335bw4cP1549e3To0KEyP/bChQuezCtl4cKF6t27t2rUqPE/+x7lSXJysvLy8pyPy+970KBBSkpK0oEDBwwWAgAAAAAAAAAAAIBnHDt2TK1atZIkvfPOO+rSpYs++eQTJScna/ny5YbrALMYskKFNnr0aDVq1EgfffSRoqOjdcstt6hTp06aN2+eJkyY4Py4mTNn6uabb1aVKlXUsWNHpaSkOK9d7Ti74cOHKz4+3vk6NDRUL7/8su655x5Vq1ZNTZs21ebNm0t9zqZNm9ShQwf5+/urbt26GjVqlPPa5ccFXsvbb7+tYcOGqX///lq6dGmpa2+99ZYaNGigd955R40aNVJwcLAkyW63a8KECWrQoIGqV6+umJgY7d271/l5SUlJ6tq1q2rWrKng4GANGTJE+fn5ZXasXLlScXFxpdZOnjyp+Ph43XDDDQoMDFRUVJQyMzMlSTabTU899ZTq1KmjqlWrqkePHjp48OA1v35oaKgWLlxYau1qxylu3LhRzZo1U0BAgAYPHqyioiLNnTtXv/vd71SnTh3NmDHD+fmXdqVau3at2rdvr2rVqikmJkaHDx8u814lqXbt2qpXr57zYVmW81pQUJCioqK0atWqX/w6AAAAAAAAAAAAAFDe+fv7O58nJSU5/224Vq1a8vPzM5UFlAsMWaHCys/P1+bNmzV27NhSgzGX1KxZU9JP07fPPfecpk2bpj179qhFixaKi4vTDz/88Ku+34wZM3TXXXdpz549io6OVnx8vIqLiyVJaWlp6tOnj2JjY7V792598sknatq06X/9tb/66itduHBBd9xxh+699169/fbbV73fxYsXa9WqVUpKSpIkTZ48WevXr9e7776r3bt3KyoqSj169HDe27lz5zRy5Ejt2LFDn3zyiY4cOVJq+OvnTp8+rfT0dLVp06bU+oABA5SZmal169Zp9+7devjhh2Wz2Zw/lyVLlmjx4sXavn27qlatqn79+slut//X9381L730kt5++21t3LhRmzdvVr9+/bR7925t3rxZM2bM0Lhx40oNlEk/DcxNnz5dKSkpKiws1BNPPPGL36dbt26qX7++evTooW3btl1xPSIiQomJiW7dCwAAAAAAAAAAAACUBz4+Pjp69Kj+85//aOvWrerSpYvzWmFhocEywDzGDFFhZWZmyuFwKDw8vMyPmzNnjkaPHq2hQ4dKkubNm6dPPvlES5cu1ejRo//r7zdw4ED96U9/kvTTcNOCBQt04MAB3X777Zo+fbp69uypqVOnOj/+54NKZVmyZIkGDx4sy7LUvXt3nT17VklJSYqMjHR+zIULF7RgwQKFhoZKkoqKijRr1iylpKTo9ttvlyRNnTpVK1eu1EcffaT4+Hj17Nmz1PeZNWuWoqOjZbfb5evre0XHpZ2f6tev71zbsmWLtm/frqysLN10002SpNtuu815fc6cOZo0aZL69Okj6f923dqwYYNzzRXTp09XRESEpJ+O7Vu5cqXWrVunKlWqqEmTJpo2bZq2bt2qFi1aOD9n/Pjx6tq1qyTpiSee0GOPPXbNrx8YGKh//etfioyMlN1u15tvvqkuXbpo9+7datasmfPj6tevr3Xr1rl8HwAAAAAAAAAAAABQXowfP15t27ZVpUqV1LVrV4WFhUn6aVerS/8WDfxWsZMVfvMyMjLUsWNH52s/Pz9FREQoIyPjV32d5s2bO5/Xq1dP0k/H6EnSN998o5iYGJf6ioqKtHLlSt17772SJF9fXw0aNOiK3axq1apV6n9qmZmZOn/+vDp27KjAwEDnIzMzU1lZWZKko0eP6v7779ett96q6tWrq3v37rLZbDp+/Pg1WySpSpUqzrVvvvlGt912m3PA6nIFBQU6ceJEqZ/vDTfcoPDw8F/98/25y3/edevWVePGjUt11a1bV6dOnbrm59SrV0+nT5++5o5atWvX1pgxYxQREaEOHTrojTfeUIcOHTRv3rxSH1e1alWdP3/erXsBAAAAAAAAAAAAgPJgwIAB2rt3r/79739r5cqVzvXQ0FC98cYbBssA89jJChVWo0aNZFmWMjIy1KpVK5e/jo+PjxwOR6m1ixcvXnEEYaVKlZzPL10rKSmRpCs+/9dYu3atCgoK1KlTJ+eaw+FQUFCQZs+e7TwTNyAgoNTnnTt3TpKUkJDgPBrxkhtuuEGSNHz4cBUXF+uNN95QgwYNlJ2drbi4OF28ePGqLTfeeKMk6ezZs6patarb93Y1P/95X6vl5z/vy19fWrv087/W50i/rr9t27Y6cOBAqbUzZ86odu3a//XXAAAAAAAAAAAAAIDyrG7duqpbt26ptd/97neGaoDyg52sUGHVrl1bXbt21ezZs686SFNQUCBJCg8P17Zt25zrNptNO3bsUJMmTSRJwcHBV+zstG/fvl/V0rx5cyUkJPzKO/jJkiVLNHr0aO3Zs8f5SE1NVVBQkD766KNrfl7Tpk1VuXJl5eXlqXHjxqUel4astm3bprFjxyo2NlZNmjRRfn5+mS2NGjVSYGCg0tPTS93bwYMHlZube8XH16hRQ3Xr1i318z1z5owyMjKcP9+f+/nP+9f+rP+X9u7de8UWmGlpaWrZsqWZIAAAAAAAAAAAAAAAcF0wZIUKbe7cucrIyFBsbKw2btyonJwcff3113rsscf0/PPPS5Ief/xxzZs3T++8847S09M1atQonT9/XvHx8ZKk6OhoZWVl6bXXXtPBgwc1fvx45eTk/KqOcePGaePGjXrmmWeUnp6u1NRUzZ079xc/Ly8vT5s2bdLw4cN1++23l3r069dPS5YsuebnBgUF6dFHH9XIkSO1evVqZWdnKzk5WePHj9f+/fsl/TQ0tXTpUh08eFAbNmzQiy++WGaPr6+vunbtqsTEROda165d1a5dOw0cOFCJiYnKzMzU8uXLnccBPv7445o8ebLWr1+v/fv3a/jw4QoJCVGvXr2u+j06d+6sRYsWafv27dqxY4eeeuqpX/w5/S+8/fbbWrFihQ4cOKD9+/dr7Nix+vLLL/XQQw+V+rjExETFxsYaaQQAAAAAAAAAAAAAANcHQ1ao0Jo2baodO3aoQYMGGjZsmJo0aaL4+HhZlqWxY8dKkoYMGaJJkybpqaeeUsuWLbV3716tX79eQUFBkqTbb79d//znP/XCCy+oXbt2Kikp0d133/2rOpo1a6Z169Zpw4YNatmypXr16uUcQirLsmXLVL9+fUVERFxx7Q9/+IM+/fTTK3bZutzMmTM1atQo/e1vf1N4eLgGDx6sI0eOOI/9W7hwob777js1b95cEyZM0JQpU36xafjw4aXO3pWkNWvWKDQ0VHFxcWrVqpXmz5/vPJrv73//u4YNG6bhw4crIiJChYWF+uijj+Tr63vVrz9+/Hi1atVK3bp109ChQzV+/PhfbPpfcDgcmjRpklq1aqXo6Gjt2rVLn332Waldq3bv3q3vv/9ef/jDH4w0AgAAAAAAAAAAAACA68NyXO0cNQC4BrvdrhYtWui1115T586dTecY9eCDD6phw4Z69tlnTacAAAAAAAAAAAAAAID/IXayAvCr+Pr6auHChTp79qzpFKNKSkrUuHFjPfHEE6ZTAAAAAAAAAAAAAADA/xg7WQEAAAAAAAAAAAAAAABAGdjJCgAAAAAAAAAAAAAAAADKwJAVAAAAAAAAAAAAAAAAAJSBISsAAAAAAAAAAAAAAAAAKIOf6QBPqlKlioKDg01nAAB+406dOqULFy6YzgAAAAAAAAAAAAAAeEiFGrIKDg7W0aNHTWcAAH7jGjRoYDoBAAAAAAAAAAAAAOBBHBcIAAAAAAAAAAAAAAAAAGVgyAoAAAAAAAAAAAAAAAAAysCQFQAAAAAAAAAAAAAAAACUgSErAAAAAAAAAAAAAAAAACgDQ1YAAAAAAAAAAAAAAAAAUAaGrAAAAAAAAAAAAAAAAACgDAxZAQAAAAAAAAAAAAAAAEAZGLICAAAAAAAAAAAAAAAAgDIwZAUAAAAAAAAAAAAAAAAAZWDICgAAAAAAAAAAAAAAAADKwJAVAAAAAAAAAAAAAAAAAJSBISsAAAAAAAAAAAAAAAAAKANDVgAAAAAAAAAAAAAAAABQBoasAAAAAAAAAAAAAAAAAKAMDFkBAAAAAAAAAAAAAAAAQBkYsgIAAAAAAAAAAAAAAACAMjBkBQAAAAAAAAAAAAAAAABlYMgKAAAAAAAAAAAAAAAAAMrAkBUAAAAAAAAAAAAAAAAAlMHPdMD/Uug/Pr7qes60Pte5BAAAAAAAAAAAAAAAAIC3YicrAAAAAAAAAAAAAAAAACgDQ1YAAAAAAAAAAAAAAAAAUAaGrAAAAAAAAAAAAAAAAACgDAxZAQAAAAAAAAAAAAAAAEAZGLICAAAAAAAAAAAAAAAAgDIwZAUAAAAAAAAAAAAAAAAAZWDICgAAAAAAAAAAAAAAAADKwJAVAAAAAAAAAAAAAAAAAJSBISsAAAAAAP4fe/cfqvVd93H8dZ1dzXJmhpqb2dnl4Ohq9kNiwzmDRkTiKRjOQTTHpIFWW40M1gVhrBp2hHGItY3ZP8NmBDYXEYemLVog6VLEQlzOnJd6MtN+btp0O3rdf4yd+77z+Lnp3rXz1Z3HAy441+d7XZ/r7V/+8+TzAQAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFFQaWW3atCkf/vCHM3fu3MyZMyfr1q1Lkhw7diwLFy5MT09P5syZky1btlQ5JgAAAAAAAAAAMIbVq/rhdrudz3zmM/nlL3+ZD3zgA2m1Wrn66quzePHiNJvNzJs3L08++WS2b9+eJUuWZP/+/anXKxsXAAAAAAAAAAAYoyqvlv7xj38kSV5qB9XbAAAgAElEQVR44YVMnjw548aNy4YNG3LgwIEkybXXXptp06Zly5Yt+ehHP1rhpAAAAAAAAAAAwFhUWWRVq9WyYcOGLF68OJdddln+/ve/54knnsiLL76Ys2fPZurUqcOfbTQaOXTo0Dl79Pf3p7+/f/j9iRMnRmV2AAAAAAAAAABg7Oiq6oeHhoby7W9/Oz/5yU9y8ODB/OIXv8jtt9+e5NUA639qt9sj7rFy5coMDg4OvyZMmPCGzw0AAAAAAAAAAIwtlUVWu3btypEjR3LDDTckefVawOnTp+d3v/tdkuT48ePDnz148GC6u7srmRMAAAAAAAAAABjbKous3vOe92RwcDB79+5NkvzhD3/I/v37M2vWrNxyyy156KGHkiTbt2/P0aNHs2DBgqpGBQAAAAAAAAAAxrB6VT88bdq0rF27NkuWLElXV1fa7XYefvjhvPvd786aNWty2223paenJ5deemkee+yx1OuVjQoAAAAAAAAAAIxhtXa73a56iE6ZMWNGBgcHh983mgMjfq7V1ztaIwEwBv37/0cAAAAAAAAAXNwquy4QAAAAAAAAAADgYiCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUK96gAtNozkw4nqrr3eUJwEAAAAAAAAAAC4ETrICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFBQr3qAN4NGc2DE9VZf7yhPAgAAAAAAAAAAdJqTrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUGlkdfr06dx1113p6enJNddck6VLlyZJ9u3bl/nz52fWrFm57rrrsmfPnirHBAAAAAAAAAAAxrB6lT/ebDbT1dWV5557LrVaLX/605+SJCtWrMjy5cuzbNmyPP7447njjjuydevWKkcFAAAAAAAAAADGqMoiq5MnT+bRRx/N4OBgarVakuSKK67IsWPHsnPnzmzevDlJcvPNN+euu+5Kq9VKo9GoalwAAAAAAAAAAGCMqiyy2r9/fyZPnpz77rsvTz31VN72trfl3nvvzaRJkzJ9+vTU66+OVqvV0t3dnUOHDp0TWfX396e/v3/4/YkTJ0bzn/C6NJoD533W6uvt2HcAAAAAAAAAAIDXp6uqH37llVfy/PPP533ve1927NiRBx98MJ/+9KczNDQ0fLLVa9rt9oh7rFy5MoODg8OvCRMmjMboAAAAAAAAAADAGFJZZHXllVemq6srt956a5Lkgx/8YGbOnJmDBw9mcHAwQ0NDSV4NrA4fPpzu7u6qRgUAAAAAAAAAAMawyiKrKVOm5GMf+1g2bdqUJDl48GAOHDiQj3zkI5k7d27Wr1+fJNm4cWMajcY5VwUCAAAAAAAAAACMhnqVP/7II4/ks5/9bL761a/mkksuyfe+971cccUVWbt2bZYtW5bVq1dn4sSJWbduXZVjAgAAAAAAAAAAY1ilkdVVV12Vp59++pz12bNnZ+vWraM/EAAAAAAAAAAAwL+p7LpAAAAAAAAAAACAi4HICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAEBBveoBeGM1mgPnfdbq6x3FSQAAAAAAAAAA4OLkJCsAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoKAjkdVPf/rTvPDCC0mS+++/P0uWLMnu3bs7sTUAAAAAAAAAAEClOhJZfe1rX8vEiRPz29/+NuvXr8/HP/7xfP7zn+/E1gAAAAAAAAAAAJXqSGRVr9eTJJs3b87y5cuzYsWKnDx5shNbAwAAAAAAAAAAVKojkdWZM2eybdu2bNy4MTfeeGOS5JVXXunE1gAAAAAAAAAAAJXqSGR133335XOf+1wWLFiQ9773vdm7d296eno6sTUAAAAAAAAAAECl6p3Y5Morr8yuXbuG38+ePTv33ntvJ7YGAAAAAAAAAACoVEciq2XLlmXnzp3/5xoXh0Zz4LzPWn29ozgJAAAAAAAAAABU73VFVn/5y19y7NixnDp1Ks8++2za7XaS5J///GdOnjzZkQEBAAAAAAAAAACq9Loiqx/84Af5zne+kyNHjmTRokXD6+94xztyzz33vO7hAAAAAAAAAAAAqva6Iqu77747d999d771rW9l1apVnZoJAAAAAAAAAADggvG6IqvXrFq1KmfPns3Ro0czNDQ0vN7d3d2J7QEAAAAAAAAAACrTkchq3bp1+eIXv5i3vOUt6erqSpLUarUcO3asE9sDAAAAAAAAAABUpiOR1Te/+c385je/ydVXX92J7QAAAAAAAAAAAC4YXZ3YZOrUqQIrAAAAAAAAAADgTakjkdXixYvz4IMP5m9/+1v+9a9/Db8AAAAAAAAAAAAudh25LrDZbCZJvvSlL6VWq6XdbqdWq+XMmTOd2B4AAAAAAAAAAKAyHYmszp4924ltAAAAAAAAAAAALjgduS4QAAAAAAAAAADgzaojJ1l1dXWlVquds+66QAAAAAAAAAAA4GLXkcjqxRdfHP77pZdeyve///28/PLLndgaAAAAAAAAAACgUh25LvCyyy4bfk2ZMiUrV67Mk08+2YmtAQAAAAAAAAAAKtWRyOrf7du3L4cPH34jtgYAAAAAAAAAABhVHbkucOrUqanVakmSoaGhnDlzJg888EAntgYAAAAAAAAAAKhURyKrHTt2/PeG9Xouv/zyXHLJJZ3YGgAAAAAAAAAAoFIduS7wyiuvzLve9a4cPXo0f/zjH/Pyyy93YlsAAAAAAAAAAIDKdeQkq1//+tdZsmRJpk2blna7nePHj+fxxx/P9ddf34ntAQAAAAAAAAAAKtORyGrlypX50Y9+lBtuuCHJq9HVl7/85Wzbtq0T2wMAAAAAAAAAAFSmI9cFnjp1ajiwSpL58+fn1KlTndgaAAAAAAAAAACgUh2JrMaPH5+nnnpq+P3TTz+d8ePHd2JrAAAAAAAAAACASnXkusDvfve7Wbx4ccaNG5darZbTp09n48aNndgaAAAAAAAAAACgUh2JrI4cOZIdO3bkz3/+c9rtdi6//PI888wzndgaAAAAAAAAAACgUh25LnDVqlWZOnVq5syZk/e///2ZMmVKVq1a1YmtAQAAAAAAAAAAKtWRyOrf1Wq1nD179o3YGgAAAAAAAAAAYFR1JLKaOHHi/7oecNu2bXn729/eia0BAAAAAAAAAAAqVe/EJmvWrMlNN92Ua665Jkny7LPP5sc//nEntgYAAAAAAAAAAKhURyKr66+/Pnv27MnWrVuTJPPnz8+kSZM6sTUAAAAAAAAAAEClOhJZJck73/nOLFq0qFPbAQAAAAAAAAAAXBA6FlkxtjWaA+d91urrHcVJAAAAAAAAAACgs7qqHgAAAAAAAAAAAOBCJrICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAK6lUPwNjWaA6MuN7q6x3lSQAAAAAAAAAAYGROsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUFCvegD4TzWaAyOut/p6R3kSAAAAAAAAAADGggviJKtvfOMbqdVq2b17d5Jk3759mT9/fmbNmpXrrrsue/bsqXhCAAAAAAAAAABgrKo8stq5c2e2bduW7u7u4bUVK1Zk+fLlee6553LPPffkjjvuqHBCAAAAAAAAAABgLKs0sjp9+nTuvPPOPPzww6nVakmSY8eOZefOnVm6dGmS5Oabb86BAwfSarUqnBQAAAAAAAAAABirKo2svv71r2fp0qWZOXPm8Nrhw4czffr01Ov1JEmtVkt3d3cOHTp0zvf7+/szY8aM4deJEydGbXYAAAAAAAAAAGBsqCyy2rp1a7Zv354vfOEL5zx77VSr17Tb7RH3WLlyZQYHB4dfEyZMeENmBQAAAAAAAAAAxq7KIqtf/epX+f3vf5+ZM2em0WhkcHAwn/jEJ7J79+4MDg5maGgoyauB1eHDh9Pd3V3VqAAAAAAAAAAAwBhWWWTVbDZz5MiRtFqttFqtzJgxI5s2bcrtt9+euXPnZv369UmSjRs3ptFopNFoVDUqAAAAAAAAAAAwhtWrHmAka9euzbJly7J69epMnDgx69atq3okAAAAAAAAAABgjLpgIqtWqzX89+zZs7N169bqhuFNp9EcGHG91dc7ypMAAAAAAAAAAHCxqey6QAAAAAAAAAAAgIuByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgIJ61QPAharRHBhxvdXX+x9/p/S9/893AAAAAAAAAAAYPU6yAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUK96AOA/12gOnPdZq693FCcBAAAAAAAAAHjzc5IVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACupVDwCMjkZz4LzPWn29ozgJAAAAAAAAAMDFxUlWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKCgXvUAwIWt0RwYcb3V1zvKkwAAAAAAAAAAVMNJVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgQGQFAAAAAAAAAABQUK96AODNp9EcGHG91dc7ypMAAAAAAAAAALx+TrICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAX1qgcASJJGc2DE9VZf7yhPAgAAAAAAAADwv1V2ktWpU6dy0003ZdasWfnQhz6UhQsXptVqJUmOHTuWhQsXpqenJ3PmzMmWLVuqGhMAAAAAAAAAABjjKr0ucPny5dm7d2927dqVT37yk1m+fHmSpNlsZt68edm3b18effTR3HrrrRkaGqpyVAAAAAAAAAAAYIyqLLJ661vfmkWLFqVWqyVJ5s2bl+effz5JsmHDhtx5551JkmuvvTbTpk1zmhUAAAAAAAAAAFCJSk+y+p8eeOCBfOpTn8pf//rXnD17NlOnTh1+1mg0cujQoQqnAwAAAAAAAAAAxqp61QMkyerVq7Nv37488sgjeemll4ZPt3pNu90e8Xv9/f3p7+8ffn/ixIk3dE7gwtJoDoy43urrHeVJAAAAAAAAAIA3s8pPsrr//vvzxBNP5Gc/+1nGjx+fyZMnJ0mOHz8+/JmDBw+mu7v7nO+uXLkyg4ODw68JEyaM2twAAAAAAAAAAMDYUGlk1d/fnx/+8If5+c9/nkmTJg2v33LLLXnooYeSJNu3b8/Ro0ezYMGCqsYEAAAAAAAAAADGsMquCxwcHMxXvvKVXHXVVbnxxhuTJOPGjcszzzyTNWvW5LbbbktPT08uvfTSPPbYY6nXL4ibDQEAAAAAAAAAgDGmsnJpxowZabfbIz6bNm1aNm/ePMoTAQAAAAAAAAAAnKvS6wIBAAAAAAAAAAAudCIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgoF71AACjqdEcOO+zVl/vKE4CAAAAAAAAAFwsnGQFAAAAAAAAAABQILICAAAAAAAAAAAoEFkBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAFIisAAAAAAAAAAIACkRUAAAAAAAAAAECByAoAAAAAAAAAAKCgXvUAABe6RnPgvM9afb2jOAkAAAAAAAAAUAUnWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAX1qgcAeDNqNAfO+6zV11vpdwAAAAAAAACA/4yTrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAAAAAAAoEBkBQAAAAAAAAAAUCCyAgAAAAAAAAAAKBBZAQAAAAAAAAAAFIisAAAAAAAAAAAACkRWAAAAAAAAAAAABSIrAAAAAAAAAACAApEVAAAAAAAAAABAgcgKAAAAAAAAAACgoF71AACMvkZzYMT1Vl/vKE8CAAAAAAAAABc+J1kBAAAAAAAAAAAUiKwAAAAAAAAAAAAKRFYAAAAAAAAAAAAF9aoHAODi0GgOjLje6usd5UkAAAAAAAAAYHQ5yQoAAAAAAAAAAKBAZAUAAAAAAAAAAFAgsgIAAAAAAAAAACgQWQEAAAAAAAAAABSIrAAAAAAAAAAAAApEVgAAAAAAAAAAAAUiKwAAAAAAAAAAgAKRFQAAAAAAAAAAQIHICgAAAAD4L/buOzqqam/j+DNJ6AheJUCQKBhq6L1FEUM1gA28oIDKqyBNsVxQFAELiohXRL2igiAIKnJVqgVQFOkgIL33EqRDIKTs9w8Xsxhn5iSzCQeS+/2s5dI5mSe/kyeb7R/sNQcAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOOGQFAAAAAAAAAAAAAAAAAA4irvQNAAByrlLPzgx4fefrCSFnMsoBAAAAAAAAAAAAAHC58ElWAAAAAAAAAAAAAAAAAOCAQ1YAAAAAAAAAAAAAAAAA4IBDVgAAAAAAAAAAAAAAAADgIOJK3wAAAJeq1LMzg35t5+sJLt4JAAAAAAAAAAAAACAn4pOsAAAAAAAAAAAAAAAAAMABh6wAAAAAAAAAAAAAAAAAwAGHrAAAAAAAAAAAAAAAAADAAYesAAAAAAAAAAAAAAAAAMBBxJW+AQAAroRSz84M+rWdrye4eCcAAAAAAAAAAAAAgKsdn2QFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADjhkBQAAAAAAAAAAAAAAAAAOIq70DQAAkF2UenZm0K/tfD3BxTsBAAAAAAAAAAAAALjpqv0kqy1btqhhw4YqV66c6tatq/Xr11/pWwIAAAAAAAAAAAAAAADwP+iqPWTVvXt3devWTZs3b1a/fv30f//3f1f6lgAAAAAAAAAAAAAAAAD8D7oqD1klJiZq5cqV6tSpkyTp3nvv1Y4dO7Rz584re2MAAAAAAAAAAAAAAAAA/udclYes9uzZoxIlSigiIkKS5PF4dOONN2r37t1X+M4AAAAAAAAAAAAAAAAA/K/xGGPMlb6Jv1uxYoW6dOmidevWea/VqVNHI0aM0K233uq99tZbb+mtt97yvj548KCKFy8e8HuePn1aBQsWDOk+clrGzVlk+L2SuTKzyFwdv9fDhw8rOTk55O8HAAAAAAAAAAAAALg6XZWHrBITE1W2bFkdOXJEERERMsYoKipKixcvVqlSpay+Z8mSJbV3797/6Yybs8jweyVzZWaRufp/rwAAAAAAAAAAAACA7OeqfFxg0aJFVaNGDU2cOFGSNHXqVJUqVcr6gBUAAAAAAAAAAAAAAAAA2Iq40jcQzOjRo/XQQw9p6NChKlSokMaPH3+lbwkAAAAAAAAAAAAAAADA/6DwwYMHD77SNxFIkSJF9Mgjj6hPnz7q1q2bihYtesnfs0GDBv/zGTdnkeH3SubKzCJz9f9eAQAAAAAAAAAAAADZi8cYY670TQAAAAAAAAAAAAAAAADA1SrsSt8AAAAAAAAAAAAAAAAAAFzNOGQFAAAAAAAAAAAAAAAAAA44ZAUAAAAAAAAAAAAAAAAADiKu9A1cDZKSkhy/nj9/fpfuJPtxqzt+RwCuJPYgAAAAAAAAAAAAAPjf5jHGmCt9E1mpffv28ng8Qb/+5Zdf+l0LCwuTx+PRxVVceO3xeJSWluaXWb9+veN9xMbG+l2LjIwMeG8X5iQmJvp9rU6dOo4/z9KlSwNet+nh/fffD/p+SerZs6ffNZvu+vXr5zjnjTfeyJI5bnVgk5k1a5Zj5o477gh43SZn07fNWnWrhw8//NAx061bN79rNmvBpgPbWTY9uNW3zR60efNmxznlypXzu+bWnmozR7LbgwAAAAAAAAAAAAAAOUeO+ySr1q1bh5xJT08POZOQkBD0ax6PR9u3b/e7vnz58pDnvPnmmyFnJLseli1bFvRrwQ5Z2HRXoECBkDM2c9zqwCYzfPhwx0ywQ1Y2OZu+bdaqWz38+uuvjplAh6xs1oJNB7azbHpwq2+bPSg+Pt7vQNLFc3bv3u133a091WaOZLcHAQAAAAAAAAAAAAByjhz3SVYAAAAAAAAAAAAAAAAAkJVy3CdZjRw5Uk888SZ9e7QAACAASURBVETQR6QFejRafHy85s6d6/foKadHTiUnJytPnjxKSkoKOCd//vx+1zp37qwJEyYEffxWoMdu9e/fX8OGDQv6CLJAjx6T7Hr47bff1KhRo6CPFAv0KTc23U2ZMkXt27cP+rizQI85s5njVgc2mR07dqh06dJBH10W7JFlNjmbvm3Wqls9LF68WPXr19cPP/wQMNO8eXO/azZrwaYD21k2PbjVt80elJqaqoiICJ0/fz7gnNy5c/tdc2tPtZkj2e1BAAAAAAAAAAAAAICcI8cdssqbN6+k0B6RNnHiREmhPXqqQYMGWrlypQoWLOj3WCyPx6O0tDS/TN++fSWF9vituLg4SaE/gsymh3HjxqlRo0YBHykW7FFiNt2tXbtW7du3d3zcWVbMcasDm0yfPn00Y8aMgI8uc3pkmU3Opm+btepWDx9++KHq16+vl19+OWAm0CErm7Vg04HtLJse3OrbZg+qW7euVq5cqbx583r3x4v/HWh/dGtPtZkj2e1BAAAAAAAAAAAAAICcg8cFXmT37t0qWrSo95DEuXPndPjwYUVHR2fpnHPnzilPnjzeT0NJT0/X+fPnvXOzI7e6c2sO/pIT12qo6CB06enpCgsLC3pgKTw8PEvnufk7Yg8CAAAAAAAAAAAAgP9NYVf6Bi6XRx55REeOHPG+/vPPP9W9e3fHTLt27XxeG2P8rv3dsmXLdOrUKe/rU6dOZfhJJ7fffrtOnjzpk2natKlj5o477vD7eTLzyTI2PXz44Yc6evSo9/WRI0f00UcfOWZsuhs0aJDfvQ0ZMiTL57jVgU1m+vTpOn78uPf1sWPHNGPGDMeMbc6mb5u16lYPY8aM8ZszduxYx4zNWrDpwHaWTQ9u9R3KHhQW9tf/WlavXq2zZ88qPDxc4eHhOnv2rNasWeM4x6091WaOZLcHAQAAAAAAAAAAAACyvxx7yGrFihW6/vrrva+LFCmS4ePS/v7JJ/ny5VNycrJjpnv37sqfP79PJqODFElJSSpcuLD3deHChXXmzBnHzP79+/1+nv379ztmJLse3n//fV133XXe19dff73ee+89x4xNd99++63fvX3zzTdZPsetDmwyAwcO1LXXXut9fe2112rgwIGOGducTd82a9WtHkaNGuU3Z9SoUY4Zm7Vg04HtLJse3OrbZg969NFHff685smTR48++qhjxq091WaOZLcHAQAAAAAAAAAAAACyvxx7yOrvj6kyxmT4F+Eej0eJiYne14cOHVJGT1NMT0/3efRVRESEUlNTM8xcfADg1KlTSklJyTBz8fc9f/58pv5i36aHQD9zenq6Y8amu0Bfz6gHmzludWCT+TuPxxNyJrM5m75t1qpbPQSaE+zxdMG+npm1YNOB7ay/s+3hcvRtswelpaUpIiLC+zpXrlyZ2h/d2lNDnSPZ7UEAAAAAAAAAAAAAgOwvxx6yqlevnp544gnt27dPe/fuVd++fdWgQQPHzOOPP664uDi98soreuWVV3TLLbfo6aefdszkzp1b27Zt877eunWrcuXK5Zh54IEH1Lx5c02cOFETJ05Uy5Yt9eCDDzpmWrZsqQ4dOmjBggVasGCB7r//fiUkJDhmJLseoqKiNHXqVO/rqVOnqnjx4o4Zm+7KlSunt956S8YYpaena8SIEapQoUKWz3GrA5tMoUKFtGTJEu/rxYsX65prrnHM2OZs+rZZq271UKxYMX377bfe1998842KFSvmmLFZCzYd2M6y6cGtvm32oFy5cmnHjh3e19u3b/c52BSIW3uqzRzJbg8CAAAAAAAAAAAAAGR/HpNDP4Lj5MmT6tu3r2bMmCGPx6O2bdvqrbfeyvAgwc8//6xZs2ZJktq0aaNbbrnF8f0zZ87UI4884j1sMHv2bI0ZM0YtW7Z0zI0fP14zZ86UJLVt21adOnVyfH9KSoqGDh3qk+nfv3+GhwJseti4caPuvPNO7yfx5M6dW99++63Kli3rOCvU7vbv369OnTpp4cKF8ng8iouL06effqqoqKgsneNWBzaZRYsW6Z577lGlSpUkSRs2bNDXX3+tunXrOv5MNjnbvkNdq271sGHDBrVp08b7SUnGGE2bNk3ly5cPmrHdF0LtwHaWTQ9u9W2zB02bNk3du3fXnXfeKUmaPn26PvzwQ8fDWW7tqbZzpND3IAAAAAAAAAAAAABA9pdjD1m5afPmzZozZ44kqUWLFoqJibnCd3Tp0tLStGnTJklS+fLlM/z0mUtx4TFfBQoUuGwzbNh0YJM5duyYFi1aJElq2LChrr322kzdn23Ojb7d6iElJUUbNmyQJMXGxvo8mi67sunBzXUXqg0bNujHH3+U9NenYZUrVy7DjFt7ak7cuwEAAAAAAAAAAAAAl0eOPmS1ZMkSbdu2Tampqd5rXbp0Cfr+nTt3atiwYX6ZefPmZel9HT9+XKNHj/abM3bs2KCZ1NRUTZ061S/z4osvZjgv1B4kKT09XQcPHvTJ3HjjjUHfb9vdgQMHtGPHDp/MrbfemuVz3OjANuOmUPu2WauSuz0kJib6zClRooTj+0NdC7Yd2Myy5Ubfl7IHXW6X8jsKlVv/nwAAAAAAAAAAAAAAXF2y/8e+BNGjRw99//33ql69uvdTXTwej+MBh/vuu0/x8fHq3bt3pj+5aeXKlRowYIC2b9/u8xfu27dvD5pp166dIiMj1aBBg0zP6dChgw4ePKi6deuG9KlSNj2MGzdOjz/+uHLlyqWwsDBvJjExMWjGprtXX31Vw4cP18033+xzb0uXLs3SOW51YJP57rvv1LdvX23fvl1paWkyxsjj8Xgf/ZaVOZu+bdaqWz18+umn6tOnjyT5zDl69GjQjM1asOnAdpZND271bbMHrVq1Si+88ILf/rh58+agGbf2VJs5kt0eBAAAAAAAAAAAAADI/nLsJ1mVLVtWf/zxh/LmzZvpTNWqVbVmzZqQ5lSpUkW9e/f2+8v9SpUqBc1UqlRJ69atC2lO+fLltXHjRnk8npByNj3ExMRo5syZqlChQqYzNt3FxMRoyZIlKlKkyGWd41YHNply5cpp1KhRfusno0f52eRs+rZZq271EBMTo2nTpjn+Wfs7m7Vg04HtLNse3OjbZg+qWrWqunfv7jenWrVqQTNu7ak2cyS7PQgAAAAAAAAAAAAAkP3l2E+yioqKCulwgyRVrlxZe/fuVcmSJTOdCQ8PV/fu3UOaExMToxMnTqhw4cKZztx4441KSUlR7ty5Q5pl00NkZGRIBzYku+6KFy8e0oEf2zludWCTKVSokFq0aBFSxjZn07fNWnWrhyJFioR0wEqyWws2HdjOsunBrb5t9qCwsDD16tUrpDlu7ak2cyS7PQgAAAAAAAAAAAAAkP3l2ENWDRs21H333acOHTr4HHS44447gmaOHj2qqlWrKi4uzifz5ZdfBs00atRIv//+u2rUqJHpe7vmmmtUu3ZttWrVymfOG2+8ETRTrlw53X777brnnnt8Mj179nScZdPDPffco3fffVf333+/TyZ//vxBMzbdtWjRQk8//bQeeOABn0xsbGyWznGrA5tMQkKCZsyYodatWwd9T1blbPq2Watu9dCuXTt98MEHfnOcDgHZrAWbDmxn2fTgVt82e1CDBg20Zs0aVa1aNdNz3NpTbeZIdnsQAAAAAAAAAAAAACD7y7GPC2zSpInfNY/Ho3nz5gXNjB8/PuD1Bx98MGimRo0aWr9+vcqXL+/zF+5Lly4NmhkyZEjA64MGDQqaefjhh/2ueTwejR07NmhGsushLCzM573GGHk8HqWlpQXN2HRXunTpgPe2ffv2LJ3jVgc2mcjISB05ckQFCxZU3rx5vZnExMSgGducTd82a9WtHmzm2KwFmw5sZ7nVg80cmz2odu3aWrt2rWJjY332x4ULFwbNuLWn2syR7PYgAAAAAAAAAAAAAED2l2MPWbll/vz5Aa83btzY5TtBdrRr166A12+66abLkrta2fw8wQ4RhYeHZ8k9XQlu/V7dmjN37tyA1+Pj44Nm3NpT2bsBAAAAAAAAAAAAAKHIsYesfvnll4DXb7311qCZrl27Brye0adFheqll14KeP3FF18Mmvn0008DXu/SpYvjLJsebNh0t3v37oDXb7zxxiyd41YHVzubvm3W6tXMZi3YdpDT1p3tHuQGN9epW/+fAAAAAAAAAAAAAABcXSKu9A1cLk8//bT3v8+dO6dNmzapcuXKWrlyZdBMrVq1fDJTp05VjRo1HOc0adJEHo/H77rTI8FOnTrlM2fWrFmqX7++45zp06f7ZBYsWKD69etneMDBpoewsLCAP5PT48dsuqtVq5b38Wbnzp1TUlKSrr/+esdHltnMcasDm0zp0qUDZpwe4Webs+nbZq261UOuXLkCZs6fPx80Y7MWbDqwnWXTg1t92+xBzZo1Czjnhx9+CJpxa0+1mSPZ7UEAAAAAAAAAAAAAgOwvxx6yWrZsmc/rpUuXavz48Y6ZXr16+bzu0aOH2rVr55h55plnvP997tw5TZo0SWXKlHHMDB8+3Of14MGD9eijjzpmpkyZ4vN6x44dGjhwoGNGsuvh4gMLZ8+e1aeffup4cEWy6+7w4cM+r//73/9q1apVWT7HrQ5sMjNmzPD+97lz5zRhwgT94x//cMzY5mz6tlmrbvXw559/+s1JT093zNisBZsObGfZ9OBW3zZ7UO/evX3mTJ48WeXKlXPMuLWn2syR7PYgAAAAAAAAAAAAAED2l2MfFxhIgwYNtGjRoky/3xijSpUqaf369ZnOpKam6o477nD8pJZAqlWrptWrV4eUqVOnjt9BjswItQdJuu222/Tzzz9n+v023UnSLbfcol9//fWyz3GjA9tMfHy85s6dG1LGNhdq35LdWnWrB5s5NmvBpgPbWW71YDMn1D3IZn90a0+1nWO7BwEAAAAAAAAAAAAAspcc+0lWF/+Fd1pampYsWeLziS+B9OvXzyezfPlyxcbGhjQ3PT1dO3bscHzP+++/73dvRYoUcczMmjXLLxPoUVd/Z9PD323ZskV79uxxfI9Nd0lJSX73dujQoSyf41YHWZE5duxYhuvHNmfTt81a/Tu3eti+fXuGc2zWgm0HWbHubHq4XH3b7kEXM8Zo165dIWUu155qM0fKmv9PAAAAAAAAAAAAAACynxx7yCohIcH73xERESpTpkyGj+oqUKCAT6ZHjx669957HTPt27f3HjRIS0vT6tWr1aJFC8fMxZ/8EhERocqVK2vUqFGOmYsfhxUREaGYmBh98cUXjhnJrofIyEjvz5Samqq0tDS98847jhmb7goWLCiPxyNjjMLDw1WmTJnLMsetDmwyderU8Vk/O3bs8HmMWVbmbPq2Watu9RAVFeUz59y5c3r77bcdMzZrwaYD21k2PbjVt80e1LFjR585q1atUpMmTRwzbu2pNnMkuz0IAAAAAAAAAAAAAJD9/U89LvByuPjQxIWDB/Xr17+Cd3TpLv6kmYiICBUvXlzh4eFX8I7cZ9OBTWb+/Pk+mdKlS6tEiRIZ3p9tzg1u9bBt2zafTFRUlHLnzm1511cHmx7cXHehGjNmjM+cmJgYxcXFOWbc2lNz4t4NAAAAAAAAAAAAALh8cvQhq+XLl2vu3LnyeDyKj49XrVq1HN9/6tQpDRgwQHPmzJHH41HTpk316quv6pprrsnS+0pNTdXIkSO9c5o1a6Y+ffooIsL5g8WmTp3qk7n77rszNS/UHiTp7NmzWrNmjTwej6pUqaJ8+fI5vt+2u3379mnBggXyeDyKi4vL8KCH7Rw3OrDNSNKhQ4fk8XhUtGjRTL3fNhdq37Zr1a0ekpOTtXbtWnk8HlWqVEl58uTJMBPqWrDtwGbWBaH24FbftnvQ5XYpv6NQufX/CQAAAAAAAAAAAADA1SXsSt/A5fLRRx/pnnvu0YEDB7R//37dc889+vjjjx0zPXv21Pnz5zV58mRNmjRJqamp6tmzp2PmwIEDat26tQoUKKACBQqobdu2OnDggGPmqaee0rx589S9e3d169ZN8+bN01NPPeWYeemll/Tqq6+qfPnyKleunF599VW98sorjhnJroeFCxcqJiZGjz32mLp166YyZcpo0aJFjhmb7r799ltVq1bNm6levbqmT5+e5XPc6sAms2HDBlWpUkUVKlRQ+fLlVbVqVW3cuNExY5uz6dtmrbrVw+LFi3XzzTfroYceUpcuXRQTE6OlS5c6ZmzWgk0HtrNsenCrb5s96ODBg7rrrrtUqFAhFSpUSPfcc48OHjzomHFrT7WZI9ntQQAAAAAAAAAAAACAHMDkUFWqVDGJiYne14mJiaZKlSqOmapVq2bq2sVat25tXn31VXPs2DFz7Ngx89prr5nWrVtneG9paWne1ykpKRneW5UqVcyZM2e8r0+fPp1h5kIu1B7q1atnFixY4H3922+/mXr16jlmbLqrUaOG2bJli/f11q1bTY0aNbJ8jlsd2GRuu+0289lnn3lfT5482dx2222OGducTd82a9WtHurXr2/mz5/vff3LL7+Y+vXrO2Zs1oJNB7azbHpwq2+bPaht27ZmyJAh5vDhwyYxMdG8/PLLpm3bto4Zt/ZUmznG2O1BAAAAAAAAAAAAAIDsL8d+kpUkRUZG+vy3x+NxfH9aWppOnTrlfX3mzBmlp6c7Zvbs2aMBAwbo2muv1bXXXqtnn31We/bsccwYY3y+rzFGJoOnNhpjlD9/fu/rAgUKZJi5INQezp07p0aNGnlfN2zYUOfOnXPM2HSXlpamMmXKeF/HxMRkKhPqHMmdDmwyx44d0/333+993aFDBx0/ftwxY5uz6dtmrbrVw9mzZ3Xrrbd6X99yyy06e/asY0YKfS3YdGA7y6YHt/q22YN27dqlF198UUWKFFFkZKReeOEF7dq1yzHj1p5qM0ey34MAAAAAAAAAAAAAANlbjj1kVaZMGT3//PPav3+/Dhw4oCFDhigmJsYx06VLF9WvX19Dhw7Va6+9poYNG+rBBx90zKSnp/s8/ioxMTHDv9xv0aKFWrRooUmTJmny5Mlq3bq1WrVq5ZipW7euunTpooULF2rRokXq2rWr6tSp45iR7HrInz+/5syZ4339888/+xyuCMSmu6JFi2rMmDHevsaPH68iRYpk+Ry3OrDJhIeHa/369d7XmzZtUlhYxn8sbXI2fdusVbd6yJcvn37++Wfv6wULFihfvnyOGZu1YNOB7SybHtzq22YPSk9P16FDh7yvDx8+nOGBJLf2VJs5kt0eBAAAAAAAAAAAAADI/jwmsx/Jks0kJibq8ccf15w5c+TxeNS0aVONHDlSRYsWdcx99913mjNnjowxatasmVq2bOn4/gkTJqhfv35q06aNPB6PZs2apddee02dOnUKmklPT9eHH37oM6dbt26OhxzOnDmjl19+2SczcOBAFShQIMt7WL58ue69917lyZNHHo9HycnJmjp1qmrVquU4K9Tutm3bpgceeECrV6+WJFWvXl0TJ07M8CBKqHPc6sAm891336lz586qUaOGPB6PVq1apQkTJqh58+YZdhBqzqZvm7XqVg9LlixRu3btdM0118jj8ejUqVOaOnWq48Efm7Vg04HtLJse3OrbZg8aN26cnn/+ed15553yeDyaPn26Xn75ZcdDSW7tqTZzLgh1DwIAAAAAAAAAAAAAZH859pBVKE6ePKmjR4+qVKlSPtd37Nih66+/XoUKFXLMr1u3Tj/99JOMMYqPj1dsbGzA96WlpSk5OdnvU2aSkpKUN2/eTH2CkVtSUlK0adMmGWNUoUIF5cqVK+D7LrU7STp9+rSMMbrmmmuCvicr5oQqsx1caubw4cNasmSJjDFq0KBBhp8udam5zPR9qWvVrR6Sk5O1YcMGGWMUGxurPHnyZJjJrCv159WmBzfXXajWrFmjefPmeffHqlWrZphxa0/N7BzpyuxBAAAAAAAAAAAAAICrR/jgwYMHX+mbyEpjx47VsmXL/D7FZeTIkdq4caOqV6/ul3niiSeUL18+v79gnzFjhsaNG6eEhAS/zN69e7V582aVKFFCRYsWVd26dVWvXj3t3LlTkgL+hfuzzz6rvXv3+t3bu+++q2nTpqlp06Z+mddff12///676tWr53N92LBhWrhwoRo1apRlPfz2229avny5KlasqPDwcBUtWlTFihXTV199pZMnTyo6OtovY9PdtGnTtHTpUlWrVk2SlDt3buXJk0cff/yx9u/fr3LlymXJHLc6sMmsW7dOq1evVkxMjAoUKKBy5cqpfPny+vXXX5WSkqLIyEi/jG3Opm+btepWD4sWLfLOiYiIUPHixRUVFaWvv/5ap06dUsmSJf0yNmvBpgPbWTY9uNW3zR60f/9+bdmyRVFRUSpWrJjq16+vBg0aaO/evfJ4PAEP+Lm1p9rMkez2IAAAAAAAAAAAAABADmJymFq1apljx475XT9y5IipXbt2wEzFihWDfr9KlSoFvH7//febefPm+V2fNWuW6dSpU8BMbGysSUlJ8buekpJiKleuHDBTtWpVk5SU5Hf9zJkzplq1akHv26aH+Ph4s2XLFr/rGzZsMM2aNQuYsemuYcOGZv/+/X7X9+7da+Li4rJsjlsd2GTatm1rVq5c6Xd90aJF5s477wyYsc3Z9G2zVt3qoWnTpmbz5s1+19etW2eaN28eMGOzFmw6sJ1l04NbfdvsQZ06dTJz5szxuz59+nTTpUuXgBm39lSbOcbY7UEAAAAAAAAAAAAAgJzj6nk+XRZJSUnRtdde63f9uuuuU0pKSsBMeHh40O/n8XgCXl+1apWaNGnid71Vq1b6/fffg86JiIjwux4RERF0jiTly5fP71r+/PllHJ70aNNDYmKiypQp43e9QoUKOnToUMCMTXenTp1SVFSU3/UbbrhBJ0+ezLI5bnVgk9m2bZtq1Kjhd71+/fratm1bwIxtzrbvUNeqWz0cPHhQZcuW9bseGxurAwcOBMzY7gs2f15tZtn04Oa6C3UPWrFiheLj4/2ut27dWsuXLw+YcWtPtZlzYVYwTusBAAAAAAAAAAAAAJAz5LhDVqdPnw76tVOnTgW8npqaGvCwyYkTJ4IeinAS7ODB2bNnlZyc7Hc9OTlZSUlJATOnT58O+P3S09OD/jwXcsEEy509ezZoJtjXbLoL9rNK0pkzZ7Jsjlsd2GTS0tKCZlJTU4N+zSZn07fNWnWrh0D3dcG5c+cCXrddC6F2YDvLpge3+rbZg7L60FFW7qk2c6Ss//8EAAAAAAAAAAAAACB7yXGHrGrVqqWxY8f6XR8/fnzAT3CRpI4dO6pz5846duyY99qxY8f08MMPq0OHDgEzYWFhAT8158CBAwoLC1xr69at9fjjj/scZkhNTdWTTz6phISEgJnGjRvrlVde8bv+2muvqXHjxgEzkl0PUVFRWrJkid/1pUuXqlixYgEzNt2VLVtWs2bN8rs+e/ZsxcTEZNkctzqwyRQsWFCbNm3yu75p0yYVKFAgYMY2Z9O3zVp1q4dixYpp2bJlftdXrFihokWLBszYrAWbDmxn2fTgVt82e1BYWFjAT9M6ePBg0ANYbu2pNnMkuz0IAAAAAAAAAAAAAJCDXMFHFV4W27ZtM1FRUeaf//ynefvtt83bb79t7rvvPlO8eHGzdevWgJnU1FTTpUsXU6BAAVO9enVTvXp1U6BAAdOlSxeTmpoaMPPuu++ahg0bmo0bN3qvbdiwwcTFxZlRo0YFzJw+fdo0btzYREdHm7vuusvcdddd5sYbbzSNGzc2p0+fDphJTEw0FStWNPXq1TN9+/Y1ffv2NfXr1zcVKlQwhw4dytIefvzxRxMVFWU++OADs2rVKrNq1Srzn//8x9xwww3mhx9+yLLuli9fbooUKWL69+9vvvnmG/PNN9+Yfv36mcjISLN8+fIsm+NWBzaZzz//3JQvX95899135vjx4+b48eNm9uzZpmLFimby5MkBM7Y5m75t1qpbPXz//ffmhhtuMB9//LFZu3atWbt2rfnoo49MdHS0+e677wJmbNaCTQe2s2x6cKtvmz1o5MiRJi4uzufn3bJli7n11lvN22+/HTDj1p5qM8cYuz0IAAAAAAAAAAAAAJBzeIxxeD5SNnXo0CG99957WrFihaS/PlmmZ8+eKl68uGNu27ZtWrlypSSpZs2aQT/l54JBgwZp+PDhypMnjzwej5KTk/XMM89oyJAhjrl58+b53Nvtt9/u+P5z585p0qRJPpmOHTsqX758jjmbHubMmaOXXnrJm6ldu7ZeeOEFNWvWzHFWqN2tW7dOw4YN87m3fv36qXLlylk6x60ObDKffPKJBg8erL1790qSSpYsqUGDBqlr166OP5NNzrbvUNeqWz18//33GjJkiHct1KpVSwMHDlTLli2DZmz3hVA7sJ1l04NbfdvsQc8//7zeeustFSxYUNJfjx186qmn9OqrrwbNuLWn2s6RQt+DAAAAAAAAAAAAAAA5Q448ZOWmpKQkrVu3TpIUGxvr+Kg3IJDDhw9LkiIjI13JXa1y2s9jy60e3Jhz6tQprV27VpJUuXJlXXPNNRlm3NpT2bsBAAAAAAAAAAAAAKHgkBUAAAAAAAAAAAAAAAAAOAi70jcAAAAAAAAAAAAAAAAAAFczDlldJD09/UrfQrblVnf8jgAAAAAAAAAAAAAAAOC2HHvI6rnnntOePXtCypQqVUpDhw7V4cOHM505fvx4qLem+vXra9KkSUpJScl0pmPHjlq4cGHIs2x6+P7770OeY9Pd6NGjlZSUdNnnuNWBTWbjxo0hZ2xzNn3brFW3epg7d27IGZu1YNOB7SybHtzq23YPkiSbp9KmpqZm+r0nT55U3759deedd0qS1q9fr8mTJ2f5HEnat2+f7rrrLtWqVUuStGrVKr399tshfQ8AAAAAAAAAAAAAQPaTB9+mkAAAIABJREFUYw9ZSVLdunV19913Z/owxo8//qiDBw+qUqVK6ty5s5YsWZJhpmzZsnr00Ue1evXqTN/XkCFD9Pnnn6tUqVIaOHCg9u3bl2HmtttuU48ePVSjRg2NGTNG586dy/S8UHsYMmSIypcvr5EjR+rkyZOZyth0N3/+fJUuXVpPPvmktm7detnmSO50YJNp2bKlmjVrpm+//Takgyg2OZu+bdaqWz0MGDBAsbGxeu+993T69OlMZSS7tRBqB7azbHpwq2+bPWjDhg2qXbu2brrpJknSihUrNGDAAMfMunXrVL16dZUuXdqb6d+/v2PmscceU5EiRbRt2zZJUunSpTVs2LAsnyNJ3bt3V7t27byHsypXrqwxY8ZkmAMAAAAAAAAAAAAAZHMmB0tOTjbjxo0zdevWNRUrVjTvvfeeOX36dIa506dPm/fee89ER0eb2rVrm88++8ykp6cHfO/x48fNiBEjTJkyZUxcXJz54osvTGpqaqbub8eOHeZf//qXKVasmGnXrp1ZsGBBhpmff/7ZtG/f3hQrVsz861//Mjt37swwY9PDihUrzMMPP2wiIyNNjx49zLp16zL1M4XSnTHGHDhwwAwePNiULFnStGrVysycOfOyzHGrg1AzaWlp5quvvjJNmjQxpUqVMsOGDTN//vlnhnNsc7Z9h7pW3eph8eLFpnPnziYyMtL06dPHbNy4McOM7b5g8+c11Fm2PbjVtzGh7UFNmjQxP/30k6levboxxpj09HRTqVIlx+9/2223mV9//TWkTI0aNYwxxpsxxpiqVatm+RxjjKlVq5bfrIv/GwAAAAAAAAAAAACQM+XoQ1bGGJOSkmImTZpkoqOjTZUqVUyJEiXMhAkTgr4/PT3dTJs2zTRv3tzExsaaESNGmISEBHP33XdnOGvGjBkmOjralChRwrzyyisZHtxYs2aN6datm4mOjjZ9+vQx1apVM7169XLMHD582AwdOtRER0ebNm3amOjoaPP6669neG+h9nDB77//bqKjo014eLhp2rSpWbNmTdD3Xkp38+fPN9HR0eYf//iHKV++vJkzZ06Wz3Gjg0vJLF261ERHR5t8+fKZRx55xOzbty/DjG0ulL6NsVurxrjXw6pVq7xzWrZsadauXev4fpu1YNuB7bqz6cGNvkPZg2wOJNlk6tWr5/O+pKQkU6VKlSyfc2FWenq6971Hjx7N8EAXAAAAAAAAAAAAACD7y7GHrPbu3WteeOEFEx0dbe6//36zePFiY4wxu3fvNtHR0QEzr732mildurRJSEgw33//vc/XYmJigs46efKkeeedd0yFChVMy5YtzdSpU03Pnj1NXFxcwPd//vnnJi4uzlSuXNl8+OGHJikpyRhjTGpqqrnpppsCZhYvXmw6depkbrjhBjNgwACzd+9eY4wxp06dCvrz2PZgjDFz5841d999t7n55pvN66+/bg4fPmy++OKLoD3YdHf27FkzZswYU7NmTdOwYUPz+eefm9TUVLNkyZKgPdjMcasD28zWrVvNU089ZUqWLGkee+wxs2LFCjNs2LAMD4mEmrPp22atutnD/PnzTfv27U2pUqXMK6+8Yg4ePGg+++wzU7Zs2YDvt1kLth3YrjubHtzo22YPqlevnklJSfF+0tS+fftMzZo1g97Thcz58+e9mT179mSYefbZZ82rr75qKlasaH766SfTpk0bM3DgwCyfY4wxb775punWrZuJiYkxn3zyialTp44ZOXJkhjkAAAAAAAAAAAAAQPaWYw9ZFS9e3LzwwgsBP5XlxRdfDJjp1auX2bx5c8CvLV++POD17t27m+LFi5tevXr5PaqsQoUKATMJCQnmxx9/DPi1adOmBbxepUoV8/HHH5uzZ8/6fe2DDz4ImDHGroeKFSuauLg48+WXX/o9+rBly5YBMzbdFStWzHTq1MksXbrU72uPPPJIls1xqwObTIsWLUzp0qXN8OHDzbFjx3y+5vToMpucTd82a9WtHipXrmzq169vJk2aZFJSUny+1rRp04AZm7Vg04HtLJse3OrbZg8aP368adu2rYmOjjYvv/yyKVOmjJk4cWLA914wYcIEk5CQYKKjo82gQYNM6dKlzeTJkx0zKSkpZujQoaZu3bqmTp065uWXX/ZbE1kx54JJkyaZ++67z7Rv3z5Tn0oGAAAAAAAAAAAAAMj+PMYYoxxoyZIlqlevns+1NWvWqGrVqkEzr7zyil544YUMr13szTff1KOPPqrChQv7fe3AgQOKioryuz527Fh17do1w2sXmz17tlq1auVz7bvvvlPLli2DZiS7HpYvX67atWs7ft+/s+luz549io6O9rn2559/qkiRIlk6x60ObDJfffWV7rnnHoWFhV32nE3fNmvVrR4WL16s+vXrhzTHZi3YdGA7y6YHt/q23YN++eUXffvttzLGqG3btrrtttsynLVw4UJvpk2bNrrllluCvjctLU3vvvuunnjiiUz9HLZzLswaMGCAhg0bFvIsAAAAAAAAAAAAAED2FtrJjmykR48eftceeughx8x///vfTF272Pbt2/0OWPXs2VOSAh6wkqR33303U9cu9vzzz/tdGzBggGNGsuvhwv1frG7duo4Zm+7uvPNOv2vNmzfP8jludWCTmThxot9Bl7vuussxY5uz6dtmrbrVw5NPPul3rUGDBo4Zm7Vg04HtLJse3Oo71D0oLS1NDz30kG699VaNGDFCb731VoYHrNLS0tS5c2c1bNhQw4YN0xtvvJHhwafw8HBNnTrV8T1ZMefCrKVLl4Y0CwAAAAAAAAAAAACQM0Rc6RvIan/++acSExN17tw5bdiwQRc+qOvEiRM6c+ZMwMyPP/6oH374Qfv371e/fv2810+cOJHhvMWLF/tdW7RoUcD3Ll++XEuWLNGff/6p999/32fO+fPnA2a2bt2qzZs36+TJk5o1a5ZPJikpKeh92fRwQWpqqs/r9PR0nT59OuB7bbpLTU3V+fPnlZ6errNnz/rcW7CfyWaOWx1cSmb37t1+17Zv3+6YCTVn07fNWr143sUuVw/Jyck+r40xQdeDzVqw7eBS1p1ND5e7b9s9KDw8POAcJ+Hh4dq3b19IGUlq1qyZvvjiC/3zn/+8rHMkqU2bNho2bJgefvhhFSxY0Hs9f/78Vt8PAAAAAAAAAAAAAJA95LhDVp999pnefvtt7d+/X3fccYf3euHChX0O51wsd+7cKliwoDwejwoUKOC9HhUVpeeeey5gZsqUKfryyy+1c+dO3Xfffd7rJ06c8PkeF9u3b5+WL1+uM2fOaNmyZd7rhQoV0rhx4wJmfvvtN40bN06HDh3S8OHDfTIjRowImJHsehg+fLjeeOMNnThxQkWLFvVeT0pK0gMPPBAwY9Pdq6++qiFDhvhlChUqpKeffjrL5rjVgU3mo48+0ocffqjNmzf7fOrQiRMnVL58+YAZ25xN3zZr1a0eRowYoTfffFNHjx5ViRIlvNfPnDmj9u3bB8zYrAWbDmxn2fTgVt+2e5D01+GnPn36+B1IKleuXNBM06ZN1aNHD79MbGxs0Mw777yjI0eOqGvXripQoICMMfJ4PEpMTMzSOZL0zDPPSJKee+45eTwe76y0tDTHHAAAAAAAAAAAAAAge/OYCx+zksO8/PLLGjhwYEiZ1atXq1q1apl+7++//65BgwbppZde8l4vVKiQ4uPjVahQoaDZ2bNnq1WrViHd25gxY/R///d/IWWk0Ho4ceKEjh07ph49euiDDz7wXi9UqJD+8Y9/OGZD6e6CHj166D//+U9IGZs5l7sDm8yuXbu0Y8eOgJmqVasqPDw8S3OSXd+hrFW3ejh27JiOHDkSMBMZGel4jzb7gs2f11Bn2fTg5rqT7Pag6Ohov2sej8fxE65Kly4dMOP0iV67du0KeP2mm27K0jkAAAAAAAAAAAAAgP9dOe6QVXJysvLkyRP0MVaBHuk0ZcoUtW/f3ueRYBfr2bNn0HmHDx/O8GDHBb/99psaNWrk88iti138qTcX7NixQ6VLl9b69esDZoJ96opNDzYupbvLPcetDnIim7V6NbNZC7Yd5LR1Z7sHAQAAAAAAAAAAAACQk+S4xwU2aNBAK1eu9D5a7uIzZMEe6bR27Vq1b9/e55FgF2cCGTlypJ544gmfx2dd7I033vC7Nm7cODVq1ChgxuPxBDy00adPH82YMUMJCQkBM8E+dcWmh86dO2vChAmqU6dOwJ976dKlftdsuouPj9fcuXMVGRnp8x6nR3zZzHGrA5tM//79NWzYMLVv3z5g5ssvvwz4M9nkbPq2Watu9fDQQw9p3LhxatCgQcDMwoUL/a7ZrAWbDmxn2fTgVt82e1BqaqoiIiJ0/vx5v69Jfz3+8+9sDqfZdGB7CM7mzxEAAAAAAAAAAAAAIOfIcZ9k5ZbRo0ere/fuGjJkSMCvDxo0yOU7unQrVqxQrVq1NH/+/IBfb9y4cZbMOXDggKKioqwe8XW52XRgk5k+fbratGmj8ePHB8w8+OCDAa/b5Nzq260eli5dqrp162ru3LkBM/Hx8SHc9dXBpgc3112oatasqZUrVyosLMx70Ozifwc6aBYoc0GwjE0HNnOkq3vfAgAAAAAAAAAAAABcfjnukNW6deu0f/9+NWvWzOf6999/rxtvvFEVK1b0y4wdO1apqanq1q2bz/WRI0eqcOHCeuihh7Lk3qZNm6YTJ06oc+fOPtc//vhjFS9eXK1bt/bL/Pbbbzp06JDuuecen+tffPGFoqOj1bBhw4CzbHo4efKkjh49qlKlSvlc37Fjh66//noVKlTIL2PT3d69e3Xw4EHVrl3b5/qyZctUokQJ3XDDDVkyx60ObDJpaWlKTk72+9ScpKQk5c2bV2FhYX4Z25xN3zZr1a0eTp06pWPHjunGG2/0ub57925dd911KliwoF/GZi3YdGA7y6YHt/q22YPS09MVFhYW9MBSeHh4wOsAAAAAAAAAAAAAAFytAp/kyMYGDBigIkWK+F0vXLiwnnvuuYCZ999/X/fdd5/f9c6dO+u9994LmHn99dc1atQov+vDhg0L+KjAC19r2rSp3/VWrVpp2LBhATODBg1S1apV/a5Xq1ZNgwcPDpiR7Hro16+fVqxY4Xd9wYIFevbZZwNmbLrr37+/Tp065Xf9zz//zNI5bnVgk3nuuec0ceJEv+ujR4/WgAEDAmZsczZ926xVt3ro37+/lixZ4nf9p59+CjrHZi3YdGA7y6YHt/q22YMuHNYKDw8P+E9W27lzp3r06KHmzZvr9ttv9/5zOaxcuVItW7ZUuXLldPPNN3v/AQAAAAAAAAAAAADkbDnuk6wqV66stWvXBvxalSpV9Mcff/hdr1atmlavXh0wU716da1atSpgZvHixcqXL5/P9aSkJDVs2DBgpmrVqlqzZk3AOcHuwSYj2fUQGxur9evXh/T9bLqrVKmS1q1bd9nnuNWBTaZSpUpavXq1IiIifK6npqaqRo0aAe/NNmfTt826c6uH2NhYrVu3Th6Px+e6MUaVK1cO+LParAU3/+zZ9uBG37Y9SNKPP/6oJ598Utu3b1dqaqr3cYHnz58Pmpk9e7Y3k5aW5viIwQvq1q2r+Ph4NWjQwOcQV0JCQpbOkf76Hfbu3dtvVqVKlRxzAAAAAAAAAAAAAIDsLSLjt2QvTn9BnpqaGvD66dOng2YCfQLQBX8/YCVJ+fPnV7Bza0lJSUG/15kzZwJeP3v2bNCM09dsenD6hJm/H2i5wLa7YIJ1ZzPHrQ5sM38/6CJJERERQTOXkgsmK9eqWz2Eh4cH/JrH43F8zGIwwdaCTQe2s2x7CCYr+7bdgySpd+/eeuutt/wOJDl54oknNGrUqJAy586d02uvvZap917KHOmvDrt37x7SLAAAAAAAAAAAAABA9pfjHhdYsGBBbdq0ye/6pk2bVKBAgYCZWrVqaezYsX7Xx48frxo1agTMnD59OuABlfT09KCHfsqWLatZs2b5XZ89e7ZiYmICZqKiogI+Gm3p0qUqVqxYwIxk10NqaqpOnjzpd/3EiRNKSUkJmLHpLiwsTAcOHPC7fuDAgaCHZGzmuNWBTebs2bNKTk72u56cnOx4uMcmZ9O3zVp1q4eUlJSAf8ZOnjwZ9BOSbNaCTQe2s2x6cKtv2z1I+quLhIQEXXfddSpcuLD3HyeFChVSixYtVKhQIRUoUMD7j5PKlStr7969ju/JijmS1KhRI/3+++8hzQIAAAAAAAAAAAAAZH/hgwcPHnylbyIrFS5cWN27d1fZsmUVGRmp5ORk/fzzz+ratauee+45Va5c2S9Tq1YtderUScuWLdO+ffu0ZMkS/fvf/9aYMWM0efJkXXfddX6Z1atX648//lDjxo19rg8dOlSFChXSXXfd5ZepWLGi2rVrp6NHj+rMmTPatGmTPvnkEw0aNEiffPKJSpQo4ZeJjo5Whw4dVLBgQeXKlUuHDh3SN998o169eunf//530MMeNj0cPXpU7733nlq2bOn9lK5jx46pa9euio+P12233ZYl3RljNHDgQMXFxalIkSKSpI0bN6pLly568MEHVbdu3SyZ41YHNpkdO3Zo2rRpatWqlfegU2pqqvr27asKFSqoVatWfhnbnE3fNmvVrR4OHz6s0aNHq2XLlsqbN6+kvw4WPfLII7rtttvUpEkTv4zNWrDpwHaWTQ9u9W27B0nSnj17dP78eZUpUyboe/5u3759OnPmjMqVK5fhe9u3b6+vvvpKx48f1wsvvKDffvtNX3/9taZMmaIpU6aoffv2WTJHkurUqaOPP/5Yu3bt0muvvaYpU6bok08+0UcffaSPPvpIjz76aKZ/RgAAAAAAAAAAAABA9uMxwZ4Xlo198sknGjx4sPeTTUqWLKlBgwapa9euQTOHDh3Se++9pxUrVkj661BPz549Vbx48YDvP3z4sBo3bqxChQqpQYMGkqTFixfr+PHjmj9/vooWLRowt27dOg0bNsxnTr9+/QIevLhgzpw5eumll7yZ2rVr64UXXlCzZs2ytIe0tDR17dpVU6dOVdmyZSVJW7Zs0b333quxY8cGfaRWqN1J0qBBgzR8+HDlyZNHHo9HycnJeuaZZzRkyJCgGZs5bnRgkzlz5owSEhK0fft21apVS5K0cuVKlS5dWjNnzgz6iTq2OZu+Q12rbvWQmpqqBx98UNOnT1f58uUl/fUpUW3atNH48eMDPg5PstsXbP682syy6cHNdRfqHhQVFSWPxyNjjA4dOqRrr71WefPmlTFGHo9H+/fv98tERkZ6M0eOHFHBggV9MomJiX6Z8ePHB5x/wYMPPpglcyRp/vz5jrP+fuAWAAAAAAAAAAAAAJCz5MhDVhccPnxY0l9/qX45nDt3TpMmTfI5gNGxY0fvp8pcLULtYdu2bVq5cqUkqWbNmo6fVHMpkpKStG7dOklSbGxsph7VZcuNDmwy8+bN81k/t99+e6buzybnVt9u9bB582ZvpmbNmt4DVxm53PvCpcyy6cHNdZdZ27Ztc/x6oHvctWuXY+amm266pHu6HHOOHz+ua6+99lJvCQAAAAAAAAAAAACQDeToQ1YAgCsvPT1d69evV8mSJTN9KCk1NVVr165VdHS0rr/++oDv+fzzz1WnTh3voa0+ffpowoQJiomJ0cSJE1WxYsUsmSNJb7/9tlq0aKGKFSsqPT1dd955p2bOnKnrr79e06ZN836iIQAAAAAAAAAAAAAgZwq70jcAAMhZBgwYoLVr10qSkpOTVb9+fTVs2FAlS5bU7NmzA2b69++vP/74Q9JfnxJYr149NWnSRKVKldKMGTMCZoYOHep9XOjMmTP1zTff6Pvvv1fXrl311FNPZdkcSfr444+9h7mmTJmirVu36sCBAxo3bpz69++fiVYAAAAAAAAAAAAAANkZh6wAAFnqm2++UWxsrCRp8uTJSktL0+HDh/XLL79o8ODBATPTp09XpUqVvJmwsDAdOnRICxYs0EsvvRQw4/F4vI+9/O677/Twww+rXr166tWrlw4cOJBlcyQpIiJCuXPnliTNnTtXnTt3VrFixZSQkKBTp05lXAoAAAAAAAAAAAAAIFvjkNXfpKena//+/dq9e7f3n+wuLS1NO3fuzPT7z50753ft8OHDGea+/fZbDRs2TJK0b98+76fFBHP8+PFM39OlzIGv1NTUK30LV8z58+f9rh09etQxM3r0aCUlJYU8a+PGjSFncoo8efIoLOyv/738/PPP6tixo/LkyaOaNWsqJSUlU5kOHTood+7cqlatWtA1m56e7v3vJUuWqGHDhgG/dqlzpL/+3Fx4uu6iRYt8ZgX7mQAAAAAAAAAAAAAAOUfElb6By+XPP//UkCFDtHr1ap9DQ0uXLg2aGTdunB5//HHlypXL+5fwHo9HiYmJQTNpaWl69913tWXLFr377rvatm2bdu3apdtvvz1o5rvvvlPfvn21fft2paWlyRgjj8ejtLQ0v/dGRkbK4/EE/V5O9yZJv/76qzp27KiwsDDt3r1by5Yt0zvvvKMJEyYEzXTs2FFff/219/Xx48fVsmVLrVixImhm8ODBWrJkibZt26b+/fsrLCxMjz32mH777begmbJly+quu+5S7969Va1aNcef41Lm2KyF1NRUTZ06Vdu2bfM5ePHiiy8GzSQlJWnSpEnavn27T+aNN94Imnn//ff9rhUuXFh169ZV2bJlg+YkaeXKlVq1apXPz9SzZ8+g71+3bp0eeOABHTlyRHv27NGKFSv05Zdfeg+sBRLKWr3ApruUlBSNHDlSc+bMkcfjUdOmTdWnTx/vJwcFM23aNL8Ohg4dGvT9DRo00JQpU3TzzTdLkhYuXKjOnTtr27ZtQTPz58/Xiy++qPvvv1+9evVSmTJlHO/pgpYtW6ps2bLq3bu32rZt6/jn+GJz5szxW0NOv9d+/fr5XStcuLAaNGjguA9d+HN08ZwuXboEff/KlSs1YMAAv3vbvn2733tTUlKUkpKiXLlyacGCBerevbv3a8nJyQG/f2pqqs6fP6/cuXNrwYIF6tGjh/drgQ5+SlL16tX1r3/9SzfccIO2b9+uxo0bS3I+wGkzR5Li4+PVsWNHFS9eXCdOnFBcXJwk6eDBg8qTJ0/QHAAAAAAAAAAAAAAgZ8ixh6y6du2qRo0a6fvvv9eIESM0evRo1ahRwzHz8ssva+nSpapQoUKm5/Tp00cpKSlasGCBJOn6669Xhw4dtGzZsqCZxx9/XKNGjVKDBg0UHh7u+P2XL18uSfr444919OhRdevWTcYYjR07VjfccEOG99evXz/Nnz9f7dq1kyTVqVNHK1eudMyUL19eTzzxhEaOHKnTp0/rjjvu8DmIEMg333yjFStWqHbt2pKkqKioDB+htXXrVo0ZM0bt2rVT8eLF1adPH917772OndjMsVkLHTp00MGDB1W3bt0Mf0cX3H333YqIiFCtWrUyfehi9uzZ+uWXXxQfHy9JmjdvnuLi4vTcc89p8ODB6tq1a8DcsGHD9MUXX2j37t1q3LixfvzxR8XHxzsexundu7feffdd9enTR5JUs2ZNPfjgg46HrEJZqxfYdNe9e3cdOXLEu84++eQTrV+/XmPGjAmaefrpp7VhwwatWrVK7du311dffaXmzZs7znnuuefUpEkTDR8+XLt27dJ//vMfxwOHkjRp0iQdPHhQo0ePVpMmTVSlShX17t1bd9xxh2Nu+/bt+vrrr/X/7N15XI35/z/+x1UhkeWNIaOhd5ShfaGFUmkK5T2WkkhIm7IMMzG2sQ2yL6NhMCJrZBhbTDU0MtFeREaJUpgWhUSdru8f/c717jjnus45jZnPW7/n/Z+pq+t5Xte5zutc/pjH7fnctm0b5s6di+DgYPj5+aFLly68Nd7e3rh9+zaMjY25eycvnPXkyRNcu3YNn3/+OYDGTm9DhgxBdHQ0PD09sXjxYqma4OBgXLp0CSYmJhLrCIWsfH19ERoaqtBeGDduHJydndGtWze0atUKVlZWAIDCwkJoamrKrPHw8ICTkxO6du0KdXV1DB48GEDjfezYsaPMmp07d2LJkiW4cuUKTp48ibZt2wIAUlJSMHXq1Pe2DgBs2rQJ27dvx6NHjxAbGws1tcZ/Pv/44w/MmzdP8H4QQgghhBBCCCGEEEIIIYQQQghpAdgWytjYmGVZljU0NGRZlmXfvHnDOjo6CtYMHjy42euYmJhwx4yMjARrzM3NlV7Hzs5O6tjQoUPl1llYWLAsK3l9TX/mM2HCBHbdunWso6Mju2XLFrnni+9d09cW33tFnDt3jtXW1mZ79uzJrl69mn358uV7W6c5e0FPT49taGhQ+PpZlmUHDBig1Pksy7Jubm7so0ePuN8fPXrEenp6sqWlpezAgQN56wYOHMi+fv2ae293795lPT09BdcS7ztl9kJz9mpz7t2nn34qUVNfX89++umngjUGBgZsfX09930rKSlhR48eLXetlJQUVk1Nje3Zsyf7559/KnWdV69eZbW1tdnOnTuz+vr6bFxcnEJ1N2/eZLW1tdm2bduyM2bMYB8/fizzPH19fba+vl6pa3JycmIrKyu53ysrK9lRo0ax1dXVbP/+/WXW9O3bl339+rVS64j3mqKOHz/ObtiwgS0pKeGOpaSksBcvXuStiYmJYbds2cI+efKEO5aamspeunRJqbXl+afWIYQQQgghhBBCCCGEEEIIIYQQ0nK02E5W4jFjbdq0QUVFBTp16oTi4mKZ59bU1AAAxo4di++++w7e3t5QV1fn/q6hocG7TtPzgMbxgQ0NDYLXNmrUKJw7dw5ubm4KvRcAKCkpQVlZGbp27QqgcQReaWmp3Dp1dXW8fPmS64Zz+/ZtqWsWE98HoLFDzIgRI+Dk5ISAgADU1NQI3ofevXvj2rVrYBgGDQ0NWLNmDQwNDeVe34sXLxAZGYnJsysaAAAgAElEQVSIiAgMHDgQ/v7+iI+Ph6urK3777bf3so4ye0Hsk08+QV1dndxxdU0ZGhqitLQUWlpaCtcUFhZCW1ub+11bWxv37t1Djx49uE45sqirq0NdXR0NDQ1gWRb6+vooLCwUXEtNTQ11dXXcXiguLubGYvJpzl5tzr3r2bMnamtruU5Eb9++Ra9evQRr1NXVoaqqCoZhUFdXBy0tLbmf682bNzFp0iSsXLkSGRkZ8Pb2xpEjR7jvlSy1tbU4cuQIdu7cCXV1dWzYsAHjx49HWloaPD09Be97fn4+IiIiEB0dDTc3N/j7+yMuLg6urq7Izs6WOr9v3754/fo12rdvL/g+miopKUGnTp243zt16sR1jOL7rmtpafH+jY+trS0yMjLkdoET8/T0lDom7kDHZ+zYsVLHzM3NFbtAJfxT6xBCCCGEEEIIIYQQQgghhBBCCGk5WmzISl9fHxUVFZg8eTKsrKzQsWNH3nBA+/btwTAMWJYF0DgiTYxhGIhEIt51jIyMcPjwYbAsi8LCQqxduxZ2dnaC1xYREYHy8nK0b98e6urqYFkWDMPg2bNnvDVz586FiYkJRo0aBQC4cOECFi1aJLgOACxduhQuLi4oKSnB1KlTERsbi0OHDsk8t+l9EP83NTUV4eHhcu/D9u3b4evri1u3bkFDQwNDhw7F4cOHBa8tKCgIZ86cwbhx43D69Gno6+sDaAxAfPrpp+9tHWX2gpienh4cHR0xduxYiTCK0Di+pUuXYvDgwTAxMZGoiY6O5q3p3r071qxZg2nTpoFhGOzfvx//+te/IBKJBMfEaWhooK6uDiYmJliwYAF69eolEZKTJTQ0FGPGjEFZWRmWL1+OgwcPYs2aNYI1yuzViIgIAM27d//+979hbW2NCRMmAABOnDgBOzs77jVl1WpqaqKmpgY2NjaYPn06tLS05I6xmzBhAqKiojBkyBAAwHfffYdBgwahoKCAt6ZPnz5wdnbGrl27YGlpyR0fNGgQnJ2deetcXV1x7949BAcHIycnhwtCmZmZ4eDBgzJr1q9fj6FDh2Lo0KES9279+vW86wwYMAABAQHcHoqMjIS+vj7evHnDez9sbGzg6ekJLy8viXWERiBev34de/fuhb6+vkTNzZs3eWsIIYQQQgghhBBCCCGEEEIIIYSQloJhxcmiFiwpKQmVlZUYMWKE3BCGsl6+fIn58+fj9OnTAIDRo0djy5Ytgp1oHj58KPN47969BdfKzs7G1atXwbIsHBwcFOoUBQAPHjxAbGwsWJbFZ599hr59+ypU1xw1NTVoaGhQqBPPxo0b4e/vj44dO0r9TV5HKGXWaUrRvTBt2jSpYwzD4Mcff+StsbCwgJWVFczMzCRe29fXl7empKQEs2fPxq+//goAcHBwwNatW9G1a1f88ccfvJ/xrVu3oKOjg5qaGixatAiVlZVYsmQJTExMeNcCGoMyZ86cAcuycHd3x9ChQwXPV2avyrpnYvLuXXNqS0pK0KVLF4hEImzYsAGVlZWYO3cu+vTpw/taf/75J7p16yZxTF53JmW7k4mdPHkSY8eOldstrKnhw4ejbdu2MDU1ldhD33zzDW9NdXU1Vq5ciV9//ZV7Nixbtgzt2rVDZWWl1PsFGvfZuxiGQUJCAu86V69elXnc3t5e6C0RQgghhBBCCCGEEEIIIYQQQgghLUKLDFmJRCKYmJggJydHqbqioiJ0794drVu3RlJSEjIyMuDr6wtNTc2/6Upblvv376OgoAD19fXcMaHOOACQmZmJ3NxceHt7o7KyErW1tXIDLaWlpXjw4IHEOnzdw5q7F5rDyMhI5gi4v1N9fb3gWEE+VVVVKCoqgoGBgdxzX79+jezsbDAMA0NDQ26k3/8lkUgEPz8/REZGKl2bmpqK+Ph4MAwDR0dHuSPsACA9PR2ZmZmora3ljgl15hI7c+YM7t69iwULFuDx48eoqKgQDEd++umnuHPnjmJv5P/I06dPwTAMPvroo39szYaGBsGw2j/x7JbXKU5onCohhBBCCCGEEEIIIYQQQgghhJAPX4scF6iqqopevXrh9evXSgVC/vOf/+D69et4/PgxvLy8MGTIEFy9ehUnTpyQOvfChQuCryUrXOTj44OoqChYWlrKHAUnNHYrPT0dixYtkgox8Y0569atm+C4OaHRhBcvXsQXX3yBgoICiEQibkSc0LjA+fPn49ChQ9DX1+c68DAMIxiy2rVrF77//nu8fPkS3t7eqKiogL+/v2A3nW+//RYbNmzAv//9b4l1+O5dc/dCfX09tm3bhri4ODAMA2dnZ8yaNUsw0GRra4ucnByFO4yJ3bhxA/n5+RKf65QpUwRrbt++jUmTJqG8vBxFRUVIS0tDdHQ0wsPDeWtcXV1x7NgxqKmpwdjYmFtn5cqVvDXXr1/H+PHj0b17d7Asiz///BMnT56EtbW14PUpGkpKSkqCra0t7/eJb/+oqqri0aNHgtcgy549e7Bq1SqMHTsWADBu3DgsXboUM2bM4K0JDw/H8ePH8ejRI9jb2+OXX36Bk5OT3JDV8uXLuc92wYIFUFFRQVBQEJKSknhrTExMlO6cVV9fj5iYGKk9tGzZMsG6mJgYif09ZswYwfPv3LkDT09PFBcXAwC0tbURHR2N/v3789ZcuHABQ4cOhaamJrZu3Yrk5GR88803vONAgcbv+OLFi7nfWZbF1KlTeUcsAso9u5t6+vQpbt++LbFP+fbcu2Nlm5L3fCSEEEIIIYQQQgghhBBCCCGEEPLha5GdrABgzpw5SEpKgqenp8RIOaFghJmZGdLT0/HDDz/g2bNnWLJkCYyNjZGVlSV1rqxxW2J8Y7fS0tJgbm7erLFbhoaGCA0NhbW1tcQYsYEDB8o8Xzzmbe/evaioqEBAQABYlsWPP/6Ijz/+GAsWLOBdS09PDzt27JBaq127drw1ffv2RXZ2tlLdXExNTXH9+nXY2NggIyMDAGBgYIBbt27x1ujq6uLGjRvo2rWrwus0Zy/Mnj0b+fn58Pf3BwDs27cPOjo62L59u+D7yc3Nhb6+PtTV1bnjQuG54OBgXLp0CSYmJhKhsejoaMH35ODggFWrVmHWrFnIyMgAy7IwNDQUvHempqbIyMhAdHQ0kpKSsHHjRpibmwt237KyssKmTZtga2sLoDF0NW/ePCQnJ/PW8IWSfvrpJ6lz/f39sWfPnmaNr1u7di1KSkowbdo0ic9VT0+Pt8bIyAjx8fHcCL0///wTTk5OgvfAwMAAqampsLKyQmZmJvLy8rBs2TIcP36ctwZoDEylpaXBwsKC29/yup25uLggNTUVtra2EntIaD+MHz8eT548waBBgyS+rxs2bOCtWblyJU6fPs2F+Q4dOoTPP/8cS5Ys4a1xcHCAv78/vL29AQDHjh3D7t27uVGXsojfb3Z2NiZPnozAwEAcP34ciYmJvDWfffYZpk2bhokTJwJo/J7W1tYKjptU5tktFhkZiRUrVqC8vBz9+vVDVlYWrKyscO3aNd4aQgghhBBCCCGEEEIIIYQQQggh///VIjtZAUB1dTUMDQ0lRm8JdXYCgDdv3uDNmzf45ZdfMHfuXMFzhYIFfMzNzQH8N0z15MkTMAyD7t27y61VVVVFYGCgwmv17t0bAJCYmCgR6tq+fTvs7OwEQ1YdOnSAi4uLwmuJ12vdurVSNa1bt5bqLiVv9F2PHj2UClgBzdsLV65cQWZmJjeizM3NDWZmZoI1W7duVeq6ACAuLg65ubkSgRpFvHjxAkOGDOF+ZxgGrVq1Eqypq6sD0LgnXF1d0apVK8ERbABQW1vLBawAwMbGRqLrjyxRUVFcKCkmJoYLJcmyZ88eAM37PkVERAAATp8+zR1jGEZuhytxwEr8s7y9oK6uDnV1dTQ0NIBlWejr66OwsFDu9amrq0uEnhTh7e3NhZgUlZOTg7t378p9H02dPHkSycnJXCjS398f1tbWgiGryspKiWvz8vIS7JwG/Pf7fPnyZQQGBiIkJAT79u0TrDlx4gScnJzw8ccf4+zZsygrK8OxY8cEa5R5dott3rwZ6enpcHR0RFpaGhITEwW7ZTX1+PFjXLt2DQzDYMiQIejZs6dCdYQQQgghhBBCCCGEEEIIIYQQQj5cLTZktX//fqVrJk6ciB49ekBPTw82NjYoLS2V25mJryOLnZ0db01OTg4mTpyIx48fAwB69eqFo0ePwsDAgLfG1tYWGRkZMDU1VeCd/FdJSQnKysq4YFJZWRlKS0sFa0aNGoVz587Bzc1N4XU2bdoEd3d3ODs7SwSGhLpFdevWDffu3ePCIVFRUdDW1hZcx8XFBfPnz8ekSZMk1hkwYABvTXP2AsuyaGho4EJILMvKHBPWlFAnMj5aWlpKB6yAxvBKXV0dd++Ki4vlBqYMDAzg6uqKu3fvYv369aipqZG7joaGBuLi4jB8+HAAjeEzed8JZUJJubm5gq8l9LmmpaXho48+En4D7+jbty8WL16MkJAQMAyDH374Abq6uoI1GhoaqKurg4mJCRYsWIBevXopdO969+7NBXEaGhqwZs0auaMkfX19lXo/APDJJ5+grq5OqZAjy7ISn2O7du3k7m9VVVXk5uZyn0leXp7cPVdfX4/U1FScOnUKe/fuBfDfsB+fjh074qeffoK9vT0GDhyI06dPy12nOc/uVq1aoXPnztyIRTs7OyxcuFCwBgDOnDkDPz8/LuQYGhqKffv2wd3dXW4tIYQQQgghhBBCCCGEEEIIIYSQD1eLHRcIAOnp6cjMzJTovCMU+gGA58+fo0OHDlBRUcHLly9RVVWFjz/+mPd8S0tL7ufa2lrk5eXBwMAA6enpvDWDBg3CV199BQ8PDwCNXWXCw8ORkpLCW9OcUXQAsHPnTqxduxajRo0CAFy4cAGLFi1CcHAwb023bt1QXl6O9u3bQ11dHSzLgmEYPHv2jLdmwoQJyMvLg5GRkcTYO6ERX/fv34e3tzdu376Nbt26QUNDA2fPnhUMvejo6EgdYxgGBQUFUseTkpJga2uLCxcuyHytkSNH8q7z5ZdfIiMjA35+fmAYBpGRkTAyMhIcwVZWVoYVK1YgKytLYs8JfUYLFy5EQUEBvLy8JD5XoWsDGse7HTt2DNnZ2Zg+fToOHjyINWvWwMvLi7emtrYWsbGxMDY2ho6ODh4/foycnBy4urry1qSmpmLcuHFo06YNGIbBmzdvcPLkSVhYWPDW2NnZIT4+Hn5+fujRowd69eqFPXv2ICcnR+pcWZ+nGN/nCjSGhExMTATHwcny7NkzzJ49G3FxcWAYBsOHD8e2bdsEw1q3bt2Cjo4OampqsGjRIlRWVmLJkiUwMTERXOvp06fw9fVFQkICVFRUMHToUBw+fFhwrdraWkREREg9t4TGBYaEhCArKwtjx45VOODo5+eHuro6BAUFgWEYrqOY0Pc1NjYWPj4+MDU1BcMwyMzMRFRUFD777DPemtOnT2PJkiVwdHTE9u3bkZeXh7CwMJw5c0bqXEtLS4luXCUlJejcuTPX7U7es07ZZ7eNjQ2SkpIwfvx4DBs2DL1798aXX36Je/fuCa5jZmaG6Oho9O3bFwCQn58PDw8PwWc+IYQQQgghhBBCCCGEEEIIIYSQD1+LDVmFh4fj+PHjePToEezt7fHLL7/AyckJP/30k2Dd06dPcfv2bYmAg7zAS1M3b97EgQMHsHPnTt5zLCwskJqaKnHM0tJSMGTVdORfU4p0T8rOzsbVq1fBsiwcHBzkdtN5+PChzOPiEYSy9OvXT6IrlaIaGhqQl5fHdTwSGq/GsixKS0sVHs3l7++PPXv2wMHBQepvDMMgISFB8Lp++OEHxMXFgWVZODs7IzAwUPD9jR49Gra2tti3bx82bdqE3bt3w9TUFKtWreKtac61iV2/fh1nzpwBy7Jwd3fH0KFDec8ViUQwMTGRGXSSp66ujvuM+vfvL3csYXNDScoaM2YM9u3bh3/961/v9XXft5qaGjQ0NKB9+/Zyz/Xx8YGmpiYuXLiA+fPnIzIyEnZ2dtiyZQtvzbRp06SOyQs4vnr1CqtWrZLY30uXLkW7du0Er+/PP//EjRs3wLIsrK2tlR7dKYTvGScm9KwTiUT47rvvcP/+fezYsQP5+fl4+PAhHB0deWsSEhJgbm6OsrIyBAUF4fnz51i7di3XtY2PsbGxVLjPxMQEmZmZgnWEEEIIIYQQQgghhBBCCCGEEEI+bC02ZGVgYIDU1FRYWVkhMzMTeXl5WLZsGY4fP85bExkZiRUrVqC8vBz9+vVDVlYWrKyscO3aNaXWtra2xu+//8779+nTp2PatGlcKObatWs4duwYvvvuO6XW+V/i7u6Oo0ePKhQkkTdqjW/MF8uyMDU1/UfCDLGxsVIdnmQda0octDAyMkJ2djbevn2LESNGID4+/m+91qqqKhQVFQmOmwSAESNG4NSpU1xnIEV8/vnnOH36tNxjzdXcvQAAU6dOxdWrV+Hu7i6x79asWSP4mjdu3EB+fj43Jg4ApkyZInXe69evERkZic6dO8PT0xNhYWG4dOkS+vfvj61btwp2SQKAs2fPwt7eHh06dMDGjRuRnJyM5cuXC35OhoaGyMnJ4fbQixcvMH78eFy6dElwLWVlZ2fDyMhI7rGmZs6ciYiICLnHmiotLcWsWbNQVFSEGzduICsrC4mJiZg1a9ZfewMyrq2urg7Xrl3DnTt38Pz5czg7OwsGV5vL2dkZXl5emD59OhiGwYEDBxAVFYW4uLj3vhYhhBBCCCGEEEIIIYQQQgghhJD/HWr/1xfwd1FXV4e6ujoaGhq4LkmFhYWCNZs3b0Z6ejocHR2RlpaGxMREHDx4ULAmNzeX+1kkEuHGjRt48eKFzHPF47Devn2LyMhI9OvXDwDwxx9/wNTUVHAdZUfR+fj4ICoqSmoEl7w6oHH81dy5c6XWEhoXqKmpCXNzc7i4uEiMLFu/fr3Uue3btwfDMGia7xP/zjAMRCKRzDUYhoGuri7Ky8vRpUsX3msRO3ToECZPngwASE5OhpWVFfe3bdu2Yc6cOby1ixYtkgpUyTrWVOvWrQEAbdq0QUVFBTp16oTi4mK51xkTE8ONr3N2dsaYMWPk1ri6uuLYsWNQU1ODsbExgMag0MqVK3lr9PT0MHToUHh6ekqEkoTGyj169EjqWH5+vsxzPTw8BDt9yRp5J2sviAntBQDQ1tbmPl9FBQcH49KlSzAxMZEYaykrZOXv74+qqiq8evUKe/fuRZ8+fbB+/XokJCQgKCgIZ8+eFVxr8eLFyM7ORlZWFg4dOoTg4GAEBwfjt99+460RB+DU1NRQU1MDTU1NPH78WHCd+vp6bNu2TWIPzZo1C2pq/I/3qVOnSo23k3WsqeTkZKljQmFSAAgICMC4ceO4TlwDBgyAj4+PzJDVggULEB4ezruPhEYmXr9+HZmZmdxztFOnTnj79q3Mc0+cOAEPDw/ecJi8kbK7du3CpEmTEBISAoZhYGJigsOHDwvWEEIIIYQQQgghhBBCCCGEEEII+fC12JCVhoYG6urqYGJiggULFqBXr15yu+a0atUKnTt35jrc2NnZYeHChYI1o0aN4n5WU1ND3759ceDAAZnnbty4Ucl38V/Tp0+Hra0tLl26JDGKjs/cuXObveaMGTMQFBSEgoICnD9/Hjt27ECfPn0Ea/T19aGvr6/Q6zc0NCh9TWLt2rWDqakp3NzcJIJCssJcmzdv5kI4M2fOlAiQHDhwQGbI6v79+7h37x6qq6tx4cIF7nhVVZXc/aOvr4+KigpMnjwZVlZW6Nixo9zw3MqVK3H69Gku5PPtt9/i9u3bWLJkiWDd06dP0alTJ0RHR+M///kPNm7cCHNzc8GQVXV1NQwNDXHnzh3uGF8oas+ePfjhhx9w7949DBo0iDteVVXF+zm7ubkBaOwUlZKSwt37I0eOwM7OTmbNX9kLQmMY+cTFxSE3N1ciCMgnPT0dubm5qK2tRY8ePXD58mWoqKhgxIgRcruGAeBCTpcvX0ZAQAACAwOxe/duwZp//etfqKysxMiRIzFixAh06dIFWlpagjXz5s1Dfn4+AgMDAQD79u3DgwcPsH37dqlzy8rK8OzZM9TW1uLOnTtcuE0cJpPlxIkTiI6ORmFhITw9PbnjVVVVcscLlpaWYurUqdi2bRuAxmcs30jQIUOGAPjvPlLGu5+nSCTi3Vu3bt2Ch4eHzC5Xiow71dXVRXJyMl6+fAmWZaGpqan09RJCCCGEEEIIIYQQQgghhBBCCPnwtNiQVUREBN6+fYtNmzZh0aJFKCgoQFRUlGBNmzZtwLIs9PT0sGPHDvTu3RtlZWWCNQ8ePFD4muzt7bmfRSIRioqK5IaXxB49eoSff/4Zhw8fhru7O1xcXDBixAje883NzaXWVHSsXFVVFSZMmIDVq1fD0NAQu3fvhqOjIxYtWsRb88033yj0Pv4qXV1d6OrqKnRu0+5I73ZK4puSmZSUhMjISDx9+hQbNmzgjnfo0AGbNm0SXE+8v+bMmQNzc3M8f/5c8DMCgJMnTyI5OZkbi+fv7w9ra2u5Iau6ujoAQGJiIlxdXdGqVSuoqKgI1uzfv1/w70199tln6NevH4KDg6XuA99IOV9fXwDAwYMHkZiYyHVlCggIgLu7u8JrK+Pnn39GZmamRMc1oXGBWlpaCgWsgMbnAdAY4NHR0ZG4v+KuZUJEIhGSk5MRExPD3Xvx58bn/PnzUFVVxapVq3D48GE8f/5cZpetpq5cuYLMzEzu+tzc3GBmZibz3MOHD2Pr1q0oKSnByJEjueMdO3ZEWFiYzBo9PT2MGjUKN2/elAiVdujQAU5OToLX9m43refPn/OGn8R7RLyPlGFkZITDhw+DZVkUFhZi7dq1vMG+FStWAFDu+/Cu5nSfI4QQQgghhBBCCCGEEEIIIYQQ8mFrsSErcZCoXbt22LNnj0I1q1evRnV1NdavX4+goCA8f/6cd6SU2Ndff42ZM2dCW1tb4Wv77bffMHHiRKioqODRo0dISUnB9u3bBUNgzR1F15yxcq1atQLQOALw4cOH6N69Ox4+fCi4Dt/rLVu2TOpYt27dZHaMEY8LFBpLqEyYq+ka767H17HG19cXvr6+2LdvH/z8/BRe613irjzysCzLBayAxv3KFwBrysDAAK6urrh79y7Wr18vt8sWoNxYud69e6N3794SXa8UVVxczAWUgMa9W1RUJPNcJycnxMfHS+0JRfbC/PnzcefOHWRmZsLDwwMnT57EZ599JnhtNjY28PT0hJeXl0TYqmngSOzNmzdct6emPwOQCHXxWb16NYKCguDk5IRPP/0UeXl53IhQPk1HGCo6CpFlWTQ0NHAhK5ZleffQnDlzMGfOHKxatQpLly5V6PWNjY1hbGyMUaNGoVu3bgrViI0bNw4hISF48eIFDh06hJ07d2Lq1KmCNcXFxQgMDMSVK1cAAI6OjoiIiBB8xm7evBnz589HaWkpBg8ejNGjRyM8PFzu9d24cQP5+flc90IAckNtze0+RwghhBBCCCGEEEIIIYQQQggh5MPGsIokOj4gHh4egiOfoqOj3+t6X3/9NSIjI2FlZYXQ0FC5nV0AwNraGocOHcL48eORkZEBABg4cCBu377NW+Pj44Nt27YhKioKO3fuRMeOHaGrq4tjx44JrmVqaoqMjAxER0cjKSmJGyuXnZ3NWxMWFoaFCxciNjYWc+bMQZs2beDh4YEtW7bw1nz11Vfcz7W1tbhw4QKsrKxw+PBhqXPlBbZ69+7N+zdlwlza2tr4+uuvAQBr167lfgaAdevW4dGjR7zrnD17Fvb29ujQoQM2btyI5ORkLF++XLALWGxsLObOnYuCggKIRCIuKCQSiXhr/Pz8UFdXh6CgIDAMwwUCf/zxR94aoPEex8bGwtjYGDo6Onj8+DFycnLg6urKWzN79mzk5+fD398fQONYOR0dHZlj5cQsLS2lvk8dO3aEtbU1wsLCJEY2igUGBuLhw4dcR6KoqChoa2vLHJVXWloKLS0t3j0htBcMDQ2RmZkJMzMzZGVlobS0FEFBQThz5gxvjYODg9QxhmGQkJAgdbxPnz68zxKGYVBQUMC7TnOlp6dznfeaBn+E1vryyy+RkZEBPz8/MAyDyMhIGBsbyxyhKZaSkoKBAwdCQ0MD0dHRuHnzJubNm4eePXtKncvX4UpMaB2g8fM/ffo0WJbF6NGj5YasHBwcMHLkSAQEBIBlWezduxfnz5/Hr7/+KlinrODgYFy6dAkmJiYS4TZ5/0YYGRlJdJ979eoVrK2tBZ+phBBCCCGEEEIIIYQQQgghhBBCPnwtLmR14MABAI0dSlJSUrhuMEeOHIGdnZ3E6LN31dfXIyYmRqqziawAT1Nv377F0aNHERERgRcvXiA0NBS+vr5o166dzPMtLS2RkpLCBaAASPwsz7Vr17hRdOJwAB8DAwPcunULoaGhcHV1hZubG0xMTJCZmanQWkVFRaiqqpI7YvBd5eXl8Pf3x6lTp5Sqk0eZMNe0adMEX0toXJiRkRGys7ORlZUFX19fBAcH49ChQ/jtt994a8RjJq2trSU+F759ADQGNFatWoW4uDiwLAtnZ2csXbpUsEYsMzMTubm58Pb2RmVlJWpra6GlpSX4npqOlauvr4eZmZncwF1+fr5EYEpXVxd//vkn3rx5g0OHDknV1NXVYdeuXbhy5QpYloWTkxMCAgK4Dmnvi/h7ZGJigpSUFLRq1Qrm5uZIS0uTOlckEvF+Vx4+fCgY5vorTp06JTXOUCiUZGhoiNDQUKk9NHDgQN6ahoYG7N69G/Hx8dweCggIEBwfaWxsjPT0dBQUFGDkyJEYP3480tPTcenSJalzxeP1+LzvUaGynoXyno+yOg527NgRgwYN4u0e1q9fP+Tk5Cg8PlLM0NAQOTk5co8RQgghhBBCCCGEEPpIy5IAACAASURBVEIIIYQQQghpWVrcuEBxGOTgwYNITExE27ZtAQABAQFwd3cXrPXy8sKTJ08waNAgueGlplq3bo1JkyahdevWWLBgAXbt2oVvv/0W4eHhMkd+qaur4+XLl1yXnNu3byv1P/oVHUUHNG+sHNDY6SY+Ph4MwyjUnetdXbp0QX5+vuA5+fn5mDt3LrKysiRCKEIj4t4NyS1fvpzrzPQuoRCVPOIRepcvX0ZAQAACAwNldmJqqkOHDnBxcVFqnXbt2mHdunVKX9+uXbvw/fff4+XLl/D29kZFRQX8/f1ldmQSU2asnNhvv/2G33//nfvdzc0NTk5OSEhIwIABA2TWtGrVCrNmzcKsWbMUfj/N6eCkqamJmpoa2NjYYPr06dDS0uL93vr4+ODIkSNSx4uKiuDg4PC3dKWaO3cu8vPzkZaWhokTJ+LEiRNwdnYWrFFVVUVgYKBS66ioqCA4OBjBwcEK16iqqkJVVRUXL15EcHAw5s2bB1NTU5nn/pUQ1cSJE3k7ofn4+MjsFKarq4v79++jb9++AID79+8LhswA4OLFi0hMTOSeVQkJCRgyZAi+/vprLF++HNOnT5eq0dLSUjpgBQCDBg3ClClTJLrPWVpaKv06hBBCCCGEEEIIIYQQQgghhBBCPiwtLmQlVlxcjDZt2nC/t27dGkVFRYI1OTk5uHv3ruC4wXc9fvwYu3btwoEDBzB06FCcOHECgwcPRlFREWxtbWWGrJYsWQIXFxeUlJRg6tSpiI2NldkRCAC6desm83rEo+iEAkkAEBkZyY2V09DQwOPHj+WGerZs2YJt27ZhzJgxABpHMM6dOxdz5szhrWnaSUYkEuHGjRvo2rWr4DozZsxAUFAQCgoKcP78eezYsQN9+vQRrHmXImGu5hCJREhOTkZMTAwX1qqrqxOsGTVqFM6dOwc3NzeF12lu97Tdu3cjOTkZNjY2ABqDKfL2gouLC1xcXCTGyo0YMUKwpqysDLW1tVwY5c2bNygpKQHDMFyA8V3Pnz/H7t27pd6T0AhEX19fmR2chBw6dAiqqqrYuHEjNmzYgMrKSt5RbzU1NQgJCcHOnTu5Y0VFRRg2bJhSYTBlxMfHIysrC6ampti0aRPCwsIwY8YMwRpbW1tkZGTwBp5kac79fvPmDZ48eYJz585xzwOhsZZA47MuJCQERUVFSEtLQ2ZmJq5cuYK5c+fy1nTu3Bmpqanw8vIC0Diu1cLCAlFRUcjIyJAYQSoe9VpdXQ1jY2MuTJqUlAR7e3u59+HWrVvQ1tYG0PjZfvnll7h58yaGDx8uM2RlY2MDT09PeHl5SYStRo4cKbjO9u3bsXLlSsyePVui+xwhhBBCCCGEEEIIIYQQQgghhJCWrcWGrIYNG4aRI0dKjDkbNmyYYM0nn3yCuro6tG7dWuF1LCwsMGPGDCQnJ6Nnz57ccW1tbd5xdS4uLtDT00NsbCxYlsWSJUu4ri3vSk1NVfhaZDlw4AB8fHygoaEBAPj444/x8ccfC9Z8//33SEtLQ5cuXQAAS5cuhZWVlWDIKiUlhftZTU0NBgYG2LFjh+A6VVVVmDBhAlavXg1DQ0Ps3r0bjo6OWLRoEW9Nc8JczbF69WoEBQXByckJn376KfLy8njHjomDcCzLory8HO3bt4e6urpCQbi/0j3t3ZCTuPsWn/Xr12P37t04deoUWJbFmDFjEBAQIFjj6ekJa2treHp6gmEYnDhxAuPGjcPLly95A3Hjx49Ht27dlApMKdPBacuWLfjiiy8kvm/yui0dP34crq6uWLx4Mb799lsUFxfDwcEBM2fOxBdffKHQuspSV1eHiooKGIZBXV0dunfvjsePH8s819LSkjtv79690NfXlwj+3Lx5k3ed5tzvL774Av3794eTkxPMzMyQn5+PTp06CdYEBgbCy8uL6yZnYGAAHx8fwZBVTk4OEhMTufcyc+ZMjB49GufOnYOJiYlEyKppOHHSpEncz97e3nLfT2FhIRewAhqfv/fu3UOPHj14vxc3btwAAInnFMMwckNW7dq1Q3h4uNxrIoQQQgghhBBCCCGEEEIIIYQQ0rIwrLx5YR+ouro67Nq1C1euXAHLsnByckJAQABatWrFWxMSEoKsrCyMHTtWIuAwc+ZM3po3b95IdMySRyQSwdXVFb/88ovCNWLPnj1DXl4ehg4divr6ejQ0NMgNhHl7eyM+Ph7e3t4ICQnhDXM1ZW9vj6tXr0ocs7OzQ2JiotLXLGTw4MG4ceMGbGxscPToUXTv3h0DBgwQHN3WNLimpqYGXV1dBAYGonPnzu/12pTx8OFDwb/37t2b92/6+vpKd08DGgMpmzdvhpeXF9LT0xEVFYXo6GicPXtWqddRxNmzZ7nvkYODg9yxmwMHDsTt27eVWiMkJAQzZsxQqIOTq6sramtrcfDgQXzyyScKr1FdXQ1HR0e4uLjgxIkT8Pf3x1dffaXUdSrD0dER586dQ1hYGCoqKtCjRw8kJSVx4Z6m3v2+vUuok1Nz7rc4ACgmEolQU1MDTU1N3hoLCwukpqbC1NQUGRkZACDxsyz6+vrIy8vjfm9oaMDAgQNx584dubXKGD58OBwdHTFt2jQwDIP9+/cjLi4Oly9fhoWFxXtbB2gMhy5evBhxcXFgGAbOzs5YtWoVOnbs+N7WIIQQQgghhBBCCCGEEEIIIYQQ8r+nxXayatWqFWbNmqXUKLCamhr069cPOTk53DF54RdVVVUcP35c4XFvqqqqYFkWIpFIqc5Fp06dwrx58wA0dm25ffs2vv76a1y4cEGw7siRI3jy5Al2794NBwcHGBgYYNasWTK7teTm5gJoHFk2Y8YM+Pn5AQD2798PFxcXma8vb32hrjD29vaoqKhAaGgoLCws0KZNG3h4eAi+nnh0398tLCxM6ljHjh1hbW0NR0dHieNCISp5mtM9DQC2bt0Kb29v5OXloU+fPtDQ0JAbsGrOWDkAcHd3lxusakpXVxdVVVUKhU6a08EpNjYWe/bsga2tLVauXMnbMa4p8d7euHEjPDw84ObmhlGjRnHHBwwYwFu7bNkyzJs3Dx07doSbmxtu3LiB3bt3Y9y4cYJrHj16FGpqatiwYQM2b96MyspKnDhxQua5iozD46PM/RYLCQmR6go3btw4XL58mbdGTU0NTTO5lZWVaGhoEFxnyJAhGD16NHx8fMAwDKKiomBjY4NXr17x7vknT57gu+++Q0FBgcQ+5RsFCQAHDx7E7NmzsWnTJgCAg4MDDhw4gLq6Ohw8eFDi3AcPHkBHR4f77N8ltBeAxtGWH3/8MY4fPw4A2LdvH3x9fXH69GnBOkIIIYQQQgghhBBCCCGEEEIIIR+2FtvJqrmBEmWNHz9e5rg38UgtWZYsWYKsrCz4+Pigffv23HGhQJKFhQUuXbqE4cOHc11ZlO1gk5iYiMmTJ+Ply5f46KOPsHPnTjg5OXF/19HR4a1lGEZmhykHBwfu57S0NJibm0vUJCQkKHRtRUVFqKqqgoGBgeB59fX12LZtm0QXmVmzZgmOyissLER4eLjUXhC6tilTpuDatWv4/PPPAQBnzpzBkCFDkJmZCU9PTyxevFiqRjw2sClxMGv9+vXo0aOHVE1zuqeJNTQ0IC8vDyzLQl9fX25ob/jw4TLHyoWEhPDWNOfeTZo0CTdv3sSIESMk3tP69eulzv0rHZz++OMP7nunoqIiOJ6xOXtbzNjYGFlZWfjll1/w3XffYf369Zg4cSLS09Nlnl9dXY2KigqpcYoFBQXo2rUrOnToIFUjDpvxERoXqMz9FvPx8YGhoSHCwsK4gJWRkRFWrlzJW7Np0ybcu3cP8fHxWLJkCSIiIjB58mTMnj2bt+bt27fYuXOnRCe0kJAQtG7dWqqblpiVlRXMzc1hbm4usU/Fo1//Kjc3N5w7d07mnpC3FwDA0NBQIojLd4wQQgghhBBCCCGEEEIIIYQQQkjL0mI7WY0fP15moERIcwI8OTk5So97S0pKAgB8//333DGGYQRDVioqKujSpYvEMUW6H9XW1uLIkSPYuXMn1NXVsWHDBowfPx5paWnw9PREYWEhd+6DBw8Ufg9iv/76K/ezqampxO98jI2NERAQAG9vb27Mn7a2NrS1teXWzps3D/n5+QgMDATQ2EXmwYMH2L59O2+Np6cnnJycEBoaqvBeKCkpQXp6Ojp16gSgsZvR5MmTce3aNQwaNEhmyCo4OBgvXrzAtGnTwLIsDh48CE1NTTAMA39/f5mdppTtnlZTUyPxu7iL1ps3bwAAGhoavLWlpaWIi4sTeNfSmnPv9PT0oKenp9C59vb2uHXrFu7duwdjY2Po6uoqVJeWloapU6fCy8sLX331ldxra87eFlNRUQHQGAjz8PCAvr6+4PlhYWFwdnaWClklJSXh999/l+ggJbZx40YAwLlz53Dv3j1Mnz4dABAZGQljY2PB9ZS532L79u3DiBEj8Mknn+Ds2bPQ0dERDFgBwPz583H06FE8f/4cFy5cwOzZszF58mTBmtatW+OLL77AF198IfU3vn3++vVr7Ny5U/E38/+5ceOGVBhwypQpUuedO3cOQPP3xCeffIKysjJ07doVAFBWViYY4iOEEEIIIYQQQgghhBBCCCGEENIytNiQVXMCJc0J8DRn3JsiQaR3aWpq4unTp1ww4ddff+UCSkL69OkDZ2dn7Nq1C5aWltzxQYMGwdnZmbeupqYGxcXFEoEFeWO0FA2affPNN9i/fz8WLlwId3d3+Pn5SXTUEnLlyhVkZmZywRc3NzeYmZkJ1tTW1mLt2rUKvb5YSUkJF7ACgE6dOqGwsBCampoS3YKaio2Nleg4tGnTJtjb2+Pq1asYOHCg1PkikQhubm5yx8411b59ezAMIzG2Tfw7wzAQiUS8tc0ZK9ece/fNN98ofG5ERAQWL14MPT095OXlYf/+/RgzZoxgzZIlS3D48GHs2rWLd4zl+9SuXTusW7cOx44dQ1JSEhoaGvD27Vve8xMTE7Fr1y6p4z4+PggPD5dZI+7YtXz5ciQkJHDfJTc3NwwfPlzw+pS532KtW7dGTEwMhgwZAltbW2zZskWhuokTJ2LixIkKr1NVVYW9e/dKhZ9++OEH3horKyvk5OTA0NBQ4XWCg4Nx6dIlmJiYcIE7hmFkhqz4xgSK8T3nxCNE27dvD2NjY7i5uQEAzp8/r/DzixBCCCGEEEIIIYQQQgghhBBCyIerxYasmhMoaU6AR09PD46OjkqPe3v69Clu376N2tpa7phQJ6t169Zh5MiRePDgAYYNG4Y//vhDZmekd2VkZEBLS0vm3/bs2SPz+JYtW7Bs2TJ07txZIrAgb4yWosaOHYuxY8fiyZMnOHDgAEJDQ/HmzRtMmzYNU6dOFexoxbIsGhoauM+IZVnIm3hpYGCA4uJi9OrVS+FrHDBgAAICAjBt2jQwDIPIyEjo6+vjzZs3vF2Tnj9/jvLycq7jWHl5OUpLSwHI7jqmqqqKzZs3KxWyamhoUPhcMXE4RFNTExYWFkqNlWvOvXvx4gUWLVok0RFu9erV0NTUlDo3IiICOTk56NWrF3JychAcHCw3ZFVYWIiMjAyJENzfKTIykhsT2L17d9y/fx+TJk3iPV+oq5a8IGJxcTFqa2vRtm1bAI0dyoqLiwVrHj9+jJCQEBQVFSEtLQ2ZmZm4cuUK5s6dK3XuuyMtX79+jSdPnuCnn34CAJmjFsX7h4/Q/vHw8ECnTp1gZWWlcCe0gIAA2NnZQVtbW2KfCo1MjIuLQ25uLm8AsqlRo0ZxwcRHjx5x4xurqqrQu3dv3g5X7dq1A9D4bGgaxPL391fofRFCCCGEEEIIIYQQQgghhBBCCPmwtdiQVXMCJc0J8Cg77g1oDG2sWLEC5eXl6NevH7KysmBlZSUYsrK0tERCQgKuX78OlmVhY2OjUMhES0sL6enpyMzMlAh0CYXAduzYgby8PPTs2VPu6zftClNbW4s7d+5I3DOh7lc9evTAggULsGDBAiQlJeGLL77AihUrJDrevMvFxQUuLi7w8/Pjwk8jRowQvMaKigoYGRlhyJAhEnshOjqat+bHH3/EypUrERoaCpZl4eDggPDwcKiqquLixYsya2bPng0TExOMHDkSDMPgwoULCAsLw8uXL2FrayuzxsLCAr///jusra0F38O7Zs6cKTV2TtYx4L/hkOaMlWvOvZs5cyY0NDRw9OhRAI1di2bOnImoqCipc1u1asUFuAwNDfHq1Su513To0CGl3sNf1bdvX2zdulXi96+//pr3/Pr6elRXV3PhHbGqqirU1dUJrjVhwgRYW1tjwoQJABrvs5eXl2BNYGAgvLy8sGHDBgCNwTgfHx+ZIavU1FTB15Jl48aNsLS0hKurK/dsVFRxcTEuX76sVI2Pjw8WL14MMzMzhYNZWlpaCgWsgP+OCZw1axbs7Ozg4eEBADh58qTg/WlOxzBCCCGEEEIIIYQQQgghhBBCCCEtB8PKSxF9oFasWCHzuND/KP/yyy+RkZEhEeAxNjYWDGY1h5GREa5evQpHR0dkZGQgMTERBw8exN69e2WeLxKJYGJiIhHkUlR4eDiOHz+OR48ewd7eHr/88gucnJy4zjWyiEfcKUJHR4f3b4p0vyovL0dUVBR+/PFHVFVVYerUqbyfHdDYyWn37t2Ij48Hy7JwdnZGQECAYPjjwIEDMo/7+voKXltzZGdn4+rVq2BZFsOGDYORkZHg+aampsjJyYGenh7at2/PHRfq2gMAZmZmSE9Pl3qtjIyM5l+8DM25d8bGxsjKypJ7DGgM4cXExHDBvPHjx0v8Lm9E5T+hsLAQ4eHhUiPvEhISZJ6/cuVKpKWlITIykhvpWVlZCT8/PxgZGWH58uWC6509exZXrlwBy7JwcnLCqFGjBM+3sLBAamqqxOf/PvdCQkIC9u/fj+TkZHh6emL69OnQ1dVVqNbd3R2HDx+WCpwJkbW35Vm4cCEKCgrg5eUlEbYSCq5aWVkhOTlZ7jFZTp06JRVcfd//ThBCCCGEEEIIIYQQQgghhBBCCPnf0mJDVs3RnAAPAKU7RZmbmyMtLQ2GhoZccMrGxgbXr1/nrRkxYgROnTrFjRFTlIGBAVJTU2FlZYXMzEzk5eVh2bJlOH78OG/NlStXcOjQIYwcOVLhwIIyGhoacPHiRezbtw9xcXEYMWIEpk+fjs8++0xuF7C/or6+HmpqijVvq6+vR0xMjFSwZtmyZe/1mvjCbPb29jKPnzhxAtHR0YiPj8fw4cO541VVVXj58iWSkpJ411JmrNxfYWBggN9//50bD/jq1StYWVnJDAn26dOH9zN/nyMq/4pBgwbByckJ1tbWEp2V+MJPIpEI06dPR0xMDPr16wcA+OOPPzBu3Dj8+OOPCndnUpSVlRV+//13mJmZISMjA5WVlRg2bJjMUJtYeno6Fi1ahIKCAon9LXS/q6urcfToUezfvx9t27bFunXrMHjwYMFr8/HxQUpKitSzZM2aNbw1S5cuha2tLVxdXQVfuykHBwepYwzD8AbhgMaw686dOzF06FAAwLVr1zBz5kxkZ2cLrjV37lzk5+cjLS0NEydOxIkTJ+Ds7Ix9+/YpfL2EEEIIIYQQQgghhBBCCCGEEEI+PC12XOCLFy+waNEixMXFgWEYODs7Y/Xq1VzwQxYVFRUEBwcjODhY4XX4OkUJhazatGkDlmWhp6eHHTt2oHfv3igrKxNcR09PD0OHDoWnp6dExyOhdQBAXV0d6urqaGhoAMuy0NfXR2FhoWDN6dOncfbsWdy7d48LhDAM895CVr169UK3bt0wbdo07NmzB126dFG4tri4GIGBgbhy5QoAwNHREREREdDW1uatyc3Nhbe3N8rLy7mAUXR0NMLDw3lrvLy88OTJEwwaNEjhUExzgivdu3dH//79FXp9oHEfjBo1Cjdv3pQI+XTo0AFOTk6CtcqMldu2bRvmzJmDsLAwma8l1LVnypQpsLKywqRJk8AwDI4dO8bb+UreXvxfUFtbi7Vr1yp8vqqqKg4cOIBly5ZxHZnMzMwU6v6kbNcsAPDw8EBQUBBevHiByMhIREREwM/PT3AdX19fhIaGSgXHhHTo0AGjR49GRUUFtm/fjrt378oNWfXp0wd9+vRR6PXFdu3ahW+//Raamprcs5JhGDx79oy35tdff1VqDQDYuXMnJk6cyI3TfP36NTfiUkh8fDyysrJgamqKTZs2ISwsDDNmzFB6fUIIIYQQQgghhBBCCCGEEEIIIR+WFhuymjlzJjQ0NLj/af7DDz9g5syZiIqKkjqXL0giJhQoiYqK4jpFxcTEcJ2ihKxevRrV1dVYv349goKC8Pz5c0RERAjWVFdXw9DQEHfu3OGOKdL1SUNDA3V1dTAxMcGCBQvQq1cv1NTUCNacOXMGhYWFSnfNUtTp06cxaNCgZtX6+Phg5MiROHLkCFiWxd69ezFlyhTBkEVISAi+++47zJo1C0Bj4MXX11cwZJWTk4O7d+8q1VmrOcEVV1dX9OvXD7NmzYK7u7vc9YyNjWFsbAxVVVX4+PhI/C02Nlaw+8+TJ08wefJkbNq0CQCgpqbG29lL3HVIHEBRRlhYGAwNDbmOcOHh4Up1JfpfY2BggOLiYvTq1UupOl1dXYXH6ol5enrCyckJoaGhCu+h+fPn4+jRo3j+/DkuXLiA2bNnY/LkyYI1qqqqCAwMVOj1RSIRfv75Z+zbtw8PHjyAj48P0tPToaWlJbd21apVCq3RVGpqqtI1APD06VPcvn1boqMgXzCUZVn07dsXBQUFyMvLA8uy6N+/P1q3bi13HXV1daioqIBhGNTV1aF79+54/Phxs66ZEEIIIYQQQgghhBBCCCGEEELIh6PFjgs0NjaWGpcl6xjQ2MHK0tISrq6uMkcDfvPNN7zrWFhYIDU1FUZGRsjKygLDMBg8eDBu3Ljx19/Ee3Dr1i3o6OigpqYGixYtQmVlJZYsWQITExPemuHDhyM2Nlbh0Xr/JFNTU2RkZMg91pT4M2p6nrwaZ2dnnD9/XqHQhZiJiQkyMzMVPh9oHJ34008/YefOnXjw4AGCg4Ph5+cnt7uXmZkZ1yVJ6FhTzRkr91c8ffoUDMPgo48++lte/5/i6uqKmzdvYsiQIRIj76Kjo9/7WkZGRnLH1b0PISEhmDFjBkxNTeWe26NHD3zyySeYPn067OzspP4+YMAAwfqff/5Zapyq0LjA5oiMjMSKFStQXl6Ofv36ISsrC1ZWVrh27ZrM81mWhampqdLfV6Cxe965c+cQFhaGiooK9OjRA0lJSf8zz3xCCCGEEEIIIYQQQgghhBBCCCF/j/+9FM17IhKJ8OLFC2484KtXr9DQ0CDz3Li4OOzfvx9HjhyBp6cnpk+frnAHGmU7RaWkpGDjxo24ffs2gMYuOfPnz4elpaXgOvX19di2bZvE+MNZs2bJDUIZGBgAaOxItGfPHoXeU79+/eDo6IjPP/9cIlQibzThP0FXVxf3799H3759AQD379/HwIEDBWvU1NRQV1fHdYkqLi6WGaZrSk9PD46Ojhg7dqzC98DW1hYZGRkKBVfEVFRUMG7cOIwbNw4pKSkYN24cli9fjkmTJmHFihXo2bOnxPn379/HvXv3UF1djQsXLnDHq6qq5HYoa85Yufr6esTExEiNrxPq1nbnzh14enpy3X169eqF6OhopcYi/i+ZOHEiJk6c+I+spUzXLA8PD8HOZ0IhsOvXr2Pv3r3Q19eX2N83b96UOlddXR1//vknwsPDsX79ejTN5TIMIzgOc/78+bhz5w4yMzPh4eGBkydP4rPPPhN8Xzo6OjLfl9A6mzdvRnp6OhwdHZGWlobExEQcPHiQ93yGYaCrq4vy8nKlxpUCwNGjR6GmpoYNGzZg8+bNqKysxIkTJ5R6DUIIIYQQQgghhBBCCCGEEEIIIR+eFhuymjJlCqysrDBp0iQwDINjx47B19dX5rmOjo5wdHREdXU1jh49ikmTJqFt27ZYt24dBg8eLLhOREQE3r59i02bNmHRokUoKCiQOZIQAH7//XeMHDkSM2fOxMSJE8GyLG7evAkXFxdcvHhRcK158+YhPz+fG/ElHt21fft2mee/fv0akZGR6Ny5Mzw9PREWFoZLly6hf//+2Lp1Kz7++GPetWpra6Grq4ucnBzumDJj8/4O4kBJdXU1jI2NMWTIEABAUlIS7O3tBWtDQ0MxZswYlJWVYfny5Th48KDcTjo1NTXo16+fUvdAmeBKU/n5+YiIiEB0dDTc3Nzg7++PuLg4uLq6SnU1SkpKQmRkJJ4+fYoNGzZwxzt06MCNAeTTnLFyXl5eePLkCQYNGqTw+LqZM2fi66+/hre3NwDg2LFjCA4OFhzpmJ2dDSMjI7nH/i/wPTf+DhUVFTAyMlKoa5abmxsA4MaNG0hJSeE+yyNHjsjsONXU1q1bFb6mwsJChc991+XLl5GZmQkzMzNs27YNCxcuRFBQkGDNuXPnuJ9ra2sRFRWFzp07C9a0atUKnTt35oKAdnZ2WLhwoWBNu3btYGpqCjc3N7Rv3547LjQeViQS4csvv+Se8YsXLxZcgxBCCCGEEEIIIYQQQgghhBBCSMvRYscFAsDFixcRHx8PlmXh7OwMV1dXuTWlpaWIjIzE9u3bsW7duvcasBgzZgymTZuG0aNHSxw/c+YM9u/fj9OnT/PWGhkZITMzk+vAVF9fDzMzM97RYpMnT0ZVVRVevXoFFRUV9OnTB+PGjUNCQgLu3r2Ls2fPvrf39VdkZmYiNzcX3t7eqKysRG1tLbS0tKTOO3DggODryPucrl+/jjNnzoBlWbi7u2Po0KF/6bpluXr1qszjQiEwV1dX3Lt3D8HBwfD390enTp24vxkYGODWrVsy6/bt2ye3C9W7YmNjpb4Dso41pa+vj7t37yoVspM1NlHeeMbmjD/8p5SWxAznIAAAIABJREFUlsLf358LiTk5OWH37t0y9+lfxbfPhfa3k5MTzp07h7Zt2wJoDFi6u7sjLi7uvV+fsiwtLZGSkgITExOkpKSgVatWMDc3R1pamlKv4+TkhPj4eN6/29jYICkpCePHj8ewYcPQu3dvfPnll7h37x5vzYoVK2QeFxoPCzSGchMSEhS7cEIIIYQQQgghhBBCCCGEEEIIIS1Giw5ZAcDTp0/BMAw++ugj3nNEIhF+/vlnrjuUj48PfH19BUMUzekUpa+vj7y8PJmvp6enJxgIMDQ0REZGBjcesK6uDmZmZhKdlpoaMGAAcnNzUVtbix49eqCiooILaPGFd5KSkmBraysxhq6pkSNH8l5fc+zatQvff/89Xr58ifz8fOTn58Pf3///NMDwT9+DkydPYuzYsXLHF4o9ePAAOjo6yM3Nlfn3AQMG8NY2J8jk7OyM8+fPo3Xr1gpdHwCYm5sjKiqKu5a8vDx4e3vLDNaUlZXh2bNnGD9+PGJiYrhRdFVVVZg6dSrv9+Wf5O7uDmtra25U5K5du5CUlPS3BBWfP38uEbRThL6+Pu7cucPtIZFIhAEDBgjeu7KyMqxYsQJZWVmora3ljsvruqYsR8f/196dx1VV7/sffy9wwDnLAdJLOKTlEQUUpcgBzByz0iRnEszUEj2nDnZyKI9mjqXerschgy6WZZlD2rWbwLYbR01BUFMsB9TEMQhUUgT27w9/7IcIeyO4YQu9no+Hj8fea63v/n42LpZ/+H58PoHasmWLXn/9dV2+fFlubm4ymUwl2ic9PV0dOnSwOS4wJiZGHTp00KVLlzRu3Dj9/vvvevfdd/Xkk0/a42sUMGfOHJ0+fVqjR48u0AHL1u8eAAAAAAAAAAAAAKDiq7TjAg8fPqygoCCdOXNGktS0aVOtW7dOjzzySKFrmzRpInd3d4WEhFjGbKWnpys9PV1S0f95/tJLL1k6RX344Yfy8PDQ/PnzFRMTo3HjxhUZwMjvNFOUmjVr2vw+vXr1Uq9evRQaGirDMBQZGak+ffpYvb569eqSJBcXFzVr1qxAiMdaYCYyMlL+/v4FxtDlMwzD7gGjFStWaNeuXXr88cclSS1atNCFCxeKvDY8PNzmZxU14it/xKA1RY1gK83PYMqUKZo3b57V/YraJ9/zzz+vPXv2KDo6WoZhqEePHurYsaPV6ydOnKgtW7aoX79+RdZXVBDl6NGj+vnnn5WZmVkgPJaRkaGsrCyre0k3w3+BgYEaOHBggfF1+YGjorzzzjvq1q2bvL29ZRiGEhMTrY7Q/OSTT7R48WKlpqYW+NnWq1ev2L/z8nL69OkCv89vvPGGvLy8ymSvhx9+WM8++6wmTpx4x6MSu3fvrr59+1q6XUVFRal79+4214SEhMjf31/ffvutFi1apBUrVsjb2/tuyy9kzZo1cnZ21sKFC7VgwQKlp6fb/H2Qbna/yv89ys3N1YkTJ/T666/bXBMYGCjp5n3z3XffSVKB8Jg1X331lRITEwtca2tcoCStWrVK0s0ucPms/e4BAAAAAAAAAAAAACqPShuymjBhgv7xj39o2LBhkqTPPvtM48ePt4z8upWLi4suXryoefPmaf78+bq1uZe1/zxPSEgo0Cnqf//3f+Xk5KQ+ffqobdu2RdaUnZ2tw4cPq6jmYdnZ2Ta/z/z587VixQp99dVXMpvNeu655zR27Fir11+/ft2y162vJevhg1WrVikvL0/vvvuu/Pz8bNZjD9WqVSsUPMvv1HW7WrVqlfjz+/fvX+I1//rXvySpyPvk5MmTRa554oknSr3f+++/ryVLlui5556TdDMYNnnyZE2aNKnI67ds2SLpZkerOxUXF6fIyEidP3++QHisbt26WrRokc21WVlZevjhhwt0TCtudGDv3r116NAh7d69W2azWY899pgaNGhQ5LWTJk3SxIkTNXv2bM2YMeOOv1N5ysvL07lz5+Tq6ipJunDhQpG/w/Zw9OhRrV69WoMGDZKrq6smTpyoQYMGydnZ2eqaDz74QMuXL9eXX34ps9msfv362Xw2SNKpU6e0efNmffLJJ3r66afVq1cvm6HN0nrwwQctr/PH8FkbcZpv4cKFltdVqlRRs2bNCnzO7cxms9LS0vTAAw9Iuvks/de//qV58+YpNTXV6rrJkyfr2LFjio+P19ChQ/XFF1+oZ8+exX6nkvzuAQAAAAAAAAAAAAAqj0o7LtDLy0uJiYkFjnl7e2vfvn12+fxbP+v2z7U2gs3Dw8NqQMXenVDuZq9OnTrZfWxYUfr376/33ntPQ4YMUUJCgqKiorRu3boyGcN2p4YNG6ZPP/200PHTp0+rW7dudu9W06pVK+3cudMSEElLS5Ofn5/N0ZH58sM/OTk5lmPu7u5Wr1+9erVCQ0PvvmgbcnNz5eXlZXWMZVHMZrO8vb0L/b7eK6KiohQeHq6nn35ahmHom2++0bvvvqsRI0aU6b5bt27V+PHjlZubqwkTJmjy5MmlChsWJf933NfXV99++63uu+8+Pfroo3Ydz5iYmKiTJ0+qa9euql+/vpKTkzVt2jSZTCZdunTJLnt88803Gjp0qK5cuaLAwEC98847euGFF9SwYUMtXLjQ0pmwKJ6enkpKSpK3t7eSkpJ0/vx5jRkz5o6eP3v37i3Qfa5Dhw52+T4AAAAAAAAAAAAAgHtXpe1k5ezsrEOHDllG/R05cqTAyLy7VZpOUSkpKSXepzRj8kq7V75HH31Ux48fV/PmzUv9GXdi8eLFGjZsmI4cOSIPDw/VrFmz2IDDmTNn9Morr+j06dOKj49XYmKiTCaTJk+eXOja/fv366efftLQoUMlSS+//LJlBOTf//53+fr6FlqTlZWlV155Rf/1X/9lOXb69Gl1795dEydOtFnb77//rhUrVujYsWMFgk8fffSR1TVubm6WgJUk3X///ZaOSbZERkYqLCxMVatWtdzXhmEUOW7xxIkTatasmR577DEdOnSo0PmixmHeavfu3YW+06hRo4q81tnZWU2bNtUff/xhczzmrQzDUIsWLfTbb78V+FncK0aOHCkfHx/FxsbKbDZr0qRJxf7M7sbly5cVGRmpZcuW6S9/+YteeuklRUdHq3fv3vq///u/QteX5r5r3bq10tLSNGLECPn5+alevXp2HRe4cOFCzZo1Sw8//LAyMjL0t7/9Ta+99prGjh1rNUBYmvGeU6dO1WeffaaAgACtW7dOgYGBmjJliqZPn15sjS4uLnJycpJhGLpx44YaN25sGS9ry6pVqzRr1iwNHDhQkjRw4EBNnz5dY8aMKXYtAAAAAAAAAAAAAKDiqrSdrLZt26aRI0fK29tbhmEoMTFRUVFReuqpp+zy+eXVlcrJyUm+vr7q3bt3kSGx/BFc9tSnTx/FxcXpiSeeUO3atS3Hiwo53K28vDwdOXJEZrNZrVu3tjkWTbrZ/WrIkCFasGCBkpKSlJOTI29v7yI7Jw0cOFChoaHq16+fJOmRRx7RP/7xD129elXR0dFav359oTXXr19X79699fjjj+udd97Rr7/+qu7du2v8+PF67bXXbNb25JNPqmHDhnrssccKfI9XXnml0LX5Yac1a9bowoULlg5TEREReuihhzR16lSbe7Vo0UJbt27VI488YvM66ebPbMuWLWrWrFmhc8Xdq+PHj9e3334rLy8vy3cyDMPmvTBp0iTFxcUpKCiowP0zYcIEq2tGjRolk8mk/v37F1hjLURYnrKzs1WtWjVJ0vHjx3Xo0CH16dOn2Hu1NMaNG6dNmzZp0KBBmjhxolq3bm059+ijj+rw4cOF1pTkvitKXFyc0tPT7fqd2rRpo++++05NmjTRTz/9pPbt2+ubb76x+fz9+OOPbX5mcHBwoWO3dyx86KGHrI71vF1gYKC2bNmi8PBwpaWlydXVVXFxcdq9e7fNde3atVN0dLQaNmwoSbp48aJ69OhR7BhEAAAAAAAAAAAAAEDFVmk7WfXu3VuHDh3S7t27ZTab9dhjj6lBgwZ2+/y76RRVEtu3b1dERIQ+/fRTBQUFKSQkRC1atCjTPYcMGaIhQ4aU6R75vv76ayUnJ2vKlClKTU3Vb7/9Jk9PT6vXnzt3TiNGjNCiRYskSVWqVFGVKkXfxidPnrQErCSpRo0alqDG2rVri1xTvXp1bdq0SYGBgZKkL774Qi+//HKxAStJOnv2rLZv317sdZIK1CVJ0dHRlteGYRQbsmrYsOEdBawkacuWLZJudrQqqe3bt+vQoUNycXG54zWZmZny9PQsEAiy1aFIuhkaK+v7urT8/f0VExOj7OxsdenSRR4eHtqyZYuWL19u971atmyp5ORk1atXr9C5mJiYIteU5L6TCo909Pf3L12xNlSvXl1NmjSRJP3lL3/Rww8/XGzAtagQVXFuD56WpBPa2rVrVaVKFS1YsEDvvfee0tPT9cUXX9zR2vyAVf7r4u5vAAAAAAAAAAAAAEDFVylDVreGCPr37+/ocu5KYGCgAgMDlZmZqbVr12r48OGqUaOG5s6dq86dO5fJnqUJO5TG22+/bRlFN2XKFBmGoXHjxikuLs7qmipVqujW5mvp6enKy8sr8trs7OwC72/tXJU/NvB2+R2mFi5cqMGDB6t///7q16+f5bitMXEtWrRQRkZGkQGZ25Um8CTdHGco3ezS9cEHH2jYsGEFAlA1a9a0uT4vL0/nzp0rMFbO3d3d6vVubm4lClhJN7txlVRZdGSzl5ycHNWpU0f//d//reDgYM2ZM0ft2rWz6x6zZ89WQECAJk+ebDU06ObmVuTxktx3UulGOpZUdna2fvnlF8vvqpOTU4H3rVq1KrSmNKNRDxw4oEaNGlnep6enq1GjRjKbzVbHZ2ZmZiotLU0eHh6WY1OnTtXx48d13333FfvdWrZsqalTp+qVV16RYRhauXLlPRsQBAAAAAAAAAAAAADYT6UMWZVHiKC81a1bVwMGDFBaWpqWLl2q5ORku4es/vjjD0VGRqp+/foKCgpSeHi4vv32W7Vu3VpLliyxdKaxl40bNyo+Pl4dO3aUdDNEcvnyZZtrBg8erHHjxuny5cuKjIzUsmXLLKP2bpeTk6PMzEzVrVtXktS8eXNJUkZGRoGQ0a1u7TBVu3ZtmUwmmUwmScWP1qtTp446duyoPn36FAgmFRUOuX79uqpXr24JTd3OWliqdu3aMgzDElYJCwuzvDcMQ7m5uVbri4yMVFhYmKpWrWrpAGQtiJLv8ccfV1BQkIYMGVLgO/Xt29fqGklKSEhQYmKirl27Zjlma1zg5cuX9eabb2r79u0yDEM9e/bU7NmzVadOHZv7lIfr169Lkkwmk4YNGyapcAelu5WSkqLg4GCdO3dO/v7+CggIUEBAgDp27FjsCL+S3Hf5WrVqpS5dupRopGNJZGRkqEePHgUCkfnd4QzD0KlTpwqtqVWrVon3OXr0aInXhIeHq2fPngVCVtLNsYk7d+7UsmXLbK5fvny5wsLCLEG7nj17lklXMwAAAAAAAAAAAADAvcUw3/q/4JXIpEmTFBcXV2YhgvKSm5urzZs3a/Xq1Tpx4oRGjhyp4OBgq11t7saIESOUkZGhq1evysnJSR4eHho0aJBiYmKUnJysr7/+2q77+fn5adeuXfL29ta+ffskSe3atdP+/fttrlu7dq02btwos9msAQMGaMSIEUVeN3PmTCUlJSkiIsLS5ScjI0OhoaFq27at3n77bbt+n5kzZxZ5vKguTT4+PkpISJCTk1OB0JSkYsNSpdWiRQtt3br1jscMSlJAQEChY4ZhWB1dJ0nz5s3T559/rlOnTqlbt2767rvv1KNHD23YsMHqmpEjR6pmzZoaP368JGnlypW6fPmyoqKi7rjWsvLqq68qJiZGOTk5+umnn3TlyhX17NlTe/futftep0+ftgT7YmNjdenSJXXp0kVbt261uqYk912+0aNHFzpmGIY++uijkhddwbRp08bSme52bdu21cGDB8u5IgAAAAAAAAAAAABARVBpQ1aVJUTg6uoqd3d3hYSEqGvXroXO2xpfV1L54YNr167J1dVVaWlplo49ZRE+eOGFFzRx4kSFhYVp7969mjNnjg4fPqxPPvnELp+fk5OjF198UZs2bVLLli1lGIZ++eUXPfPMM4qMjLQ6lu1eNnv2bAUGBqpTp04lrj8/1FbW2rZtq71798rPz0+JiYk6cuSIZsyYoc8//9zqmvbt2yspKanYY45gNpuVlJSk5s2bq27durp06ZJOnz4tb2/vMtkvJydHu3btUmxsrNasWaMrV67ozJkzZbLXveSLL77Q4MGDrXaSsldA1tPTUwcOHCjxuXw5OTlasmRJga5rEydOrJDPEwAAAAAAAAAAAADAnau0/yscERHh6BLswsXFRRcvXtS8efM0f/78Qh2PbI2vK6nq1atb9mzWrFmBkWjVqlWz2z75li5dquDgYB08eFA1a9ZUly5drAaswsPDbX5WUaPRqlSpojVr1ujo0aOWTlne3t5q2bLl3RdfhJycHK1fv17Hjh0rMI5wxowZRV6fm5srLy+vYkMdt0pJSdGoUaNKNFYufyThwIED9cEHH2jYsGEFxspZG02Yb/369QUCJc8995zN611cXOTi4qK8vDyZzWa1bt1aKSkpNtfk5ubq8uXLlvGAV69eVV5ens015cUwDN24cUPLli2TYRjq0aOHZcSlvezcuVOxsbGKjY3VqVOn5Ovrq65du+rrr79Wq1atil3/1VdfFRrPWNTvxIQJEywhpk2bNumZZ56x35e4SwcPHtTgwYO1Z8+eQucMw7DbPrePEc2XkZGhGzduFLv+b3/7m44dO6aXX35ZkixdBpcuXWq3GgEAAAAAAAAAAAAA955KG7KqLN1Gigun2NP169d1+PBhmc3mAq8lFQhv2Evjxo21bds2ZWVlKS8vr8BYx9stXLhQvr6+6t27d4Hw151o2bJlmQWrbjVkyBCdO3dOnTp1shp4upWzs7OaNm2qP/74QzVq1LijPT788ENJBcfKrVy50uZYudq1axcYSRgWFmZ5X9xown/+85/auHGjRo0aJUl655139NNPP2natGlW19SsWVM3btyQl5eXpkyZoqZNm1qCXtaMGjVKfn5+Gj58uAzD0Geffabg4OBifx7l4f3339eSJUss4bLBgwdr8uTJmjRpkt328Pf3l5+fn2bMmKHevXuXaO3kyZN17NgxxcfHa+jQofriiy/Us2fPIq+9tZPZzJkz76mQVf7Yw7IOyA4dOlQjR45UZGSk6tevL0lKT09XaGiohgwZUux6k8mkxMREy3Oof//+8vHxKdOaAQAAAAAAAAAAAACOV2nHBYaFhenYsWN66aWXJN3sNtKsWTO6jdjg4eFhtWOMvbtm5Tt79qxOnDhRoPNTUWMRY2JiFBERoV27dikoKEghISFq0aKF3eu5G61bt1ZycnKJuu5MmjRJcXFxCgoKKhAyu5PRaOUxVq5du3batWuXpdvV1atX9dhjj2n//v1W1xw8eFDNmjVTVlaW3nzzTaWnp2vatGny8vKyudf//M//KDo6WmazWT179ixx2KistGrVSjt37tQDDzwgSUpLS5Ofn59+/vlnu+1hMpm0Y8cOmUwmnTlzRp07d1a3bt3UvXv3YgOCnp6eSkpKkre3t5KSknT+/HmNGTNGX3/9daFrvb29C3R1y399L/j+++9tni/quXCrO32W5ObmKiQkROvXr9fDDz8sSfrll180aNAgffTRR8UGJD09PbVv3z5LYPfGjRvy8fEpUUc6AAAAAAAAAAAAAEDFU7HaOpUA3UZKrjy7Zkk3uyItWLBAzZs3twQbDMPQjz/+WOjawMBABQYGKjMzU2vXrtXw4cNVo0YNzZ07V507dy7Xuq1xd3fXjRs3SjRaMTMzU56enjp8+LDlmK2QVmnGys2ePVuBgYHq1KlTiTu5mc3mAuMEa9WqpeJymW3btrVcu2rVqmL3OHjwoH7++We1b99effr0KVF95cHNzc0SsJKk+++/X66urnbdo3v37urevbveeustZWdna+fOnTKZTOrfv7+uXLmiX3/91epaFxcXOTk5WcYaNm7c2GrYzla3Oklq06aNXb+XJG3evLnQKMM5c+YUuu61114rdMwwDKWmpurs2bM2O66V5Fni7Oysjz/+WDNmzFBCQoIkycfH545Dm7169VKvXr0UGhoqwzAUGRl5T963AAAAAAAAAAAAAAD7qrQhK7PZrLy8PEvIymw2FxsOQfn66KOPdPToUTVo0OCO19StW1cDBgxQWlqali5dquTk5HsmZNWqVSsFBgZq4MCBcnFxsRy31ZWqpKPRSjNWLiUlRaNGjdK5c+fk7++vgIAABQQEqGPHjsV27enUqZNGjRqlcePGyTAMrVq1Sr6+vkVeGx4ebvOz5s+fX+jYsmXLNHXqVLVq1UpHjhxRRESEZSyfox06dEjSzZ/5mDFjFBoaKunm31mvXr3KZM/U1FTFxsbKZDIpJiZGFy5ckL+/v801derUUVZWlp544gkFBwfL1dVVVatWLfLarKws9e3b1/L+1tdl0a3utdde0+HDh5WYmKjBgwfryy+/1FNPPVXktXv27CnwPi0tTbNnz9aaNWssowStKc2zpEWLFqXqhjd//nytWLFCX331lcxms5577jmNHTu2xJ8DAAAAAAAAAAAAAKhYKu24wNdff1379u0r0G2kffv2RQY94Bj+/v6Ki4u7o2tzc3O1efNmrV69WidOnNDIkSMVHBwsNze3Mq7yzo0ePbrQMcMw9NFHH9lcl5CQUKjTj7Vg1t2MlTt9+rRMJpNMJpNiY2N16dIldenSRVu3brW65urVq5o1a5a2b99uGeM3ffp01apVq9C1Tk5O8vX1Ve/evS3hxlu99dZbhY61bdtW27ZtU9OmTXXgwAGNHz9eP/zwg83vUV6aNWtm9Zy9A0ljx46VyWRSamqq/Pz8LEG4O+k+dv78edWvX1+5ublatGiRfv/9d4WFhcnd3d1u9ZWWp6enEhMT5ePjo6SkJJ09e1bjxo3Tpk2brK65du2a3n//fS1evFhDhw7VtGnTig1PleRZAgAAAAAAAAAAAABAaVTakFVeXp5WrlxZIBwyduzYIsMfcIx//vOfysjI0PDhwwt0fipqZJmrq6vc3d0VEhKirl27FjpfFmPOysO8efP0+eef69SpU+rWrZu+++479ejRQxs2bCh27a1j5dauXVvsWDlJysnJ0a5duxQbG6s1a9boypUrVkfLSdL+/fvVrl27Yo9JUkxMjCIiIrRr1y4FBQUpJCSk2E5B3t7e2rdvn9X3fxYzZ85UQECA/Pz8SjRuMt+lS5ckqUSdnMqDr6+v9uzZIy8vL+3Zs0dVq1ZVhw4dFB8fX+javLw8ffjhh5o1a5a6deumWbNm2Qy63aokz5LSKk2nNgAAAAAAAAAAAABA5VFpQ1a49xUVoLDWIcjDw0OGYViuufW2LYsxZ6VVkq5U0s1OTnv37pWfn58SExN15MgRzZgxQ59//rnNfayNldu2bVuha3fu3KnY2FjFxsbq1KlT8vX1VdeuXdW9e3e1atXK5j4+Pj5KSEgo9titMjMztXbtWkVERKhGjRqaO3eu1ZGObdq00fr16y1/n88//3yB9/dKeG7v3r2Kjo6WYRjq0aOHOnTo4OiSJEmLFy/W3LlzdfHiRUlSo0aN9MYbb2jSpEkOruymwMBAbdmyRa+//rouX74sNzc3mUwm/fjjj4WubdOmja5fv66ZM2fKx8enyPPWlORZUlql6dQGAAAAAAAAAAAAAKg8bM+hqoD++OMPRUZGqn79+goKCtKUKVO0bds2tW7dWkuWLFGTJk0cXSL+vxMnTtzxtSkpKWVXiJ1Y60plK2Tl4uIiFxcX5eXlyWw2q3Xr1ja/a1Fj5aKiomyOlfP395efn59mzJih3r1739F3uXTpki5cuKBr167p8OHDltBTRkaGrl69anNt3bp1NWDAAKWlpWnp0qVKTk62GrLKyspS3759CxzLf3+vhOdWrVqlWbNmaeDAgZKkgQMHavr06RozZoxD61qzZo1WrlypqKgo+fr6ymw268cff9Rf//pXNWjQQMOHD3doffk1Ojs7a+HChVqwYIHS09O1bt26Iq/NysqSYRiaPn16iYOUJXmWlNb27dsVERGhTz/99I47tQEAAAAAAAAAAAAAKo9K18lqxIgRliCIk5OTPDw8NGjQIMXExCg5OVlff/21o0vELe7VDkGlUZquVF27dlV0dLRCQ0Pl6uqqpk2batWqVTpw4ECR15dmrJzJZNKOHTtkMpl05swZde7cWd26dVP37t3VsmXLItcsWbJEixcvVmpqqh588EHL8Xr16mnixIkKDQ0ttCY3N1ebN2/W6tWrdeLECY0cOVLBwcFyc3O7ozrvVe3atVN0dLQaNmwoSbp48aJ69Oih/fv3O7Subt266YMPPpCnp2eB4/v379err76q77//3kGV3ZSbm6vQ0FBFRkaWy37l9SwpSac2AAAAAAAAAAAAAEDlUelCVm3atNGhQ4d07do1ubq6Ki0tzTLaqW3btjp48KCDK0S+2zsEbdiw4Z7oEFRaHTt21N69e9WuXTslJSXJMAx17txZu3fvtrrm4MGDatasmbKysvTmm28qPT1d06ZNk5eXV5nUmJ2drZ07d8pkMmnt2rW6cuWKfv31V6vXz5o1S9OnT7+jz3Z1dZW7u7tCQkLUtWvXQufvldF/JdWuXbtCgar27dsrKSnJQRXd1Lp1ax05cqTE58pTYGCgYmJiynyf8n6WnD17VpGRkVq6dKnmzp2r4ODgMtkHAAAAAAAAAAAAAHDvqHQhK29vb+3bt6/Qa0ny8fFRQkKCo0rDbe7VDkGlVdKuVOUtNTVVsbGxMplMiomJ0YULF+Tv769t27YVu/b48ePavHmzWrZPTkVLAAAQF0lEQVRsqf79+xd5jYeHhwzDkKQSj3u7lw0cOFCPPvqoXnnlFRmGoZUrVyopKUlfffWVQ+vq0KGD4uPjizx3rzzr3n33XaWmpmr06NGqXbu25XirVq3suk95PEsqa6c2AAAAAAAAAAAAAMCdqeLoAuzt+vXrOnz4sMxmc4HXknTt2jUHV4fb5Yci8l/nh3QqomXLlik7O1uLFi3Sm2++qePHjysqKqrIa8PDw21+1vz58+1W19ixY2UymZSamio/Pz8FBAQoKipKnTp1UpUqRT8CevbsqQULFsjLy0upqanq2LGjOnfurOXLl+unn37SlClTCq1JSUmxW833kuXLlyssLEzt2rWTYRh68skntXz5ckeXpQsXLmjZsmVFnrt06VI5V1O0/Po2btxoOWYYhk6dOmX3vcr6WdKkSZNCndrS09OVnp4uqeJ2agMAAAAAAAAAAAAA3JlK18nq1m46t6vI3XQqo3u1Q1B5cHJykq+vr3r37m0ZZ3mrt956y257zZw5UwEBAfLz81O1atXuaE3+2E1JWrhwoeLi4rRhwwalp6erW7duFbbbWGUyevRom+cjIiLKqRLrLly4oEaNGpX5PuXxLKmsndoAAAAAAAAAAAAAAHem0oWsUHFcuHBBYWFh2r59u6Sb3ZOWLFlSLqEMeypNV6qYmBhFRERo165dCgoKUkhIiFq0aFFWJZbYrePmBg4cqD59+uill14qdK4y++abb2ye79u3bzlVUjGZzWZ5eXkpKSmpzPeqLM8SAAAAAAAAAAAAAMC9i5AVcJfupitVZmam1q5dq4iICNWoUUNz585V586dy7LcO9KxY0dt3LhR9evXl7u7u3bu3KlWrVpJkh555BElJyc7uMKyFxAQYHkdHx+vDh06WN4bhqGYmBhHlFWhPPfcc1q9erXuv/9+R5cCAAAAAAAAAAAAAMBdqeLoAvDnlZOToyVLlmj79u0yDEM9e/bUxIkTVaVKxbott2/froiICH366acl7kpVt25dDRgwQGlpaVq6dKmSk5PviZDVm2++qQ4dOqhq1aoKCAiwBKz+/e9/y8PDw7HFlZPY2FjLa29v7wLvcWfq1aunDh066Omnn1bt2rUtx+fMmWOXz1+2bJnN8xMmTLDLPgAAAAAAAAAAAAAA0MkKDhMWFqZjx45ZxtCtXr1azZo109KlSx1cWemUpCtVbm6uNm/erNWrV+vEiRMaOXKkgoOD5ebmVs5VW3f+/HmdPXtW7du3l2EYkqTU1FTl5OTI3d3dwdWVrz/LiER7mz59epHHZ82aZZfPHz16tCTp0qVL2rFjh3r06CFJio6OVs+ePbV+/Xq77AMAAAAAAAAAAAAAQMVqGYRKxWQyKTEx0TJir3///vLx8XFwVaVXkq5UTZo0kbu7u0JCQtS1a1dJUnp6utLT0yVJbdq0Kbe6rWncuLEaN25c4NiDDz7ooGpQlNzcXL344ouKiopydClFsleYypqIiAhJ0rPPPqukpCQ1a9ZMkpSSkqLw8PAy3RsAAAAAAAAAAAAA8OdCyAoOYzablZeXZwlZmc1mVcTGakV1pUpISLDZlcrFxUUXL17UvHnzNH/+/ALf2zAMHT9+vDxKhw2HDh2yvL527ZoOHz5c4O/pXgjCOTs768yZM44uw6bNmzcrMTFR165dsxyz17jAfCkpKZaAlSR5eHjo559/tuseAAAAAAAAAAAAAIA/N0JWcJhevXqpV69eCg0NlWEYioyMVJ8+fRxdVomVpitVSkpKeZaIUujXr1+B93379rW8vpeCcE8++aTGjx+v0aNHq3bt2pbj90II7LXXXtPhw4eVmJiowYMH68svv9RTTz1l930aNGigWbNmacyYMZJujh5t0KCB3fcBAAAAAAAAAAAAAPx5GeaK2DoIlUJeXp5WrFih6Ohomc1m9ezZU2PHjrV0tqooPDw8ZBiGpJvhG7pSoTzd2sEp371y33l6eioxMVE+Pj5KSkrS2bNnNW7cOG3atMmu+6SmpiosLEyxsbEyDEOBgYFavHgx4y0BAAAAAAAAAAAAAHZDyAoAUCZ8fX21Z88eeXl5ac+ePapatao6dOig+Ph4R5cGAAAAAAAAAAAAAECJMC4Q5S48PNzm+fnz55dTJUDlsGnTJiUnJ2vKlClKTU3Vb7/9Jk9PT0eXpTp16igrK0uPP/64QkJC5ObmJmdnZ7vvk5mZqRkzZiglJUUbN27UoUOHlJSUpKFDh9p9LwAAAAAAAAAAAADAn1PFmsuGSmHhwoXasWOHatSooVq1ahX6A+DOvf3221q+fLlWr14t6eaowHHjxjm4qpvWrFkjZ2dnLVy4UC1btlR2drbWrVtn933GjRunBg0a6OjRo5JujlCcN2+e3fcBAAAAAAAAAAAAAPx5MS4Q5S4mJkYRERHatWuXgoKCFBISohYtWji6LKBC8vLyUnx8vDp27Kh9+/ZJktq1a6f9+/c7rKb3339ff/3rX8ttPx8fHyUkJMjb29vyM2jfvr2SkpLKrQYAAAAAAAAAAAAAQOVGJyuUu8DAQEVFRSk+Pl7u7u4aPny4AgICtHv3bkeXBlQ4Li4uZTKC7258++236t69u06dOlUu+1WrVq3A+z/++EPkhwEAAAAAAAAAAAAA9kTICg5Tt25dDRgwQM8884ySk5OVnJzs6JKACuehhx7SDz/8IMMwlJeXp9mzZ8vT09OhNW3btk3Dhw+Xv7+/IiIiyny/gIAAzZkzR9evX5fJZNILL7ygZ599tsz3BQAAAAAAAAAAAAD8eTAuEOUuNzdXmzdv1urVq3XixAmNHDlSwcHBcnNzc3RpQIVz/vx5BQcHKyYmRk5OTurSpYvWrFmjxo0bO7o0/fLLL+rUqZOcnZ3l5OQks9kswzB04cIFu+6Tk5OjBQsWaOPGjTKbzRowYIDeeOMNValSxa77AAAAAAAAAAAAAAD+vAhZody5urrK3d1dISEh6tq1a6Hzbdq0cUBVQMWWlZWlvLw81a5d29GlSJLi4+P14osv6oknntDf//73AiMNH3roIQdWBgAAAAAAAAAAAABAyRGyQrnz8PCQYRiSJMMwdOstaBiGjh8/7qjSgAqnU6dO+vHHH4s9Vp6mTZumTz75RMuXL1evXr3KfL8xY8Zo3rx5euCBByRJly5d0tSpU7VixYoy3xsAAAAAAAAAAAAA8OfALCWUu5SUFEeXAFQaOTk5Bd7n5ubqypUrDqrmppSUFO3bt0/33XdfuewXHx9vCVhJUoMGDbRnz55y2RsAAAAAAAAAAAAA8Ofg5OgCAAAlt2DBAjVs2FAHDx5Uo0aNLH/q1aunLl26OLS2NWvWlFvASroZLLuV2WzW9evXy21/AAAAAAAAAAAAAEDlx7hAAKiAMjIylJ6ervHjx2v58uWW43Xr1lX9+vUdWFn5e+mll1SzZk2Fh4fLbDZrwYIFunr1qj788ENHlwYAAAAAAAAAAAAAqCQIWQEAKrTMzExNnjxZW7ZskWEYGjBggN577z3VqVPH0aUBAAAAAAAAAAAAACoJQlYAUIEdO3ZMkydPVlJSkq5du2Y5fuHCBQdWBQAAAAAAAAAAAABA5VLF0QUAAEpvzJgxGjdunI4fP66tW7fqP//zP+Xh4eHosspdQkKCEhMTCwTNJkyY4MCKAAAAAAAAAAAAAACVCZ2sAKAC8/HxUUJCgjw9PXXgwAGZzWYFBgYqNjbW0aWVm3nz5unzzz/XqVOn1K1bN3333Xfq0aOHNmzY4OjSAAAAAAAAAAAAAACVhJOjCwAAlF7VqlUlSXXq1NHJkyd1/fp1nTx50sFVla+oqCj9+9//VtOmTbV+/Xrt2bNH1apVc3RZAAAAAAAAAAAAAIBKhHGBAFCBdevWTWlpaXr11VfVsWNHVa9eXc8//7yjyypXLi4ucnFxUV5ensxms1q3bq2UlBRHlwUAAAAAAAAAAAAAqEQYFwgAlcTp06eVkZGhtm3bOrqUctW1a1dFR0crNDRUrq6uatq0qVatWqUDBw44ujQAAAAAAAAAAAAAQCXBuEAAqOA2bdqkefPm6T/+4z9Uv379P124aNmyZcrOztaiRYuUnp6u77//XlFRUY4uCwAAAAAAAAAAAABQidDJCgAqsLffflu7d+/WsWPH9PPPP+vs2bN6/vnnFRcX5+jSAAAAAAAAAAAAAACoNKo4ugAAQOlt3LhR8fHx6tixoyTJzc1Nly9fdnBV5SM8PNzm+fnz55dTJQAAAAAAAAAAAACAyo5xgQBQgbm4uMjZ2dnRZTjEwoULtWPHDtWoUUO1atUq9AcAAAAAAAAAAAAAAHuhkxUAVGAPPfSQfvjhBxmGoby8PM2ZM0eenp6OLqtcbN++XREREfr0008VFBSkkJAQtWjRwtFlAQAAAAAAAAAAAAAqIcNsNpsdXQQAoHTOnz+v4OBgxcTEyMnJSV26dNEnn3yiRo0aObq0cpOZmam1a9cqIiJCNWrU0Ny5c9W5c2dHlwUAAAAAAAAAAAAAqEToZAUAFVReXp5SUlK0bds2ZWVlKS8vT7Vr13Z0WeWubt26GjBggNLS0rR06VIlJycTsgIAAAAAAAAAAAAA2JWTowsAAJSOk5OTJk6cKEmqWbPmny5glZubqw0bNqh///568sknZRiGEhISFBwc7OjSAAAAAAAAAAAAAACVDJ2sAKACe/TRR3X8+HE1b97c0aWUuyZNmsjd3V0hISHq2rWrJCk9PV3p6emSpDZt2jiyPAAAAAAAAAAAAABAJWKYzWazo4sAAJROnz59FBcXpyeeeKJAJ6t169Y5sKry4eHhIcMwJEmGYejWf84Mw9Dx48cdVRoAAAAAAAAAAAAAoJIhZAUAFdjHH39c5HFG5gEAAAAAAAAAAAAAYD+ErAAAAAAAAAAAAAAAAADABidHFwAAKLn9+/dr7dq1lvcvv/yygoKCFBQUpD179jiwMgAAAAAAAAAAAAAAKh9CVgBQAb399tuqW7eu5f2OHTvUr18/de/eXXPnznVgZQAAAAAAAAAAAAAAVD5VHF0AAKDkTp48qX79+lne16hRQ8HBwZJUoMMVAAAAAAAAAAAAAAC4e3SyAoAKKDs7u8D79evXW16np6eXdzkAAAAAAAAAAAAAAFRqhKwAoALKyclRZmam5X3z5s0lSRkZGcrJyXFUWQAAAAAAAAAAAAAAVEqErACgAhoyZIhefPFFZWRkWI5lZGQoNDRUQ4YMcWBlAAAAAAAAAAAAAABUPoSsAKACmjp1qmrWrKmmTZvK29tbPj4+atq0qVxcXDRt2jRHlwcAAAAAAAAAAAAAQKVimM1ms6OLAACUztGjR7Vv3z5Jkre3t1q2bOngigAAAAAAAAAAAAAAqHwIWQEAAAAAAAAAAAAAAACADYwLBAAAAAAAAAAAAAAAAAAbCFkBAAAAAAAAAAAAAAAAgA2ErAAAAAAAAAAAAAAAAADABkJWAAAAAAAAAAAAAAAAAGADISsAAAAAAAAAAAAAAAAAsOH/AfM7IpIwvNPCAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotPerColumnDistribution(df1, 10, 5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correlation matrix:" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAj4AAAIpCAYAAACi4TKPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XlYVdXixvH3AAqi4hCpOSBpF1RA0UwFzSGH0lJLscwhSUvTykwzbVQbnaJ7K+ccs3LA2Ry6lmYapdx+Dklq3TTgapljOaAM6/cHsuHIbCK4+X589vPIOeusvfY+B1i8a629HcYYIwAAgGLApbAbAAAAcL3Q8QEAAMUGHR8AAFBs0PEBAADFBh0fAABQbNDxAQAAxQYdHwAAUGzQ8QEAAEXG0KFD5evrK4fDoR9++CHbcm+88YZq166t2rVr65VXXslz/XR8AABAkREWFqZt27apZs2a2ZbZunWrPv30U+3Zs0cxMTFav369Nm7cmKf66fgAAIAio2XLlqpevXqOZRYvXqzw8HCVLl1a7u7u6t+/vz799NM81U/HBwAA3FBiY2OdEiFfX1/Fxsbm6bVuBdUoAABwY7kj2ENHjyUXWP0ubrcoJSXF+nr48OEaPnz4VdXlcDis/+fntqN0fAAAgCTp6LFkxX5/a4HV79P4vOLj4/9+PT4+Onz4sPX1r7/+Kh8fnzy9lqEuAABwmVFKAf67Vnr06KH58+fr3LlzunjxoubMmaOePXvm6bV0fAAAQJHx5JNPqnr16oqPj1e7du102223SZI6deqk6OhoSVLr1q314IMPKigoSHXr1lWHDh10zz335Kl+h8nPwBgAALCt6lXd9N//5G3I6GrUvuPSNRnq+jtIfAAAQLHB5GYAACBJMpJSZO+BIBIfAABQbJD4AAAAy7VcfVUUkfgAAIBig8QHAACkMlKyzRd731CJz549e/Too4/q1ltvlYeHh8qUKaNGjRpp4sSJOnnyZGE3L5Pw8HD5+vpe1Ws/+eQT/fOf/8zyOYfDobFjx159w67SvHnz5HA45HA4tGXLlkzPG2N02223yeFwqHXr1le1j6lTp2revHn5es2WLVuybdPVWrx4sQICAlSqVCk5HA7t2rXrmtV9pbT2OxyObI/9rrvuksPhyPR58vX1tV575ZbxPUh779KugZGVw4cPZ6rDy8tLDRo00D//+U8lJ2e+jH1iYqKmTZumkJAQlStXTqVKlVLdunU1evRonThxIlN5X19f3XfffVnuPzo6OtM5GDt2rFN7SpQoIR8fHz3++OP67bffsqzf4XDoiSeeyPRc2nmOjIzMdF6y2/LzmUpr6/Hjx7N8PjAwMMvvixMnTuiFF15QvXr15OnpKS8vLzVr1kxTpkxRYmKiU9m092jy5MlZ7mPy5MlyOBxOV7RNTEzUjBkzdMcdd6hixYry9PRUzZo11bVrV61YsSJT3dlt+fmZk/Ez7XA45OrqqsqVK6tHjx768ccfs92ni4uLKlSooLZt2+rzzz/PVG9O53jNmjXq3LmzKleurJIlS6pixYpq27atPv74Y6fzmNMxhoeHO9W5ceNGdejQQVWrVpW7u7uqVq2q1q1ba/z48Xk+F7m1O7tzduWW8fsir++pJMXFxWnIkCHy8/NTqVKlVLFiRQUFBenxxx9XXFxcvo7DLm6YxGfWrFkaMmSI/P39NXLkSNWrV0+JiYmKjo7W9OnTFRUVlekNv5F98skn+uGHHzRs2LBMz0VFReV659qCVLZsWc2ePTvTD/GvvvpK//3vf1W2bNmrrnvq1Kny9vbO9AMoJ40aNVJUVJTq1at31fvN6I8//lDfvn11zz33aOrUqXJ3d5efn981qTsnaef1ymM/dOiQtmzZIi8vryxf17x58yx/EWZXPjdPP/20evXqJUk6ffq0Vq9erWeffVZxcXF65513rHLnz59Xp06dtG3bNg0cOFCvvPKKSpUqpaioKE2ePFmffPKJ/v3vf8vf3/+q2pHRhg0bVK5cOZ09e1aff/653nnnHX3zzTfatWuXSpQokan87Nmz9eyzz+Z533PnzlWdOnUyPX6tPlPZ2b9/vzp06KCzZ89qxIgRCg0N1YULF7R27Vo988wzWrp0qdatWydPT8+r3kffvn21fPlyDRs2TOPGjZO7u7t++eUXbdiwQRs3btQDDzzgVD7j+5/R1fzMeeutt9SmTRtdunRJ0dHReu211/TFF19o7969qlatWqZ9Jicna//+/Ro3bpw6deqkL7/8Ui1btsxxH8YY9e/fX/PmzVOnTp0UERGhGjVq6MyZM9q8ebOGDBmi48eP65lnnrFeExYWphEjRmSq6+abb7b+P336dA0ePFjdu3fXBx98oIoVKyouLk7ffPONIiMjNXr06Hyfj7xIO2dXql27tvX/vL6n8fHxatSokcqXL68RI0bI399fZ86cUUxMjJYsWaJffvlFNWrUyLQvu6/qkrkBfPPNN8bV1dXcc889JiEhIdPzFy9eNKtWrbom+zp37ly2z50/fz5fdfXr18/UrFnzqtpx7733XvVrC8rcuXONJPPYY4+ZUqVKmTNnzjg936dPHxMSEmICAgJMq1atrmof+XntpUuXTGJi4lXtJyfbtm0zkszixYuvWZ05fa42b95snVdJ5uDBg07Pv/zyy6Z69eqmY8eOmT4TNWvWNPfee2+u+09773bu3JltmUOHDhlJZtKkSZmeu/POO80tt9zi9NjAgQONJLNo0aJM5Q8cOGDKlStnAgICTFJSUp7au3PnTiPJzJ0713pszJgxRpL5448/nMo++uijRpL58ssvnR6vWbOmCQkJMeXKlTPdunVzei7tPC9dutR6LC/nJa+ya2uaKz/bSUlJpl69eqZcuXLmwIEDmcovWrTISDKDBg2yHsvpPTLGmEmTJhlJ5tChQ8YYY3755Rcjybz66qtZlk9OTs5z3fmR1bk2xpjZs2cbSeaNN97IcZ9fffWVkWQeeeQRp8ezOscTJkwwksy4ceOybMvRo0fN119/bX0tyTz55JO5HoOPj49p2bJlls9lPG95kdtnw5jsz9mV8vOevvrqq0aS+eWXX3Itm6ZqFVdz6n/VC2yrVq1ajsd3PdwQQ11vvfWWHA6HZs6cKXd390zPlyxZUl26dLG+TklJ0cSJE1WnTh25u7urUqVKeuSRRzJdLbJ169YKDAzU1q1bFRoaKk9PT/Xv319SeiS/fPlyNWzYUB4eHho3bpyk1L8wpk6dquDgYJUqVUoVKlRQWFiYfvnll1yPZcqUKWrZsqUqVaqk0qVLKygoSBMnTnSKYlu3bq3PPvtMv/76q1PUmSar2PmHH35Q165dVaFCBXl4eCg4OFjz5893KpMWpX766ad66aWXVLVqVXl5ealdu3Y6cOBArm1P8/DDD0uSPv30U+uxM2fOaNmyZdb5u9K4cePUtGlTVaxYUV5eXmrUqJFmz57tdEddX19f7du3T1999ZV1zGlDO2lt/+ijjzRixAhVq1ZN7u7u+vnnnzMNdR0/flw1atRQaGio03mNiYlR6dKl1bdv32yPLTw8XC1atJAkPfTQQ5mGjFavXq2QkBB5enqqbNmyat++vaKiopzqSIu1v//+e4WFhalChQpOf61lp3379qpRo4bmzJljPZaSkqL58+erX79+cnEpvG/XcuXKOSUrv/32m+bMmaO7775bDz30UKbyfn5+GjVqlPbt26eVK1de8/Y0btxYkvT7779neq5ixYoaPXq0li9frm+//faa7/taWbFihWJiYjR69OgsE8WHHnpIHTp00OzZs7Mc1suLtOHGW265Jcvnr/dnqlmzZpJSbyiZk5ze34wSExM1YcIE1alTR6+88kqWZapUqWJ9T+fHiRMnisx5yyg/7+mJEyfk4uKiSpUq5Vo2jZFRcgFuGU2bNk0Oh0N79uy52tNxVYp8xyc5OVlffvmlbr/99iwjuawMHjxYo0aNUvv27bV69Wq9/vrr2rBhg0JDQzONsR49elR9+vRRr169tG7dOg0ZMsR67vvvv9fIkSM1dOhQbdiwQd27d5ckDRo0SMOGDVO7du20cuVKTZ06Vfv27VNoaGiu36j//e9/1atXL3300Udau3atBgwYoEmTJmnQoEFWmalTp6p58+aqUqWKoqKirC07Bw4cUGhoqPbt26f33ntPy5cvV7169RQeHq6JEydmKv/iiy/q119/1YcffqiZM2fqp59+UufOnbOcw5EVLy8vhYWFOf2C/vTTT+Xi4pLlL0EpdSx/0KBBWrJkiZYvX65u3brp6aef1uuvv26VWbFihWrVqqWGDRtax3zl8OULL7yg2NhYTZ8+XWvWrMnyG9rb21uLFi3Szp07NWrUKEmpwzI9evSQj4+Ppk+fnu2xvfLKK5oyZYqk1A53VFSUpk6dKil1+LFr167y8vLSp59+qtmzZ+vUqVNq3bq1tm3blqmubt266bbbbtPSpUtz3GcaFxcXhYeHa8GCBdZ78fnnnys+Pl6PPvpotq8zxigpKSnTZq5ygmJKSopVx4kTJzRnzhxt2LDBqcO4efNmJSUl6f7778+2nrTn/v3vf19VO3Jy6NAhScp2CPKZZ55RtWrV9Pzzz+epvuTk5EznL6/fD3mpKykpKVO5tPOS2zlMSkq66vlrdevWVfny5TVu3DjNnDnTae5PdjK+/zm1/2r8/PPPkpyHlLKS2/ubJjo6WidPnlTXrl2d/jjMTV6+Z0JCQrRs2TKNHTtWu3fvvurPQ37ldv7z856GhIQoJSVF3bp108aNG/Xnn39ehyPIu3nz5qlRo0aqX7/+9d1xYcZNefHbb78ZSaZnz555Kv/jjz8aSWbIkCFOj3/33XdGknnxxRetx1q1amUkmS+++CJTPTVr1jSurq6ZIuioqCgjybzzzjtOj8fFxZlSpUqZ559/3nost6Gu5ORkk5iYaBYsWGBcXV3NyZMnredyGuqSZMaMGWN93bNnT+Pu7m5iY2OdynXs2NF4enqa06dPG2PSo9ROnTo5lVuyZImRZKKiorJtqzHOwwJpdf3www/GGGPuuOMOEx4ebozJfbgq7bhfe+01c9NNN5mUlBTruexem7a/rKLntOc2b97s9HhaBL5ixQrTr18/U6pUKbNnz54cjzFjfRkj5+TkZFO1alUTFBTkFA//9ddfplKlSiY0NNR6LC3Wzi6Kzml/v/zyi3E4HGbt2rXGGGN69OhhWrdubYzJ+jNRs2ZNo9SLrWbaXn/9datcfoa6strCw8OdhqzGjx9vJJkNGzZkW9+FCxeMJNOxY0en9l7NUNdvv/1mEhMTzalTp8ySJUtM6dKlzcMPP5ypjoz1z5o1y0gya9asMcbkPNSV1ebq6prtsWUlra05bRk/2/fcc4+RlOXwfZr169cbSWbChAnGmPwPdRljzGeffWa8vb2tNtx0002mR48eZvXq1U6vzen9l+Q0XJSbtHO9ePFik5iYaM6fP2+2bt1qbrvtNuPq6mp2797ttM8JEyaYxMREk5CQYHbt2mVCQkLMLbfc4nQcGc9x2pBR2nDg9OnT89y2nI7xo48+ssr9/PPPJjAw0HquVKlSpm3btuaDDz4wly5dyvP+smp3VtLOWXZbXFycVTav72lKSooZNGiQcXFxMZKMw+EwdevWNc8++2ymc5vmliou5tj/qhbYljbUFRMTYySZ999/P1/n8lq4YSY359XmzZslKdME0SZNmqhu3br64osv9Oabb1qPV6hQQXfddVeWddWvXz/TXxxr166Vw+FQnz59nHrhVapUUYMGDXL9y+z//u//NGbMGG3fvj3TSrSDBw+qadOmuR1iJl9++aXatm2bKRELDw/X+vXrFRUV5XTX2ozDgpKs3vavv/5qRdG5adWqlWrXrq05c+YoPDxcO3fudJr4mlUb33rrLe3cuTPTXx3Hjh1T5cqV87TftNQtL0aOHKmtW7fq4YcfVkJCgj788EMFBQXl+fUZHThwQEeOHNGwYcOc4uEyZcqoe/fumjFjhs6fP+80CTU/bU1z6623qnXr1pozZ46aNWumVatW6cMPP8zxNS1atNC7776b6fGMk0fz45lnnlGfPn0kSWfPnlVUVJTeeOMNnTt3TkuWLMl3ffn5Szw7VapUcfq6ZcuWmYZyr/Too4/q3Xff1ejRo9WpU6ccyy5YsEB169Z1euxq271p0yaVK1cu0+M9e/bMd13mcgLxd85hp06dFBsbq40bN2r79u3asWOHVq5cqaVLl+rJJ5/UBx984FQ+4/ufUVaTv3NzZQJ86623KjIyMtNf+KNGjbLSWSl1ov/mzZuvelVsbh588EGNHDky0+O1atWy/l+7dm3t3r1b27Zt05YtWxQdHa2vvvpKX3zxhebOnatt27bJw8PjmrdtwoQJWf5OyvgzMq/vqcPh0PTp0/XCCy9o3bp1io6O1tatW/Xuu+9qxowZWrdunVq1anXNjyEv5s6dK3d39ywn0he0It/x8fb2lqenpxV95ian8c+qVatmGlvObpw0u+d+//13GWOy/UWd8RvnSrGxsbrzzjvl7++vf/3rX/L19ZWHh4d27NihJ598UhcuXMj2tTnJbiy6atWq1vMZ3XTTTU5fp82bys/+HQ6HHn30Ub333ntKSEiQn5+f7rzzzizL7tixQx06dFDr1q01a9YsVa9eXSVLltTKlSv15ptv5mu/Ob1fWbUxPDxcn332mapUqZLj3J7c5Pa5SklJ0alTp5w6Pvlpa0YDBgzQo48+qoiICJUqVUphYWE5li9Xrpw1J+JaqF69ulN9rVu3lsPh0AsvvKCNGzfq7rvvlo9P6t2bc/q+THsuY4fczc0t2yGDtD8kslqlldaZOHnypGbOnKlly5bp6aefznEI0dXVVW+99Zbuv/9+zZ8/X7feemu2ZevWrXvNzmGDBg3k7e2d6fErf0lmPIfZdSrShjHSzqGbW+qP7Pyew1KlSun++++3htViY2PVsWNHTZkyRYMHD1ZAQIBV9sr3/+9I+yXu6uoqb2/vbKcrpHW2Ll68qG+//VYvv/yyunbtqt27d2f6eZVRXj6HWbn55pvzdIwuLi5q2bKltbLs3LlzGjBggBYvXqw5c+Y4TY24VmrVqpWntuXnPa1Zs6YGDx5sfb1kyRI9/PDDGjlypHbs2JGp7oK9jo9DycnJWrhwobp27aqKFSsW4L6yVuTn+Li6uqpt27b6z3/+k6db2ad9kxw9ejTTc0eOHMn0Aymnv6Syes7b21sOh0Pbtm3Tzp07M205TeRcuXKlzp07p+XLl6tPnz5q0aKFGjdurJIlS+Z6XDm56aabsj3etDYXhPDwcB0/flzTp0/PcQ7KokWLVKJECa1du1YPPvigQkNDr/oHa37+8j169KiefPJJBQcH68SJE3ruueeuap9S7p+rtOuPXG1bM+rWrZs8PT01fvx49ezZU6VKlbqqeq6ltL/Qd+/eLUlq06aN3Nzccv28S6mTttNUrlxZ//vf/7Isn/Z4Vn9UNGjQQI0bN1aHDh20dOlStW/fXjNnztTOnTtzbHfXrl3VvHlzjRkzRgkJCTmWvd7Szktu59DNzc2aYO/t7S1XV9ccz6Grq2uOnQUptcMwcOBASdK+ffuuovV5k/ZLvGHDhjnO0UzrbDVv3lwjRozQhx9+qP/9738aM2ZMjvU3btxYFStW1KpVq656Tlt+lC5dWi+88IKk1AUlRUl+3tMHH3xQ9evXL5RjSEpK0oYNG3T06NEcf28UpCLf8ZFSJ7QaY/T444/r0qVLmZ5PTEzUmjVrJMmKCBcuXOhUZufOnfrxxx/Vtm3bv9WW++67T8YY/e9//1Pjxo0zbTkNpaT9Isy4Ms0Yo1mzZmUq6+7unuckpG3btvryyy+tjk6aBQsWyNPTM8/DV/lVrVo1jRw5Up07d1a/fv2yLedwOOTm5iZXV1frsQsXLuijjz7KVDY/x52T5ORkPfzww3I4HFq/fr3efvttvf/++1q+fPlV1efv769q1arpk08+cfoBe+7cOS1btsxa6XUtlCpVSq+++qo6d+7s9FdaYUq7gGPaZPIqVaqof//+2rhxoxYvXpyp/MGDBzVhwgQFBAQ4Td5t166dfvjhB8XExGR6zZIlS1SmTJlch3sdDoemTJkiV1dXvfzyy7m2fcKECYqLi9N7772Xa9nr6YEHHlC9evU0fvx4HTx4MNPzixcv1ueff67HHnvMGurz8PBQ8+bNtXr16kwduYSEBK1evVotWrSw0qW//vpLZ8+ezXL/aRcSTEuGi5LevXtbCXFOK8BKlCihUaNGaf/+/U4LJTI6duyYtm/fnu82ZPVHjlT45y0/72l2x3D27FnFxcVleQxGUkoBbufOndO8efNUrVo1dejQIZ9Hf20U+aEuKXVm+rRp0zRkyBDdfvvtVoyXmJio//u//9PMmTMVGBiozp07y9/fXwMHDtT7778vFxcXdezYUYcPH9Yrr7yiGjVq6Nlnn/1bbWnevLkGDhyoRx99VNHR0WrZsqVKly6to0ePatu2bQoKCsr2l1X79u1VsmRJPfzww3r++eeVkJCgadOm6dSpU5nKBgUFafny5Zo2bZpuv/12ubi4ZJuSjBkzRmvXrlWbNm306quvqmLFivr444/12WefaeLEiVnON7hW8nIF03vvvVcRERHq1auXBg4cqBMnTmjy5MlZXpogKChIixYt0uLFi1WrVi15eHhc1bycMWPG6Ouvv9bnn3+uKlWqaMSIEfrqq680YMAANWzYMMdhj6y4uLho4sSJ6t27t+677z4NGjRIFy9e1KRJk3T69Ol8X8k1N8OHD9fw4cPzVPb06dNZLtt2d3dXw4YNnR778ssvs1wFknEOTGxsrFXfuXPnFBUVpbfffls1a9ZUt27drHIRERE6cOCA+vTpo61bt6pz585yd3fXt99+q8mTJ6ts2bJatmyZU4f3mWee0YIFC9S6dWu9+OKLCgoK0qlTp7R48WJFRkYqIiIiTxfA/Mc//qGBAwdq6tSp2rZtW47LlZs3b66uXbtq1apV2Zb54Ycfsly5VLt27VxXIF0tV1dXLVu2TO3bt1dISIhGjBihkJAQXbx4UWvWrNHMmTPVqlWrTHPnxo8frzZt2igkJETDhg2Tj4+PYmNj9c9//lO///67Fi1aZJU9cOCA7r77bvXs2VOtWrXSLbfcolOnTumzzz7TzJkz1bp1a4WGhjrVn/H9z+jmm2/O02UZrpUJEyaoadOmev3113Oc5zZy5Ej9+OOPGjNmjHbs2KFevXpZFzDcunWrZs6cqXHjxql58+bWa37//fcsj9HLy8u6aGVAQIDatm2rjh07qnbt2kpISNB3332nd955R5UrV9aAAQPyfUxr1qzJ8vOdcTj7p59+yrJt1atXV/Xq1fP1nr755pvavn27HnroIevyK4cOHdIHH3ygEydOaNKkSVb9CxYsUP/+/VVAH3fL+fPntXr1aj333HOFd1mA6z6d+m/YtWuX6devn/Hx8TElS5Y0pUuXNg0bNjSvvvqqOXbsmFUuOTnZTJgwwfj5+ZkSJUoYb29v06dPH6dZ8cakruoKCAjIcl+5XRhuzpw5pmnTpqZ06dKmVKlSpnbt2uaRRx4x0dHRVpmsVnWtWbPGNGjQwHh4eJhq1aqZkSNHWis3Mq5KOnnypAkLCzPly5c3DofDZHyrdMWqLmOM2bt3r+ncubMpV66cKVmypGnQoIHT6hhjsr9AVtrKiivLXymvF3vLamXWnDlzjL+/v3F3dze1atUyb7/9tnUxs4yrCw4fPmw6dOhgypYtayRZ5y+ni3tduarr888/Ny4uLpnO0YkTJ4yPj4+54447zMWLF7Ntf077WrlypWnatKnx8PAwpUuXNm3btjXbt293KpOXFRx53V9G+V3VlfFCYTmtXkp7D7Ja1ePh4WH8/PzMsGHDzNGjRzO16dKlS2bKlCmmadOmpkyZMsbd3d34+/ub559/3hw/fjzL4/jtt9/M4MGDjY+Pj3FzczNly5Y1LVq0yPL4czqXv//+uylTpoxp06aN0/nI6vs2JibGuLq65mtVlyQza9asLI8hK/m9gGGa48ePm9GjR5s6deoYDw8PU6ZMGdOkSZMcVw9FR0ebBx54wHh7extXV1fj7e1tHnjgAfOf//zHqdypU6fMG2+8Ye666y5TrVo16+dmcHCweeONN5wuyprbqq7evXvn+Vzk9TOd2yq1Hj16GDc3N/Pzzz8bY3I+x6tWrTL33nuvufnmm42bm5upUKGCadOmjZk+fbrT93tOx9i8eXOr3IwZM0y3bt1MrVq1jKenpylZsqSpXbu2eeKJJzL9LslNbiv+Mp6z7LaXXnrJGJO/9/Tbb781Tz75pGnQoIGpWLGicXV1NTfffLO55557zLp165zamPa9UKWKi4mNr1JgW9rxXHmh1uvJYYzN70YGAADy5JZbXBW1M+sLHl4LLZq55mm+bkG6Ieb4AAAAXAs3xBwfACgsKSkpSklJybFM2jJzuzPG5HoFY1dX12ty7aYbgV0/Gzkf0Y2PxAcActC/f3+VKFEix624mD9/fq7n4quvvirsZl43fDZuTMzxAYAcHD58ONM9/q50LS8gWZSdOHEi14sF+vv752llnh3Y8bNR5RZXfb0zb1fSvxptmrkU+hwfOj4AAEBS8ej43HiDjwAAoMCk2DwOYY4PAAAoNkh8AACAJVn2XpVH4gMAAIoNEh8AACAp9X4SJD4AAAA2QeIDAAAucyjFFGTiU/hLxkh8AABAsUHiAwAALAU7x4fEBwAA4Loh8QEAAJbkAs1ECv/e7yQ+AACg2CDxAQAAklJn4BTsqq7CR+IDAACKDRIfAABg4crNAAAANkHiAwAALMnG3pmIvY8OAAAgAxIfAAAgSTJyKMXmmYi9jw4AACADEp9C5F7SoZu9XQu7GZB0/ETpwm4C0lxKLOwWIIMUz5KF3QRc5ki6oIsXLxb4fuy+qouOTyG62dtVsd/fWtjNgKQOYf0Kuwm4zPHN7sJuAjI43SOksJuAy45uiijsJtgCHR8AAGBhVRcAAIBNkPgAAABLCnN8AABAcWAkJdt8MMjeRwcAAJABiQ8AALAwuRkAAMAmSHwAAMBl3LLHQzgEAAAgAElEQVQCAADANkh8AACAJMkYKdnYezk7iQ8AACg2SHwAAICF6/gAAADYBIkPAACwpHAdHwAAAHsg8QEAAJK4VxcAAICtkPgAAAAL1/EBAACwCRIfAABwGffqAgAAsA0SHwAAYEnmOj4AAAD2QOIDAAAkpV7HJ0Ws6gIAALAFEh8AAGBhjg8AAIBNkPgAAAAL9+oCAACwCRIfAABwmUMp3KsLAADAHkh8AACApNTr+DDHBwAAwCZIfAAAgCXF5tfxoeMDAAAsydyyAgAAwB5IfAAAgKTLNym1+VCXvY8OAAAgAxIfAABgYY4PAADAdfTTTz8pNDRUfn5+atKkiWJiYjKVSUhIUHh4uIKCghQYGKguXbro+PHjudZNxwcAAFzmUIpxKbAtrwYNGqSBAwfq4MGDev755zVgwIBMZWbMmKGzZ89qz549+uGHH1S5cmVNnDgx17rp+AAAgCLj2LFj+v7779WnTx9JUvfu3XXo0CEdPnw4U9nz588rMTFRSUlJOnv2rKpXr55r/XR8AABAKiMlG5cC29I6J2lbREREpibExcWpatWqcnNLnYbscDjk4+Oj2NhYp3KDBg2Sl5eXKlWqpMqVK+vMmTN66qmncj1EOj4AAOC6KFOmjOLj461t+PDhWZZzOJwnWBtjMpXZtGmTHA6HfvvtNx09elTly5fXa6+9lmsbbNPx8fX1VZ06dRQcHCx/f3+NHz++sJsEAMANxUhKkaPAtryoUaOG4uPjlZSUlNomYxQXFycfHx+nctOnT9cDDzwgDw8PlSxZUr1799bmzZtzrd82HR9JioyM1K5du7R582aNHz9eO3bsKOwmAQCAfKhUqZIaNmyohQsXSpKWLVsmX19f+fr6OpWrVauWNm7cKGOMjDFau3atAgMDc63fVh2fNFWrVpW/v79+/fVXSdLEiRMVEBCgoKAg9e7dW2fOnJEknT17Vv3791dgYKACAwM1btw4q47WrVtr5MiRatmypWrUqKFJkyZp0aJFCg0NVc2aNbVo0SJJ0oULF/TQQw+pXr16atCggTp06HD9DxgAgGukIOf45NWMGTM0Y8YM+fn5afz48Zo9e7YkqVOnToqOjpYkjR07VmfOnFFAQIACAwN1/Phxvf7667nWbcsLGO7fv1/Hjx9X69attX79es2dO1dRUVEqX768Bg4cqBdffFFTpkzR66+/rkuXLmnPnj26cOGCWrRooXr16qlHjx6SpNjYWG3ZskW//fabateurREjRuibb77Rjh07dP/996tnz57asGGDTp06ZV1j4OTJk4V56AAA3PD8/f0VFRWV6fF169ZZ/69YsaIiIyPzXbetEp+wsDDVrVtX9erV09ChQ3XzzTdr06ZN6t27t8qXLy9JGjx4sDZt2iQpdWLUE088IRcXF5UuXVqPPPKI9Zwk9ejRQy4uLqpataq8vb11//33S5Juv/12HT16VAkJCWrQoIH279+vIUOGaPHixSpRokS27YuIiHCazX72bObJWgAAFKYU4yiwrSiwVccnMjJSP/74oz7//HONHj1ae/fulTEm0+zwtK9zek6SPDw8rP+7urpaX7u6ukqSkpKSVKtWLcXExOiee+7R9u3bFRgYqFOnTmXZvuHDhzvNZi9Tpmh8CAAAKC5s1fFJ065dOw0ePFgvv/yy2rdvr0WLFumvv/6SJM2cOVPt2rWTJLVv316zZs2SMUbnzp3TwoULrefyKj4+Xg6HQ126dNHkyZOt2ecAANxojBxKlkuBbUVB0WhFAXjllVe0bds2VapUSX379lVISIiCgoL0559/6s0337TKOBwOBQUFqWnTpurSpYvCwsLytZ+9e/cqNDRU9evXV6NGjdS3b1/Vr1+/IA4JAAD8TQ6T1VWBcF1Ur+qm2O9vLexmQFKHsH6F3QRc5vhmd2E3ARmcfiSksJuAy45uilB8fHyB7qNsZU8N/vzeAqv/k3ujCvwYcmPbxAcAAOBKtlzODgAArk6KzTMRex8dAABABiQ+AADAklxErrdTUEh8AABAsUHiAwAAJF2+OzuJDwAAgD2Q+AAAAEtKPu6ifiOy99EBAABkQOIDAAAsyWKODwAAgC2Q+AAAgMsctl/VRccHAABYmNwMAABgEyQ+AABA0uULGDK5GQAAwB5IfAAAgIWblAIAANgEiQ8AAEhlWNUFAABgGyQ+AADAYvcLGJL4AACAYoPEBwAASOI6PgAAALZC4gMAAC6z/01KSXwAAECxQeIDAAAsXMcHAADAJkh8AACAhTk+AAAANkHiAwAAJHEdHwAAAFsh8QEAABbm+AAAANgEiQ8AALCQ+AAAANgEiQ8AALCQ+AAAANgEiQ8AALCQ+AAAANgEiQ8AAJDElZsBAABshcQHAACkMg7bz/Gh4wMAACx0fFBgjp8orQ5h/Qq7GZD0eeT8wm4CLuvof2dhNwEZHG+fUNhNQJpNhd0Ae6DjAwAALHZPfJjcDAAAig0SHwAAIOnycnYSHwAAAHsg8QEAABZD4gMAAGAPJD4AAMDCLSsAAABsgsQHAABYWNUFAABgEyQ+AADAwqouAAAAmyDxAQAAFub4AAAA2ASJDwAAkCQZOZjjAwAAYBckPgAAIJVhjg8AAIBtkPgAAACLMYXdgoJF4gMAAIoNEh8AAGDh7uwAAAA2QeIDAAAsXMcHAADAJkh8AACAhev4AAAA2ASJDwAAsHAdHwAAAJsg8QEAAJIkI/uv6qLjAwAALHbv+DDUBQAAig0SHwAAYGE5OwAAgE2Q+AAAAAvL2QEAAK6jn376SaGhofLz81OTJk0UExOTZbmvvvpKd9xxhwICAlSnTh1FRUXlWjeJDwAASGWKxqquQYMGaeDAgQoPD1dkZKQGDBiQqVNz5MgR9evXT+vXr1fdunWVkJCghISEXOsm8QEAAEXGsWPH9P3336tPnz6SpO7du+vQoUM6fPiwU7mpU6eqT58+qlu3riTJw8ND5cuXz7V+Oj4AAOAyh4wpuC0v4uLiVLVqVbm5pQ5KORwO+fj4KDY21qlcTEyMLly4oHbt2ik4OFhPP/20zp8/n2v9dHwAAMB1cfbsWVWvXt3aIiIisizncDh3kkwWM64TExO1ZcsWLV26VNHR0Tpz5ozGjh2baxuY4wMAACwFuairTJkyio+Pz7FMjRo1FB8fr6SkJLm5uckYo7i4OPn4+DiVq1mzpho2bKgKFSpIknr27KmJEyfm2gYSHwAAUGRUqlRJDRs21MKFCyVJy5Ytk6+vr3x9fZ3K9erVS5s3b9bFixclSRs2bFCDBg1yrZ+ODwAAsBT2HB9JmjFjhmbMmCE/Pz+NHz9es2fPliR16tRJ0dHRkqTQ0FB17txZwcHBCgoK0h9//KHXXnst17oZ6gIAAEWKv79/ltfkWbdundPXzz//vJ5//vl81U3HBwAApOPKzQAAAPZQZDs+vr6+qlOnjoKDg1WvXj1NmTLlquqZN2+eDh48eE3bNnbsWD333HPXtE4AAAqbUdGY41OQivRQV2RkpAIDAxUXF6egoCDdeeedql+/fr7qmDdvnry9veXn51dArQQAADeKIpv4ZFSjRg35+fnp4MGDmjhxogICAhQUFKTevXvrzJkzkqQ1a9aofv36Cg4OVmBgoFatWqUPP/xQ0dHRGjp0qIKDg61JURMmTFBQUJAaNGigZs2aWVd6zK7uM2fOKCwsTPXq1dPdd9+tn3/+2WpbYmKiRo8erSZNmig4OFg9e/bU6dOnr/MZAgDg2jCm4Lai4Ibo+Ozdu1f79+/X0aNHNXfuXG3fvl179+5V6dKl9eKLL0qSXn75ZU2fPl27du3Snj171KpVKz322GNq3Lix3nvvPe3atUudOnXS/PnztXLlSm3fvl27d+/W+vXr5e7urvXr12db92uvvSYvLy/FxMTo448/1tatW622TZo0SWXKlNGOHTu0a9cuBQQEaMyYMYVyngAAQM6K9FBXWFiYPDw85OnpqTlz5igqKkq9e/e2bkI2ePBg9ezZU5LUtm1bDRs2TGFhYerQoYOCg4OzrHPt2rUaPHiwvLy8JMm64uOmTZuyrXvz5s16//33JUne3t7q1q2bVd/KlSv1559/KjIyUpJ06dIl1a5dO8t9R0REOF2eOzn54tWdGAAACkhRmYtTUIp0xydtjk+ab775JtP9O9K+joiI0L59+7R582b169dPvXv3ztfafmNMtnVndY+QjK+bOnWq7rrrrlz3MXz4cA0fPtz62sO9XJ7bBwAA/r4bYqgrTfv27bVo0SL99ddfkqSZM2eqXbt2kqT9+/crICBATz31lAYPHqxvv/1WkuTl5WXN1ZGkLl26aNq0afrzzz8lSadPn1ZycnKOdbdt21Zz586VJJ08eVIrVqxwqi8iIsKaJ3T+/Hnt27evIE8DAAAFxzgKbisCinTic6WOHTtq7969CgkJkcPhUP369TV16lRJ0gsvvKCDBw+qZMmS8vT01LRp0yRJAwcO1IgRIzRp0iS99dZb6tu3r44cOaKQkBCVKFFCnp6e2rRpU451v/LKK+rfv7/q1aunmjVrqn379labRo8erXHjxqlp06ZWQjRq1CgFBARc57MDAABy4zA5jeOgQHm4l1OLO0YWdjMg6fPI+YXdBFzW0f/Owm4CMjg49bbCbgIuSxw1Ndc7m/9dbjeVk88Howqs/ksjC/4YcnNDDXUBAAD8HTfUUBcAAChARtyrCwAAwC5IfAAAgMXu1/Eh8QEAAMUGiQ8AAEhn8zk+dHwAAICFoS4AAACbIPEBAADpbD7UReIDAACKDRIfAACQAXN8AAAAbIHEBwAApGOODwAAgD2Q+AAAgHQkPgAAAPZA4gMAANJx5WYAAAB7IPEBAAAWwxwfAAAAeyDxAQAA6Uh8AAAA7IHEBwAApDIOVnUBAADYBYkPAACwOJjjAwAAYA8kPgAAIB2JDwAAgD2Q+AAAgHSs6gIAALAHEh8AAJCOOT4AAAD2QOIDAADSkfgAAADYA4kPAABIR+IDAABgDyQ+AAAgnc2v40PHBwAAWLhJKQAAgE2Q+AAAgFRGTG4GAACwCzo+AACg2KDjAwAAig3m+AAAAIvdV3XR8SlMlxLl+GZ3YbcCkjr631nYTcBl6w98XdhNQAadAvg1UVT8UKqwW2APfKIBAEA6m1/AkDk+AACg2CDxAQAA6Ww+x4fEBwAAFBskPgAAIB2JDwAAgD2Q+AAAAIvdr+ND4gMAAIoNEh8AAJCOxAcAAMAeSHwAAEA6Eh8AAAB7IPEBAAAWVnUBAADYBIkPAABIZcTd2QEAAOyCxAcAAKRjjg8AAIA9kPgAAAALq7oAAABsgsQHAACkI/EBAACwBxIfAAAgSXLI/nN86PgAAIB0Nu/4MNQFAACKDRIfAACQjsQHAADAHkh8AACAxe6Tm0l8AABAsUHHBwAAFCk//fSTQkND5efnpyZNmigmJibbsn/88YcqV66ssLCwPNVNxwcAABQpgwYN0sCBA3Xw4EE9//zzGjBgQLZlhwwZok6dOuW5bjo+AAAgnSnALQ+OHTum77//Xn369JEkde/eXYcOHdLhw4czlf34449VuXJltWrVKs+HR8cHAAAUGXFxcapatarc3FLXXzkcDvn4+Cg2Ntap3JEjRxQREaHx48fnq346PgAAIJVJXdVVUNvZs2dVvXp1a4uIiMiyGQ6Hw7lZJnNc9Pjjj2vixIkqU6ZMvg6R5ewAAOC6KFOmjOLj43MsU6NGDcXHxyspKUlubm4yxiguLk4+Pj5O5aKioqy5P2fPntWFCxd09913a+PGjTnWT+IDAADSFfIcn0qVKqlhw4ZauHChJGnZsmXy9fWVr6+vU7mTJ0/q8OHDOnz4sCZPnqyOHTvm2umR6PgAAIAiZsaMGZoxY4b8/Pw0fvx4zZ49W5LUqVMnRUdH/626GeoCAADpisCVm/39/RUVFZXp8XXr1mVZPjw8XOHh4Xmqm8QHAAAUGyQ+AADAwr26AAAAbILEBwAApCPxAQAAsAcSHwAAYGGODwAAgE2Q+AAAgHQkPpKvr6/q1Kmj4OBg1atXT1OmTCnodmVr165dWrJkSaHtPzuHDx/WzJkzC7sZAAAgB3ke6oqMjNSuXbu0ceNGvfTSS9qzZ4/T80lJSde8cVdKSkqi4wMAQEEq5Ht1FbR8z/GpUaOG/Pz8dPDgQQUHB2vo0KEKCQnRihUr9Pvvv+uBBx5QUFCQAgMDnToCvr6+euGFF9SyZUvddtttTrei/+mnn3TvvffqjjvuUIMGDTR16lTrOYfDoXfeeUetW7fW448/rldffVWbNm1ScHCwnnjiCU2aNEmDBg2yyp8+fVre3t46efKkJGnChAkKCgpSgwYN1KxZM50/f16SNHHiRAUEBCgoKEi9e/fWmTNnJEljx47Vc889Z9X3wQcfWJfBnjdvnu6++249/PDDCgoKUuPGjfXLL79Ikp544gnFxMQoODhYXbp0ye9pBQAA10G+5/js3btX+/fv16lTp7Rnzx598MEHeu+99yRJDz30kOrUqaMVK1bo2LFjuv322xUcHKwmTZpIkn7//Xdt3bpVx48f1+23367mzZurcePG6tWrlz766CPVqVNH58+fV7NmzdSsWTM1atRIknTx4kVt2bJFUmrnY+3atYqMjJSU2tHx9/fXxIkTVa5cOc2ePVtdu3ZVxYoVNX/+fK1cuVLbt2+Xl5eXTp06JXd3d61fv15z585VVFSUypcvr4EDB+rFF1/M0xDed999p927d6tmzZoaPXq0JkyYoBkzZmj69Ol67rnncrx5WkREhFOHL1kFn5IBAJAfdl/VleeOT1hYmDw8POTp6ak5c+bI29tbfn5+atGihVVm06ZN2r17t6TU28p369ZNX3zxhdXxGTBggCTJ29tbDzzwgL744guVLVtW+/btU8+ePa16/vrrL8XExFgdn/79+2fbrvLly6t79+6aN2+ehg4dqmnTpmnp0qWSpLVr12rw4MHy8vKSJFWoUMFqZ+/evVW+fHlJ0uDBg532n5MWLVqoZs2akqSQkBC9//77eXqdJA0fPlzDhw+3vvZweOb5tQAA4O/Lc8cnMjJSgYGB1tdbtmxRmTJlMpVzOBw5fn3lc8YYeXt7a9euXdmWy2o/GQ0dOlT333+/ateurcqVK6thw4Y5ljfGZNtONzc3JScnW48nJCQ4lfPw8LD+7+rqel3mNgEAcF0Uobk4BeWaXsenXbt21ryeP/74QytWrNBdd91lPT937lxJ0smTJ7Vy5Uq1bdtW/v7+8vT01IIFC6xyP//8szVH50peXl7WfJw0derUka+vrwYPHqynnnrKerxLly6aNm2a/vzzT0mpw2LJyclq3769Fi1apL/++kuSNHPmTLVr106SVLt2bUVHRyslJUXnz5/XsmXL8nTsWbULAAAULde04/Pee+9pz549ql+/vtq0aaOXXnrJGuaSpJo1a+rOO+9UkyZNNHToUDVp0kRubm5as2aNlixZovr16ysgIECPPfaYLly4kOU+2rZtq3PnzqlBgwZ64oknrMcff/xxJSUlKSwszHqsb9++uv/++xUSEqLg4GB16tRJFy9eVMeOHdW3b1+FhIQoKChIf/75p958801JUvfu3VWpUiXVq1dP3bp1U3BwcJ6OvX79+vL391dgYCCTmwEANy6br+pyGGOuS1N8fX21du1ap+Gya2nIkCG65ZZb9MorrxRI/QXBw+GpOx33FnYzIMmlbNnCbgIuW3/g68JuAjLoFNCmsJuAy34otU7x8fEFuo8SZcvLf/CYAqv/9CfvFPgx5OaGv2XFkSNHVKdOHe3atUvDhg0r7OYAAIAi7LrdsuLw4cMFUm/VqlW1f//+AqkbAIBip4gMSRWUGz7xAQAAyCtuUgoAACx2v4AhiQ8AACg2SHwAAEA6Eh8AAAB7IPEBAADpSHwAAADsgcQHAABYsr+1uD2Q+AAAgGKDxAcAAKRjjg8AAIA9kPgAAABJqfN7uHIzAACATZD4AACAVEbM8QEAALALEh8AAJCOxAcAAMAeSHwAAICFVV0AAAA2QeIDAADSkfgAAADYA4kPAACwMMcHAADAJkh8AABAOhIfAAAAeyDxAQAAFub4AAAA2ASJDwAASGfzxIeODwAASGfzjg9DXQAAoNgg8QEAABYmNwMAANgEiQ8AAEhlxBwfAAAAuyDxAQAAFoexd+RD4gMAAIoNEh8AAJDO3oEPiQ8AACg+SHwAAICF6/gAAADYBIkPAABIR+IDAABgDyQ+hSjFs6RO9wgp7GZA0vH2CYXdBFzWKYAfS0XJun2bC7sJuMyn8fXZD3N8AAAAbII/rQAAQDoSHwAAAHsg8QEAABbm+AAAANgEiQ8AAEhH4gMAAGAPJD4AACCVYY4PAACAbZD4AACAdMbekQ+JDwAAKDZIfAAAgCTJIeb4AAAA2AaJDwAASEfiAwAAYA8kPgAAwOJIKewWFCw6PgAAIB1DXQAAAPZA4gMAACwsZwcAALAJEh8AAJCOW1YAAADYA4kPAABIZZjjAwAAcF399NNPCg0NlZ+fn5o0aaKYmJhMZRYvXqyGDRsqMDBQQUFBev/99/NUN4kPAABIVwQSn0GDBmngwIEKDw9XZGSkBgwYoKioKKcy1atX1/r161WlShWdOXNGt99+uxo1aqTmzZvnWDeJDwAAKDKOHTum77//Xn369JEkde/eXYcOHdLhw4edyjVv3lxVqlSRJJUrV0516tTRoUOHcq2fjg8AALA4TMFteREXF6eqVavKzS11UMrhcMjHx0exsbHZviYmJkZRUVG66667cq2fjg8AALguzp49q+rVq1tbREREluUcDofT1yaHJfbx8fHq2rWrpk+frqpVq+baBub4AACAdAV4HZ8yZcooPj4+xzI1atRQfHy8kpKS5ObmJmOM4uLi5OPjk6nskSNH1K5dO7388svq0aNHntpA4gMAAIqMSpUqqWHDhlq4cKEkadmyZfL19ZWvr69TuaNHj6pt27YaNWqU+vXrl+f66fgAAABLYc/xkaQZM2ZoxowZ8vPz0/jx4zV79mxJUqdOnRQdHS1JevXVVxUbG6t//etfCg4OVnBwsObOnZtr3Qx1AQCAIsXf3z/T8nVJWrdunfX/WbNmadasWfmum44PAABIVwSu41OQGOoCAADFBokPAACwcK8uAAAAmyDxAQAAlxkpxd6RD4kPAAAoNkh8AABAKiNWdQEAANgFiQ8AALCwqgsAAMAmSHwAAEC6Arw7e1FA4gMAAIoNEh8AAGBhjk8h8/X1VZ06ddSgQQP94x//UNeuXfXNN99IkqZPn6533303x9evXLlSO3bsuB5NBQAARdwNkfhERkYqMDBQkrRq1Sp16tRJGzdu1BNPPJHra1euXKnGjRurSZMmBd1MAABufDZPfG6Ijk9GXbt21ZAhQzR58mQFBATo7Nmzmjx5sr799ls9+eSTSk5OVlJSkp588knVrFlTq1ev1qZNm/Thhx/qqaee0n333aeHH35Yf/75pxISEtS2bVv961//ksPh0NixY3Xw4EH99ddf+u9//6sqVaooMjJSFStWlCRNmDBBCxculIuLi0qVKqUvv/xSnp6e+uijj/TBBx8oMTFRZcuW1ZQpU6yOGgAANwqHJIfNJzffcB0fSbrjjju0cuVKBQQEWI+9/fbbGjFihHr16iVJOnXqlCpUqKAuXbqocePGeuqppyRJCQkJWrNmjcqUKaPk5GR17dpVy5YtU1hYmCTpu+++086dO1WxYkX17NlTM2bM0AsvvKD58+dr5cqV2r59u7y8vHTq1Cm5u7tr+/btWrRokbZu3Sp3d3d9/fXX6t27t3bv3p2p3REREYqIiLC+Tkm8WJCnCQAAXOGG7PiYLHqjbdq00RtvvKGff/5Zd911l1q0aJHla1NSUjRq1Cht27ZNxhgdO3ZMwcHBVsenY8eOVsITEhKivXv3SpLWrl2rwYMHy8vLS5JUoUIFSalDb7t371bTpk2tffzxxx+6dOmSSpYs6bTv4cOHa/jw4dbXJUuXv9pTAABAwUgp7AYUrCI/uTkrO3fuzDSUNGzYMK1du1a33HKLXnzxRQ0ZMiTL10ZEROjEiRP67rvvtGfPHvXq1UsJCQnW8x4eHtb/XV1dlZSUlGNbjDHq37+/du3aZW1HjhzJ1OkBAACF74br+KxatUrTpk1zSk4k6cCBA6pVq5Yef/xxvfjii/r2228lSV5eXjpz5oxV7tSpU6pSpYo8PDz0+++/a+nSpXnab5cuXTRt2jT9+eefkqTTp08rOTlZnTt31oIFCxQXFycpNVGKjo6+FocKAMB15zCmwLai4IYY6goLC5O7u7vOnTunevXqad26dWrWrJk2bNhglXn//fe1efNmlSxZUq6urnrnnXckSX379lV4eLiWLl2qp556SkOHDlWPHj0UHBysatWqqV27dnlqQ9++fXXkyBGFhISoRIkS8vT01KZNm9SyZUu99dZb6tq1q5KTk5WYmKh7771XjRs3LpBzAQAArp7DZDVhBtdFydLl1aDHq4XdDEg63j4h90K4LvyHHi7sJiCDdfs2F3YTcJlP4wuKj48v0H14uJdT89DRBVb/gZ+mFPgx5OaGG+oCAAC4WjfEUBcAALhObD4QROIDAACKDRIfAABg4SalAAAANkHiAwAA0jHHBwAAwB5IfAAAgMXBvboAAADsgcQHAACkY44PAACAPZD4AACAdPYOfEh8AABA8UHiAwAALA7m+AAAANgDiQ8AAEhlxKouAAAAuyDxAQAA6bhyMwAAgD2Q+AAAgMsMq7oAAADsgsQHAACkI/EBAACwBxIfAACQzuaJDx0fAACQjuXsAAAA9kDiAwAALCxnBwAAsAkSHwAAkI7EBwAAwB5IfAAAQCojEh8AAAC7IPEBAADpSHwAAADsgcQHAACk48rNAAAA9kDiAwAALFy5GQAAwCZIfMmG6O8AABQRSURBVAAAQDoSHwAAAHsg8QEAAJcZKYXEBwAAwBZIfAAAQDrm+AAAANgDiU8hciRd0NFNEYXdjL/t7NmzKlOmTGE34+/ZVNgNuDbs8F78UKqwW3Bt2OG9kCSfxoXdgr/PLu/FH3/8UfA7KQZ3Z6fjU4guXrxY2E24JqpXr674+PjCbgb+v717D6o5//8A/vx0sd2zCJkkY51cuqyV6/JzKUTrHt+dXLJLKA22IUZmd+0qInbs2tyVZba02glL7a6syaWQWbpRZBByV1Iip/P7w3bINUf1/hyf52PmzDjvc+Yzz3GU13m/X5/3G/ws5ISfhXzws6BnsfAhIiKip97zGR/2+BAREZFicMaH3llQUJDoCPQffhbywc9CPvhZvKX3fB8fSaN5z+e0iIiIqEZMjCzRz35anV0/81Gs8H4rzvgQERHRU5pK0QnqFHt8iIiISDE440NERERPvecdMJzxISIiIsXgjA8RERE99Z7f1cUZH3pnxcXFyMrKEh2DSLgRI0bUaIzqz+PHj0VH0DOaJ0tddfWQARY+pBNPT08UFRXh/v37cHV1xWeffYavv/5adCxFunfvHmbPno3hw4cDAHJychATEyM4lTJdunTphbHz588LSELZ2dn4+OOP0bp1awDAiRMnMG/ePMGpSA5Y+JBOrl+/joYNG2Lv3r0YPnw4zp49i4SEBNGxFGn69Olo0qQJ8vPzAQCtW7dGeHi44FTKsmHDBnTp0gV5eXno2rWr9uHo6AgHBwfR8RQpMDAQq1evRpMmTQAAn3zyCfbs2SM4lR6oOqT0PZ7xYY8P6aSiogIAkJKSAk9PTxgbG8PAgHW0CGfOnMGvv/6K+Ph4AICpqSm4L2n9GjhwINq2bQt/f38sX75cO25lZQUXFxeByZSrpKQEvXr10j6XJAnGxsYCE5FcsPAhnTg5OcHT0xNnzpzBsmXLUFZWJjqSYjVo0KDa8wcPHrDwqWetWrVCq1atcPr0adFR6D9GRkaoqKiAJEkAgMuXL/PLWU3V5e8Pqe4uXVMsfEgn0dHRSEpKgqurK8zMzHDlyhUsXbpUdCxF6tevH8LCwvDw4UMcOHAAK1euZEOtIBcuXEB4eDjy8/OrNdXu379fYCplCgwMxMiRI3Hr1i18++23+OWXXxAWFiY6FskAz+qid/Lo0aNqv+DNzMwEplGmx48fY/ny5UhISIBGo8GwYcMwf/58GBnxe01969q1K9zd3dGjRw8YGhpqx728vASmUq4jR45g586d0Gg0GDp0KHr37i06kuyZGFqgX1PfOrt+puFO4Wd1sfAhnWzfvh1BQUG4du0aAECj0UCSJKjVasHJiMRxcXFBRkaG6BgEoLy8HB988IF2qauyshKPHj2CiYmJ4GTypoTCh18JSSfz589HQkICOnfuzHVzQYKDg1/7+rJly+opCVVxcnLC5cuXYWdnJzqK4vXv3x+JiYmwtrYG8KTZ2cvLC4cOHRKcTA/IYD7k7Nmz8PX1xa1bt9CwYUNER0ejQ4cOL7xv8eLFiIqKAgD4+Pjg+++/f+O1+T8W6aRFixbo0qULix6BzM3NYW5ujsLCQmzfvh0VFRWoqKhAXFwcioqKRMdTpDt37sDFxQXDhg3D2LFjtQ+qf2VlZdqiBwCsra1RWloqMBG9jWnTpmHq1KnIy8tDcHAwJk+e/MJ7UlJSEBMTg4yMDOTk5CAxMRF//vnnG6/NpS7Syfbt25GdnY0RI0ZUmzp+WUVOdWvw4MHYtm0bGjduDODJf74TJkzgniUCbNmy5aXjvr51t3RAL+fi4oLU1FSYm5sDeDLj06NHD+4y/wYmhhbo12RCnV0/03j3G5e6bty4AZVKhVu3bsHIyAgajQa2trZIS0urti/WjBkz4ODggLlz5wIAIiMjcezYMURHR7/2+lzqIp0UFBQgIiIC0dHR2iZOSZK4S60ABQUF2qIHABo1aoSLFy8KTKRcLHDkY9y4cRg4cCD8/f0BAGvWrOHnIwP379+vthQcFBSEoKCgau8pKChAixYttDdoSJIEe3t7XLp0qVrhc+nSJfTp00f73MHBATt27HhjBhY+pJOffvoJ+fn5sLW1FR1F8dq3b48pU6Zop4KjoqLQrl07wamU6csvv3zp+ObNm+s5Cc2bNw/NmzfHrl27AAD+/v4YP3684FR6og4PKbWwsKhRc3NVU3qVVy1OPfu+mi5gsfAhnTg4OLDokYlNmzZh0aJFCAwMhEajgbu7OyIiIkTHUqTOnTtr/1xeXo74+Hh06tRJYCJl8/X15SyPHmrZsiUuX76Mx48fa5e6CgoKYG9vX+199vb2uHDhgvb5xYsXX3jPy7DHh3QSHByMgoICjBkzplqPz5AhQwSmIpKXsrIyeHt7Y+/evaKjKE5RURHWrVv3wmaSnH17PRNDC/T90KfOrp9lsrdGMz59+/bFpEmTMGnSJOzYsQMRERFIS0ur9p4DBw4gMDAQR48ehZGRET799FMsXrwYnp6er702Z3xIJ8ePHwfwZMmriiRJLHwEKCkpwYIFC7Bv3z5IkoQBAwZg8eLFsLS0FB1N8UxNTat9I6X64+3tDRsbmxc2kyT9sG7dOkyaNAlhYWGwsrLS3jgwZMgQfPfdd3Bzc0Pfvn0xduxYODs7AwA+//zzNxY9AGd8iPTehAkTYGZmpm3iXL9+PUpKSrB161bByZTn2b2V1Go10tPTYWNjU6OGS6pdHTt2RHZ2tugYesfEwBx9G9bhjI9ZIjcwJP0VHx9fbZZh5MiRoiMpUkZGBk6dOqV9HhkZCVdXV4GJlKvq1mngySGZ/v7+GD16tMBEytWmTRsUFxdX28uHCGDhQzr67rvvkJCQgIkTJwIAQkNDkZ2djYULFwpOpjxqtRolJSXapa3S0lJUVlYKTqVM33zzjegI9B9LS0u4ublh8ODB1foQuaN5DbznC0EsfEgnO3bsQFpamvZQUj8/P/To0YOFjwATJ05E9+7dMW7cOEiShNjYWN7JIsjz/VYeHh4IDQ1lv5UAKpUKKpVKdAySIfb4kE6cnZ2RmZn5xjGqH0lJSdi3bx80Gg0GDBhQowY/qn3styJ9Z2Jgjr6W/6uz62dZ/iW8x4eFD+lk8uTJqKiowPTp0yFJEjZs2ACAt4qKwFOo5cPV1bVav9Wrxqh+/P777zh58iTKy8u1Y1zqej0lFD48YZJ08uOPP8LW1hYzZ85EYGAgmjZtWu3Wdqo//fv3x71797TPS0pK4OHhITCRclX1W1Vhv5U4s2fPRlRUFDZu3Ai1Wo3Y2Fjcvn1bdCz9oNHU3UMG2ONDOjE3N0d4eLjoGASeQi0n7LeSj+TkZJw6dQqdOnXCihUrEBwcjClTpoiORTLAwod0wk3z5KOyshKlpaXVTqGuqKgQnEqZgoOD4eLiou23Cg8PZ7+VICYmJjAwMIAkSaioqECzZs1w5coV0bH0guY9n6Vk4UM6CQgIgJmZGWJiYgA8aeIMCAhgE6cALzuFumqbAapf5eXlGDRokLbYqaysRHl5OfutBLC0tERZWRl69eoFX19fNG/eHMbGxqJjkQywuZl0wiZOedmyZQv27NkDABg2bBhPoRakZ8+eSExM1C49FhcXw8vLC4cOHRKcTHmuX7+ODz/8EGq1GitXrsTdu3cxa9YstGzZUnQ0WTMxMEcf07rbdDP7w/1sbib9xCZO+UhKSoKvry/i4uIQFxeH8ePHIykpSXQsRWK/lXzs2bMHDRo0gKmpKUJCQhAREYG///5bdCySARY+pJOqJs6wsDAsWbIEPXv2ZBOnIAsWLKjRGNW9qn6rKuy3Emf16tU1GqPnaABUauruIQPs8SGdBAcHw9nZGcnJydomzmbNmomOpSjnzp1DXl4e7t27h71792rHi4uLUVZWJjCZcr2s34pfCOpXeno6jh49ilu3biEyMlI7XlxcjEePHglMRnLBwofeWnp6Oi5evIi+ffti8ODByMrKwsKFC3H48GHcvHlTdDzFOHz4MKKjo3H9+nUsX75cO25lZYUVK1YITKZc8+bNQ/PmzbFr1y4AgL+/P/ut6tmVK1eQnp6O0tJSHD9+XDtuZWWF6OhoccH0hgbQvN9tC2xuprcSHh6OpUuXwtHREbdv38bMmTMxb948BAQEYOHChWjYsKHoiIqzadMmTJ48WXQMAlBUVMSfAZlITEzE4MGDRcfQOyaSGf7PeESdXT+naQqbm0m/REdHIycnB2lpadi9eze++uor7N69GxEREfyFL0jTpk21OzdHRETA29sbWVlZglMpU9u2beHn54eMjAzRURTv0qVLKC4uBgAEBgbCzc0NKSkpglORHLDwobdiYmICW1tbAEC7du2gUqng7u4uOJWyhYSEwMrKCqdOncK2bdswYMAAbY8J1a9z586hffv2GD16NHr37o24uDio1WrRsRTp559/hrW1NQ4fPozMzEyEhoZizpw5omPpB01l3T1kgIUPvZWHDx/i9OnTyMnJQU5ODgC88Jzql5HRk1a9v/76C1OnTsW0adN4C7Ug1tbWCAoKwtmzZzF//nzMmTMH9vb2CA0N5WdSz6p+Lvbv34+JEydi0KBBePz4seBUJAdsbqa3UlZWhiFDhlQbq3ouSRLOnz8vIpaiqdVqpKWlIT4+HlFRUQDAW6gFKikpQXR0NCIjI9GxY0f4+fkhOTkZnp6eOHjwoOh4imFgYIDY2Fhs374df/zxBwDwrq4a0sjktvO6wsKH3sqFCxdER6DnLF68GNOnT4e7uzvat2+P3NxctG3bVnQsRZo+fTp27tyJ0aNHIyEhAY6OjgCAUaNGoX379oLTKcvq1auxdOlS+Pn5wcHBAXl5eejXr5/oWCQDvKuLiKiWREREwM/Pr9ruzVUKCwu1/XFEcmUimaG35FVn1z/dIlX4XV2c8SHScyUlJViwYAH27dsHSZLg4eGB0NBQWFpaio6mOOfPn3+h6AkICEBkZCSLnnqyatUqzJo1C3PnzoUkSS+8vmzZMgGpSE5Y+BDpuYCAAJiZmSEmJgYAsH79egQEBGDr1q2CkylPWlraC2OpqakCkiiXiYkJAMDCwqJa4cPFjZpxduuI04V1929WDl8AuNRFpOdcXV1x6tSpN45R3fntt98QFxeH5ORkeHh4aMeLi4tRWlrK09nr2fHjx7F8+XJkZ2dDkiQ4OTkhKCgIXbt2FR2NZIAzPkR6Tq1Wo6SkRLu0VVpaispKeeyXoRQqlQpeXl44duwYvLye9kdYWVlxn6t6lpqaiiFDhmDGjBnw8fGBRqPB8ePH4enpicTERHTr1k10RBKMhQ+RnvP19UX37t0xbtw4SJKE2NhYHoxZz1xdXeHk5ISUlBT+3Qu2bNkybNmyBcOGDdOOjRw5Et26dcOSJUuQkJAgMB3JAZe6iPRYVlYW8vLycPXqVVy4cAEajQYDBgyAp6en6GiK1K9fP/zzzz+iYyiao6MjcnNzX/qaSqVCXl5ePSciueGMD5GeioyMREhICFQqFXJzc7F582aMGjVKdCxFGzp0KMLDw/HFF1/AwsJCO25mZiYwlbKYmpq+8jV+DgRwxodIbzk5OSEpKQl2dnbIzMyEv78/m2gFMzB4egqQJEnQaDSQJInnddWjDh06ID4+/qV3cXl7e/NoHeKMD5G+MjY2hp2dHQDA2dmZZ0HJAJvKxXvZsTpVXravDykPCx8iPVV1YGzVN9vnn3fo0EFkPMU6efIkcnJy4OPjg6KiIjx48EAWe5coBY/VoTfhUheRnnJwcHjlN1geGCvG2rVrsWbNGty/fx/5+fnIz8+Hn58f9u/fLzoaEf2HhQ8RUS3p1KkTjhw5gp49e+Lff/8F8KQXKysrS3AyIqpi8Oa3EBFRTTRo0OCFu4qMjNhRQCQnLHyIiGqJjY0N8vLytEuQW7duRcuWLQWnIqJncamLiKiWnDt3Dj4+PsjOzoaNjQ3MzMywe/dutGnTRnQ0IvoPCx8iolpUWVmJ3NxcaDQaODo6wtDQUHQkInoGF5+JiGrRiRMnkJycDEmS8ODBA3Tu3Fl0JCJ6Bnt8iIhqyQ8//IAxY8bg+vXruHbtGry9vbFq1SrRsYjoGVzqIiKqJSqVCqmpqWjcuDEA4M6dO+jevTsPxiSSEc74EBHVEltbW23RAwCNGjVC8+bNBSYioudxxoeIqJYsWLAAN27cwOTJkwEAUVFRaNWqFUaOHAmAx4gQyQELHyKiWtK6detXvsZjRIjkgYUPERERKQZvZyciqkXp6ena29nd3d15OzuRzLC5mYiolmzYsAGjRo1CYWEhrl69ilGjRmHjxo2iYxHRM7jURURUS1xcXJCcnAwbGxsAwM2bN+Hu7o6MjAzByYioCmd8iIhqUVXRU/XnqgNLiUgeWPgQEdWSjz76CCEhIbh69SoKCwuxaNEiHlBKJDMsfIiIasnatWuRn58PFxcXuLi44MyZM1i7dq3oWET0DN7VRURUC9RqNQ4ePIjY2FjRUYjoNTjjQ0RUCwwNDbFy5UrRMYjoDVj4EBHVEjc3N6SmpoqOQUSvwdvZiYhqSadOnZCZmQmVSgULCwvt+LFjxwSmIqJnsfAhIqoFWVlZyM3Nxd27d9G2bdtqr/Xp00dQKiJ6HpubiYjeUWRkJEJCQqBSqZCbm4uoqCjtiexEJC+c8SEiekdOTk5ISkqCnZ0dMjMz4e/vj0OHDomORUQvweZmIqJ3ZGxsDDs7OwCAs7MzSktLBSciolfhUhcR0Tt6+PAhTp8+jaoJ9Oefd+jQQWQ8InoGl7qIiN6Rg4PDK8/kkiQJ58+fr+dERPQqLHyIiIhIMdjjQ0RERIrBwoeIiIgUg4UPERERKQYLHyIiIlIMFj5ERESkGCx8iIiISDH+H6NkaWk2CGI4AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotCorrelationMatrix(df1, 8)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Scatter and density plots:" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA4cAAAPXCAYAAACYYz5hAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xd8XFed9/HPmSpp1LstufdeIjukkA7pGwiB0Am7wAIPsLuU5YFA6LvssgsssLvUhxIWWBJSgDSSkMSk2bGTuHdLtqzepWmadp4/ZkaRbNmWLDmj8n2/Xk6kO7f85uremfnOOfdcY61FREREREREpjdHpgsQERERERGRzFM4FBEREREREYVDERERERERUTgUERERERERFA5FREREREQEhUMRERERERFB4VBERAQAY8xlxpjjma7jRMaYdxhj/vQqbGeuMcYaY1znelsiIjIxKRyKiExzxpiLjTHPGmN6jDGdxphnjDEbxrjO24wxT58w7WfGmK+OrdrMSQWngDHGb4zpMMY8boy59Vxv11r7P9ba159Qx8KzWVcqACdSz6HPGLPfGPPes1jPF40xvzybGkREZOLSt4MiItOYMSYf+CPwIeC3gAd4LdCfybqGY4xxWWtjGS5jjbX2kDGmFLgW+J4xZqm19ksZrms0Gq211cYYA9wE3G2M2QwEM1yXiIhkmFoORUSmt8UA1tpfW2vj1tqQtfZP1tod6RmMMe83xuxNtTTtMcasT03/v8aYw4OmvzE1fRnwfeCCVAtVtzHmA8A7gH9MTftDat6ZxpjfGWPajDG1xpiPDdruF40xdxtjfmmM6QVuO7F4Y8z1xpiXjDG9xph6Y8wXBz2W7ib5HmPMMWNMuzHm9kGPZ6daM7uMMXuAEbeWWmvbrbV3kgzVnzHGlKTWWWCM+YkxpskY02CM+aoxxpl67DZjzNPGmH9LbbPWGHPtoHpuM8YcSe3PWmPMOwYvl/p5U2r27an9eKsxZpcx5sZB63GnnuvaMzwHa629D+gClg+zb2caY36fak0+ZIx5f2r6NcBngVtTNWwf6X4TEZGJTS2HIiLT2wEgboz5OfAb4HlrbVf6QWPMm4EvAm8AtgILgGjq4cMkWxmbgTcDvzTGLLTW7jXGfBB4n7X24kHruhA4bq39XOp3B/AH4H7gbUA18JgxZr+19pHUYjel1v1uwDtM/YHUY7uBlcCjxpiXU6En7WJgCckgvMUYc4+1di/whdTzWQD4gIdGteeS7if5XroxtfzPgRZgYWqdfwTqgR+k5j8/NU8p8AHgJ8aYKiAH+A6wwVq73xgzAyg+cWPW2kuMMZZUCyaAMWYO8E6S+xLgOqDJWvvy6QpP7f+bgEJg5zCz/Jrkfp0JLCW5b49Yax82xvwTsNBa+84z7B8REZlE1HIoIjKNWWt7SYYnC/wIaEu1FlWkZnkf8K/W2hdSLU2HrLVHU8veZa1ttNYmrLX/CxwkGZJGagNQZq39srU2Yq09kqrhrYPmec5ae19qG6Fh6n/SWrsz9fgOkoHm0hNm+1KqRXQ7sB1Yk5r+FuBr1tpOa209yXA2KtbaKNAOFKf22bXA31trA9baVuBbJzyfo9baH1lr4yRD4gwgva8TwEpjTLa1tslau3uEZfwSuC7VRRjgXcCdp5l/pjGmO1X3F4B3WWv3D57BGDOL5HHxaWttOBU0f5xat4iITFEKhyIi05y1dq+19jZrbTXJ1reZwLdTD88i2UJ4EmPMu40xL6e6jXanli0dxabnkAoqg9bxWV4JS5BsdTslY8z5xpgnUt1Se4APDlND86Cfg0Bu6ueZJ6z/6ChqT2/fDZQBnann4waaBj2fHwDlw9VirU1f45drrQ0At6bqbzLGPGCMWTqSGqy1jcAzwJuMMYUkA+r/nGaRRmttobW22Fq71lr7m2HmmQl0Wmv7Bk07ClSNpCYREZmcFA5FRGSAtXYf8DOSQQ+S4WnBifOlujL+CPgIUGKtLQR2ASa9quFWf8Lv9UBtKqik/+VZa687zTIn+hXwe2CWtbaA5LWO5vSLDGgiGX7TZo9wucFuAmLAFpLPpx8oHfR88q21K0ayImvtI9ba15FsTdxHcv+O1M9Jdi19M8nW1obRPIlhNJJsDc0bNG02kF7vmf4uIiIyCSkciohMY8aYpcaYTxhjqlO/zyJ5/d/zqVl+DHzSGHOeSVqYCoY+kgGhLbXce3klUELyurtqY4znhGnzB/2+Beg1xnw6NTiM0xiz0ozuNhp5JFu4wsaYjcDbR7Hsb0kOJlOUev4fHemCxpji1IAx/wn8i7W2w1rbBPwJ+HdjTL4xxmGMWWCMObGb63DrqzDG/JUxxkcyYPqB+ClmP3E/AtwHrAf+DvjFSJ/HqaS62T4L/LMxJssYsxr4G15pkWwB5qauWxQRkSlCL+oiItNbH8lBUjYbYwIkQ+Eu4BOQvK4Q+BrJFro+kiGk2Fq7B/h34DmSQWEVya6NaX8mOZhJszGmPTXtJ8DyVJfL+1LX3d0IrAVqSV4D92OgYBT1fxj4sjGmD7iDZOAbqS+R7CpZSzLUne46vbTtxhg/cIjk9Zj/YK29Y9Dj7yZ5O5A9JEcBvZtkS+CZOEju80aSXVQvJfnchvNF4Oep/fgWgNT1mL8D5gH3jGB7I/E2YG6qpnuBL1hrH009dlfq/x3GmBfHaXsiIpJhxlr1DBEREZnsjDF3AIs1gqiIiJwt3cpCRERkkjPGFJPs9qnRREVE5KypW6mIiMgklro5fT3wkLV2U6brERGRyUvdSkVEREREREQthyIiIiIiIqJwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIigcCgiIiIiIiIoHIqIiIiIiAgKhyIiIiIiIoLCoYiIiIiIiKBwKCIiIiIiIigcioiIiIiICAqHIiIiIiIigsKhiIiIiIiIoHAoIiIiIiIiKByKiIiIiIgICociIiIiIiKCwqGIiIiIiIgArkwXcC6UlpbauXPnZroMkUmtrq4OnUciZ0/nkMjY6BwSGZtt27a1W2vLRrPMlAyHc+fOZevWrZkuQ2RSq6mp0XkkMgY6h0TGRueQyNgYY46Odhl1KxUREREREZHJEw6NMdcYY55M/Wsyxrwh0zWJyNjVtQfYdrQTa+2wjx9q9fPSsS4AEgnLC3WdHOsIvpolikw74Wic5w530O7vP+18jd0hNh/pIBZPvEqVTR+xeILNRzpo7A5luhSZgOIJy5baTo53Bdl2tIufPlNLOBLLdFkyBUyabqXW2oeBhwGMMZuBxzJbkYiM1fGuILfft5N4wnLLebO45bzqIY8favXz+ft2YbG86zVz6QlF+f32BlwOB//+ljVU5GdlqHKRqe0/Hj/IS8e6KMh28923rcfjOvm75O5ghM/cs5P+WJyrllXwvtfOz0ClU9fPnq3jsb0teF1Ovn3rWop8nkyXJBPIL56r45HdzcQTlgMtfVgLzx5q50fv2ZDp0mSSmzQth2nGmPlAi7XWf8L0Dxhjthpjtra1tWWoOhEZjd5QjHgi2WLYFYic9HhPKIol9XgwQlcwOU8skaAvrG9IRc6V7tS5FuiPE0sM3yoYjMTpj8UBBs5NGT/pfdofixOKxjNcjUw06ffMYCROPJ58n+zUeSjjYNK0HA5yM3DviROttT8EfghQU1MzfP80EZlQls/M57YL59LS288b11ed9Pj62YW84/w5dIei3Ly+imjM4vM4qS7KYWF5bgYqFpkePnzZQh7Z3cy62YXkeIb/qDCzMJsPX7aQg61+blo781WucOp770XzKPF5WViey8zC7EyXIxPMey6cS2GOh3llPvY09rKjvptPXL0k02XJFGBOdZ3PRGWMeQq42Vrbcap5ampqrEa3EhkbjRInMjY6h0TGRueQyNgYY7ZZa2tGs8yk6lZqjKkEIqcLhnJ67f7+gW5AIiIiIiIiaZMqHAI3AfdnuojJ6r6XGqj56mO86b+fJRLTyHIiIiIiIvKKSRUOrbU/sNZ+L9N1TEbWWr7xyH4AdjX08sDOxgxXJCIiIiIiE8mkCody9rYf76GhO8Q3bllNVWE2D+xoynRJIiIiIiIygSgcThN/OZC8vcfrlldwyeJSNtd2DtxCQEREREREROFwmth+vIf5ZT4KczycP6+EvnCMvU29mS5LREREREQmCIXDaWLH8W7WVBcCsG528v+7GnoyWZKIiIiIiEwgCofTQHNPmNa+flZXFwAwqyiHHI+Tfc19Ga5MREREREQmCoXDaWBfc7L76LIZ+QA4HIbFFXkD00VERERERBQOp4G69gAA88t8A9OWVORxsMWfqZJERERERGSCUTicBuo6gvg8TspyvQPT5pTm0BGI4O+PZbAyERERERGZKBQOp4Ej7QHmlfkwxgxMm1OcbEU82hHIVFkiIiIiIjKBKBxOA3XtAeaW+IZMm1OSA8CxjmAmShIRERERkQlG4XCKi8YTHO8KMq90aDicnQqHRzsVDkVEREREROFwymvpDZOwUFWYPWR6fpabYp+Ho2o5FBERERERFA6nvKaeMAAzTgiHALOKsjnepXAoIiIiIiIKh1NeY3cIgJkFWSc9VlmQRUtv+NUuSUREREREJiCFwymusfvULYczCrIHWhZFRERERGR6Uzic4pp6QuRlucj1uk56rLIgi75wTPc6FBERERERhcOprrE7zMyCk1sNAWakupo2q/VQRERERGTaUzic4pp6QswoPPl6Q4CKfIVDERERERFJUjic4pp6wsw4Q8thU0/o1SxJREREREQmIIXDKaw/FqczEBkIgSdKtxxqxFIREREREVE4nMLa/REAyvO8wz6e5XZS7PNoxFIREREREVE4nMra+voBKDtFOIRk66FaDkVEREREROFwCkuHw9LcU4fD0lwPbakWRhERERERmb4UDqewdv+ZWw7Lcr20p0KkiIiIiIhMX5MqHBpj3m2MedwY86QxpirT9Ux06ZbDklzPKecpzfPS7u/HWvtqlSUiIiIiIhOQK9MFjFQqDF5qrb0y07VMFm19/RRku/G6nKecpzTXQ38sQV9/jPws96tYnUxGoUicrzywh31NvQAsLM/ljhtXkOtNvpTUtQf4pwf34nU7+fwNyyjPGzpS7s+eqeWxva1cvaKCheV5fP2hvbT5+7l8STlvWFvFfz15iIr8LD5/w3J8XheHWv38y8P78HmcfO76Zdz5/DG2He3i1g2zuHHNTAD2Nffyb4/sJz/bzRduWEFBjo5jmZqOdiTPL7fTwR03LKc8NeL0kTY/X39oH1luJ3fcuPy0lxKMxeE2P/8ywu1srevku38+RFVhNnlZTnY39vGuC+Zw9YrKYef/0aYjPHWgjRtWz+CtG2cPTG/tC/OVP+6lPxrnM9ct42hHgJ88XcuSijz+77VLcTnP/jvuvU3J147CHA933Licguzxee14cn8rP3m6lqWVeXz6mrHVKCP3wI4mfr3lGOvnFPEPVy3CGHPW6/rfF47xh+1NXLq4jPdfMn9g+n89eYhnD3XwhnVV3HJe9UnL7Tzewzcf3U9ZnnfIe+NwttR28r0nDjGnOIfbr19GlvuVz2qHWv188q6X2dfcR2GOm+++bT0b5hYPWf7Zw+18/6kjzC/18ZnrluJ1Odl2tJPvPH6I6qJsPnf9crI9p/78J3Iqk+kV62rAmWo5/K4xZsgRb4z5gDFmqzFma1tbW4ZKnFja/f2n7VIKr1yPqK6lMhKH2/wcafPT1tdPS2+YY51B9jf3Djy+ubaD3nCUtr4wLx/rPmn5x/a2EkskeGxvK08eaKXN348/HGNXQw9/3NFIKBqnriPAgZY+AJ470kFfOEpzb5jNtZ1sru0glkjw532tA+t85lAH/v4Yjd0hdjX2nPudIJIhm2s76QlFaff38+Kg8+v5I530hqO09oXZXn/yeTdenj/SMeLtbDrQRn8szv6WPp49nDpv97YOO28iYfnzvldeGwZ7+Vg3bX1hesNRttR28OT+NqLxBLsae8Y80vYzh9oJRGI0dAfZPY6vHekadzb00KwB3141j+9rIZZIsKW2g95QbEzrenRP68B7TSKR7FnVH4uz6UAbsUSCx/e2DLvcXw61EYrGT3pvHM5TB1qJxOIcbO2jriMw5LHnjnRwvCtENG7pDcX44/bGk5ff30YkFmdfcy/1naHUOtvpj8U53ObncJv/bJ66yKQKhxWAJ9VyGARuGvygtfaH1toaa21NWVlZRgqcaNr6+ik7wzfIA+FQg9LICCwsz2VpZT4zC7OpLsphQVny97QL5pdSkutlZkE26+cUnbT8NSsryXI7uXZlJVcurWBGfjaFOR7WzS7iDeuqyMtyD2wD4OKFpRT7PFQX5XDB/BIuXlhKttvJ1SsqBtZ5yaJSCrM9zCn2sbKq4NzvBJEMuWB+ycD5dd6g8+uihSWU+LxUFeawbvbJ5914uWhB6Yi3c/nScnK9LlZVFXDJ4jKy3U5eP+i8HczhMFy9ooIst5NrVg5tWVw/p4iZhdmU5Hq5YH4pVy2rIMfjYt3solPew3ekLllcRkG2m7kl4/vaka5x/ewiZhRkj9t65fRev7ySbLeTixaUkp89to5x16beq16/ogKHI9kC6XU5uXJp8jg9VQv4pYvLyM9yn/TeOJwrUufIshn5zCv1DXns4oWlzC/z4XU5KM7x8IZ1J19JdeWyCnweFytnFjCnJAeAy5eUket1sbQyn4XluWfz1EUwk+VaM2PMh4G4tfYHxpirgRpr7deGm7empsZu3br11S1wArr0G0+wprqQ77xt3Snn2dPYy3Xf+Qv/9Y71XLdqxqtYnUx0NTU16DwSOXs6h0TGRueQyNgYY7ZZa2tGs8xkajl8Flid+nktUJvBWiaF9r7+M157UpqXHKwmPbKpiIiIiIhMT5NmQBpr7cvGmJAx5kmgHfhWhkua0AL9MQKR+BmvOSzO8WCMrjkUEREREZnuJk04BLDWfjLTNUwWI7nHIYDLmezP3qZrDkVEREREprXJ1K1URiE9wMzp7nGYVprrVbdSEREREZFpTuFwiuoKpMKhbwThMM+jcCgiIiIiMs0pHE5RnalwWJSjlkMRERERETkzhcMpqjOYDIfFI2g5LPZ56ApEz3VJIiIiIiIygSkcTlFdgQgel4Mcj/OM8xbnePD3x+iPxV+FykREREREZCJSOJyiOgOR1G0qzBnnLUq1LnYH1XooIiIiIjJdKRxOUV3ByEDoO5N019P0dYoiIiIiIjL9KBxOUZ2BCMU+94jmTQ9a06VwKCIiIiIybSkcTlFdweiIRiqFQS2HQYVDEREREZHpSuFwikq2HI4sHBalWhjVcigiIiIiMn0pHE5BsXiCntDIWw7T83XqdhYiIiIiItOWwuEU1B1KhryRthy6nQ7yslx0qVupiIiIiMi0pXA4BaW7h440HAKU+DwarVREREREZBpTOJyCOs8iHBb5PGo5FBERERGZxhQOp6B0yBvpNYcAxTlqORQRERERmc4UDqeg9MAyo245VDgUEREREZm2FA6noHTLYWGOe8TLFPs8us+hiIiIiMg0pnA4BXUGIvg8TrLczhEvU5TjIRxNEIrEz2FlIiIiIiIyUSkcTkFdgQhFo+hSClDsS7YyqvVQRERERGR6UjicgjqDkVFdbwivDF6j6w5FRERERKYnhcMpqCsQGdVIpfDK4DUasVREREREZHpSOJyCzqrlMDW/7nUoIiIiIjI9KRxOQZ3+s2g5zFHLoYiIiIjIdKZwOMWEo3ECkfjAADMjlZ/txmF0zaGIiIiIyHQ1acKhMWauMabFGPOkMeZPma5nouoORgFGPVqp02EozNG9DkVEREREpitXpgsYpUette/MdBETWbpbaPEou5UCFOW41a1Uzqg7GOHubcfZdbyb7lCUxRV5PHe4k3AszpvWV+GPxDneGSQQiWEwhKMx9jT2UZLr4aa1M4lbi8vh4EBzHw/sbMLjcvLtt67lssVlvONHz7OrsZfFFbnMLvZxpLWPnU19AHz++iX0hOPc+2IDMwqy+dobV3LvS8d5ZHczsThcuaycz9+wHGNMhveQnI2uQIQfbjpCU0+It58/h43zijNd0ogc6wjy4K4mVlcXcOGC0lPO1xWI8LsXjzOjIJvrV88AoC8c5a6txyn2Jc8NY8yw07Yd7WRLbRevW17BwvJc6toDPLSrmXWzC3nN/BJ6Q1Fuv3cnDT0hrlhShsfppDTPyxvXVXGw1c/je1t5zfxiVlYVcNfW4xztCJCb5eKaFZXMKMzmrq31FGS7eeO6qoHzJxZP8Pn7d7HtaBfvOH82b904m18+f4w7n6ujuSdEdXEOoUicBWW5/OJvzgfgSJuff31kP229YXxeF/9w1WLWzSka2Ac7jnfzgV9sJdfr4ncfupCC1PvU43tb2HSgDa/bidtpmFPi44ql5dz7YgPVRdlcu2rGkH359MF2djX2cMPqGVQX5Qx5bNvRLrbUdvK65eUsLM8b8lgkluCubfUAvPm8Wdx+705equ/io5cv4qZ1VWfx1x/el+7fxc+fP0qRz822z71+xMu19oa596UGFpbncuWyioHfXQ5DJG65bEkZy2bkj1udE0UiYbnnpQb84Shv2TCLHM/4fDR9oa6TrXVdvH5FBQvKcnlgRxNNPSFuXlfFpoPtdAYivLmmGpfDwW+31pPjcfKm9dU4HIb9zX38eV8r88t81LYHCPTH2FLbQVGOl1yvk45AhKtXVNIdinLtykrmlPgA6AlFuXvbcXweJ4/vbWV/Sy/nzS7kjhtXDvnSfndjDw/tbOaJ/a30R+NcsbSCW2qq6Q5G2VrXCcDWo508sa8NlwNKcrMozHHz09tq2H68h/rOEDevr6I7FOWnz9RS3xlkcUUebz5vFk8daKO6KJt2fz8/e7aOSxaV8fkblnH7vbvoDkX50l+tYNOBNv6wo4m3bpzFhfNL+ey9O6htD/B/Ll/E8pn5PLyrmfPmFJ2z1+ETX9NeTeFonLu21uNxOXjT+mpczonVTubvj3HX1nrys9zcvL4qI59pJls4vNwY8xfgHmvttzJdzESUHlBmtC2HkLydRVcgOt4lyRTzmxfqeWhnE7sae3E7DU8f6iCesBgD33z0ACW5Xtr9/VgLCWtJ2ORy7YEIP366FmuhIj+Lfc3J0BeJx/jkb1/m765czOa6LgBequ9hZ0MvsfTCwFce2E+220koGqehO8Q//O/LyTftSByAX205xoULS7lqWcWru0NkXPxqyzHu3nac/lico50BfvW+C8j2ODNd1hn9YNNhDrf52XSgjZVVBeRnDd+l/zcv1PPUgVYAFpT7WFqZz70vNfCnPc0AzCrO4bw5Rdzz4tBpq6oK+NajB4klEhxo6eNbt67l+08dpq4jwNOH2lhVVcA3Hz3A4/ta6Y8lONwaoCTXQ3mel1nFOfz82Tra/f08e7idd5w/h/tfPs6+5j7K87I42OJnw7xiHtn9yvY2zE1+GPzD9kbuebGBWMLyrUcPEI4l+M3mY9R1BAE41BoAoKknzPf+fJCPXLGIL/1hD1uPdhLoj5PldvC5+3fxwMdeO7APPnjnNpp7+4F+PnHXdn78ng0c7wryo01H2NvchwEcDsPiily21HZyvCuY2l+5LK5IBr2uQIT/fOIQFktjd4gv37RyYP2xeIJvP3aAaDzBvuZe/uOt64b8Df68r4U/bG8EoL4zyH0vN5Cw8IU/7ObqlZVkucfnePvpc0cB6PBH+cbDe/nUNctGtNzPnq3jxWNdPLG/laUz8vmf54/y4rEu9jX1Ma80h+313Xz/XeeNS40TyebaTu5OhfYst5O3bpw95nX2x+L8x2PJ8+ZQq5/3XzKPO5+vA6CuI8ih1uT7j8NAjtfFQ7uaAJhZmM1FC0v5zp8P0uHv5xfPBZlRkMWuxl4Sqfcjay3ZHicv1HWxsiqfox0B/vnm1QDctbWex/a2cKTNT2cgSixhaentpyg3iztuWD5Q37cfO8i2o510BaJYoLn3KMe6gvSFo3QGIrT3RWjz9wMQTUBzb5iW3jB/95uXcTiSYSEUjVPbHuCxPS0Eo3F2NvSw43gPxkA0nmBvUx/9sQT1ncnj8YGdyef4Tw/u4akD7cQTlv3Nvdy8vppH97QSt5Yv/n43Fy4soaU3zNOH2vjxuzeM++twfyw+8Jp2sKWPb966dlzXfyYP7Woa2BcV+VlctqT8Vd3+mdz/csOQ1+RMfFH1rNJBAAAgAElEQVQ6seLy6TUBi4HLgauMMasHP2iM+YAxZqsxZmtbW1tGCpwIBloOzyYc+jwarVTOqCzXi9vpwGnAYQxup4HUF1tZLicepwOXw+BM/Ut/52WALJcDT+rf4O/Cinxe5pRkD5nmOOHbMgcMLGcMzCjMxu1M/Q64HA4qC7LO0bOWc60s14vbZTDGUJzjTR5Xk0BZnheA/Cw3Xtep31LT87mdDgqzk6/PZbnJaU6HGXjNTs/ndBhKfB5cDjPwZV/6sdLcV7bpcTmoLsrGDJyDDtxOg8Mk15lepsTnoTw/+bPLkTwHy/K8AzU4THJ7aTMKs3CmPoRmuZ3MKsoZ9vkZYEFZ8pv/GQVZA+ejMWagzhP3weBl8rxusj3JFkOPy4HHaTAYqguzAfC4nBRmvxK4s9xO8rJcQ/ZfmtNhBgZjO/GxwdsHmF/qG3iNyfW6cDnG73gbvKpV1QUjXi69v7LdTnK9roF6s9xOnA4zpP6ppCTXQ/qdYryeo8vhoCDHPbDOwmwP7lQLUXVR9sCxXZaXNXCsGF45ZtPTCrLdyfPF6cBhksdYOpz5vM4h8w6uP9vtGji+HMZQVTj0vak014vX5UxtF7wuBxUDdRo8ruGPx1nFOXhSy5XleSnL8+J2JWvzOB1U5KePGRfZqS87nA4Hiyt8A+uoLvINnEOFOR5mFGTjSJ3a+dkuKvOTtaZrGW9uh4PCQX+bV1tZbvL5Df57TySDX5PP5rP8eDDW2jPPNcEYYz4E9FhrfzXc4zU1NXbr1q2vclUTwy+eq+OO+3fzwu1Xjfqk+/TdO3jyQCubP3vVuSlOJpWamhqGO4+stew43kNvOEJ9Z4i1swp5oS75Degb11fR2humLxxLdStNvgA/f6SDuaU+zp9fgsth8PfHcDng6w/to7Igi6++YTW5WS5+//Jx/rijmWtWVFCS6+V4d4ifbDqMBX71/gvoDEb4445GqguzedvG2exo6OWZg22EIgmuXF7OutlFJ9Urk4O1NnkcBSNsnFtyVr0fMiESS7CzoZt5pbknvZEPPoestWw/3kNprmdIV8idx3soyHYzu+TU03qCUQ629rGyqoAst5P+WJxdDT3ML80d2E8P72qiMxBlzawCrIW8LBdzSnyEInF2N/awqCKPgmw3B1v66AvHSFjLipkFZHuc7GroGZh/sC1HOnjmcAc3n1fFnGIf+5p7efpgG88caufq5RUcaguwdlYRN6yZObAvHtrVSCRmicYT3Ly+ekhrXCyW4CsP7qEiP4sPX7ZwYHpLb5gDLX14XQ5cqQ+O80p9vFzfTUV+FjNTQTGt3d/P0Y4Aq6sLBz7wp/WEohxs6Rt4bic60JJsMVpckcdzR9r5y4F2/uaiuZTkjd8XS8e7+njv/9vGNasq+MTrR9ZqCBBPWLYf76a6MJvy/KyB3wuzk5d8LJuRj8872Tp8jUy66+bKqqFh+lTvQyPRHYxwqNU/cN4c7wrS7o+wprqA+s4QPaHoQHjf3dhDjsfFvNLkOZA+b+aV+qjrCJDrdbH5SAeluV5Kcj0caQ9y+ZJyGrqDrKwqGAh6kOw+XZTjYcfxbvY397G6upArl5UP6R7o74+xt7GHXY299IVjvGZeEauqiwhH4xxp95PrdREM9/OJu3axqDyXqqJsZhTm8NcXz6O1L0xzT5i1swrpjyV4/nAHXcEIlYVZbJhTzM6GHiryk1/U/Py5Oq5ZWcnaWUU8fbCNjkCEm9ZW0dAd5Im9rVyzqpISn5c/7WnmcKufW2pmUZDtPun1Zbyd+Jr2atvb1IvH5Rj4kmqiOdVr8tkwxmyz1taMapnJEg6NMXnW2r7Uz78Evmut3TzcvNM5HP7HYwf51mMHOPi1a0960zyTf35oLz99uo79X71G123JmN6URUTnkMhY6RwSGZuzCYeTqVvpa40x24wxzwKNpwqG011XMEJelmvUwRCSg9hE4omBa7hERERERGT6mDT9E6y1DwIPZrqOia4rGBm45mK00t0HugIRcqdo1xURERERERneZGo5lBHoCkYpyhl+tLwzSYdKDUojIiIiIjL9KBxOMd3BCIVn2XJY7EuGSt3rUERERERk+lE4nGI6A5GzHvo23XLYHdS9DkVEREREphuFwymmOxgduH/MaKVDpVoORURERESmH4XDKSQSS+Dvj531gDT5WW4cRtccioiIiIhMRwqHU0h3KBnqzvampQ6HoTDHo3AoIiIiIjINKRxOIV2B5LWCZztaaXrZ9HpERERERGT6UDicQtItfmfbrTS9rK45FBERERGZfhQOp5DuVDg82wFpINklVd1KRURERESmH4XDKaQrdQuKs72VBUCxrjkUEREREZmWFA6nkHR30LF0Ky30Ja85tNaOV1kiIiIiIjIJKBxOId3BCFluB1lu51mvozjHQySeIBiJj2NlIiIiIiIy0SkcTiFdwSjFY2g1hFdug6FBaUREREREppeMh0NjTJExZnWm65gKuoMRCscYDtPhUtcdioiIiIhMLxkJh8aYJ40x+caYYmA78FNjzDczUctU0hmIUOQ7+5FKgYHl04PbiIiIiIjI9JCplsMCa20vcDPwU2vtecBVGaplyugORsfccpgezKZL3UpFRERERKaVTIVDlzFmBvAW4I8ZqmHK6QpGxnzNYbGuORQRERERmZYyFQ6/DDwCHLLWvmCMmQ8czFAtU0I8YekJRSnKGVu30vwsNw6TvH5RRERERESmD1cmNmqtvQu4a9DvR4A3ZaKWqaI3FCVhGXO3UofDUJjjoVPhUERERERkWslIODTGzAM+CswdXIO19q8yUc9UkB5ddKwD0gAU5bjpCpy7AWla+8J4nI4xB1kRERERERk/GQmHwH3AT4A/AIkM1TClpEcXLRqHwFWU4zln1xze/3IDH//tdtxOw0/es4GLFpaek+2IiIiIiMjoZCochq2138nQtqek9DWC4xIOfR7qO4NjXs+JOgMRPnPPTlZVFdAXjvKPd+/gyU9dhtuZ8dttioiIiIhMe5n6VP4fxpgvGGMuMMasT//LUC1TQrqlbzzCYXGOZ6Cb6ni687mjhKJxvnHLaj53/XIaukP8cUfjuG9HRERERERGL1Mth6uAdwFX8Eq3Upv6Xc5Cd7pb6Thcc1joS15zaK3FGDPm9QFYa/nDjkY2zi1mUUUeC8tzqS7K5r6XGnnjuupx2YaIiIiIiJy9TIXDNwLzrbUaEnOcdAUjuByGXO/Y/6TFOR4i8QTBSBzfOKwP4ECLn0Otft7zhpUAGGO4YfVMfvSXI/SFo+RljT3UioiIiIjI2ctUONwOFAKto13QGPNx4GZr7cXjXtUk1hWMUpjjGZeWviJfsmtqZyAybuHwLwfbAHjdsoqBaZcsLuX7Tx1mS20nVw6aLhNTbXsApzHMLsnBH4rw2ft24XLAwVY/JpHgSEcYrws2zimmsiib5w610R6MUZbroaowmx0NPZTmevF5XFyyuIzeUJg7n6/HaeAdr5nHWzfO5qdPH+GJfS10BiLMLMimosDLM0e6Afg/l86lJxxja203PeEIiyvymFmQxf0vNxCJgccDb15XRUVhLrdumEVJrvec7o99Tb0cavVz3apKHI6x99CPxhPsa+pjbmnOtPyypKE7yPt+9gLluV5+/r7XnHbeAy19PHOwncuWlDGvLPdVqvDU9jf3UZjjpiI/a1TLJRKWh3c3M6s4m95gDJfLsHFuMc8e7qA/FqcsN4sFZT6OtAfoCkZYVVVAYY6HPY29PH2wjV0N3RT7PFyypIK11YX8cNMRVlbl8dDORrbUdrG2upDr11Sy9Wg3xTlecr0OHt/XRlVhFhcuLOHlY9009oRZP7uYA619xBMJwlHLjasrCUUSvFjfhQEuWFjC6uoirLX8/W9epKUnzIzCbPKyXNR3BnAYJ4/+w2tpDUT4yh/2smJmHpcvrSTb7SCWsDyyq5mDrb00dIZ5zYISauYVc96cIv77yUM4jGFOiY/uYITH9rayuCyXBJa3nT8Ht9NBbyjCnc8dZXGFj8uXVtIZiHCotY8Of4Sb11fz9KF2XE7D5UsrqCrMZmdDNy29/bx2USlel5PDbX52HOvi5foumnoibJhXSGluFquqC+kJRnhoVxOXLymnIMfN0wfbmV+Wy+uWV7D5SCfHOgMcbQ9wqM3Pl/5qBZWFOSP6u/oDET74mxe5cfVMbt0wG4C7ttbjcTpYWV2A1+WguujkdVlr2d3Yy4yCLEpyvUQiEf76zhdZXpHLriY/H79qMTXzikd1jB3vChKOJlhYnvnz5HQaukOEIvGzqjMcjXOwxc/C8lyyPU4OtvTh87rIy3JR1x5kSWUewUiMH246ghP4xDVLaeoJ0ReOsbgiD4CvP7Cbpw62s3ZWIeFYnBtWz2R2sY/2vn62Hu1ibpGH/95UR7bHidtpqCrKZt2sYhp7QlTmZ+F0OLhh9Qy6Q1G+/uBeVlcX8L9b62ntDbO6Kp/bb1jF8a4Azx5u5+KF5ZTle3ixriv12cjwtvNnE+iPUZnn4c7Nx7l57Qye2N/M5tpuauYV09gdJsfj5NPXLOU7fz5IdyDCZ65exFcePsDGOcU8d7iDPU29/PSdq/nYXXu5fk0l77toLp/83U4unF9MJG64alk5HreDheXJ/XG4NYDXbTjQ4uep/c08tLOVv7t8PmvmFPM/m4/S7o9y20VzcDscPLqnlfdePIeXj3Xx3OEOjDHMLfHx2sVlrJlVNPC36A5G2H68m8auEE6Hwet2cqzdT26Wm/dePB+A/licA81+5pX5TmrQONjSR26WixkF2QPTrLXsbeqjPN9L6TDv6/UdQbYd6+K6VTPwuE79Xuzvj1HbFmBxZS5el5O9Tb2EY3G6AxGWVOYzszD7lMum7WvupTjHQ/koX+vP5MRj+HTqO4PEEpZ5pb5xrWEwY609Zys/5UaNeRJYDbwA9Kenn+lWFsYYL/BDYMHpwmFNTY3dunXr+BQ7SXzwzm0cbvPz6McvHfO6HtvTwvt+sZXff+QiVlcXjkN18P5fbOVgSx9PfurygWnhaJw1X/oTbz9/Nl+4ccW4bEfGT01NDenzaEttJ998dD8Gw+3XL+OdP95Md2h8b3diSPYtHw9zS3K4/yMXU5B9bkLWoZY+3vLD54nFE1y9spJv3LJmzOv85p/2s6Wuk/K8LL5161qcjvHp0j0ZhCMxlt7xyMDvlflenv/sVcPOu+1oJ3/z8630hWPkZ7l4+O8uoaJgfN+oR+PBnU384rk63E4HX3/TaqoGfcAYfA4N59N3b+ehXc1E4gncToPH6WTjvGKePdxOKJKguiib8nwvjd1hekNR1s0u5O3nz+YTv91Obzg2sB6P0+ByGILRczP4twEq8r209Paf8hx1GHA7HfTHkjWU5LjwZXno8PcTiMSHzOtyGPK8LrpO8xriNLC4Io99zX0D28xxO4gmLNG4HdgmNvm6sagil/ddPI9/fWQ/kViCa1fO4GNXLeSm7z1DZyBCYlDhDgPleV7a/BHiCYsBfF4ngf44Tofh2lWVPLmvlb7+V+r2OA0HvnbdiPbX4tsfJJKq8Zd/s5FNB9v5ydO1WGuZUZDFnBIfX7hxBUsq84Ysd+dzdTyws4lcr4tv3rqWjV99jHBs6N/0xc+/jmLfyMYWONDSxxd/v5uEtXz0ikUTdnTwQ61+vvD7XcQTlg9euoDLlpQPPHamcwjgi7/fzb7mXuaV+rhqWQU/+ssRnMaQ7XHi74+xdlYhj+xqprYjOdDemqp88rI9xBIJ3nvRPH7/ciMP7Gwask4DzCnJob4rSCJx5vcmp8NQXZhNU2+YSOzk8zD9ap5ej9f1yrmS5nLAMIuetcHvqQZwOw3r5xTxt5cu4KGdTRxs8XOwtY9gf3zIbQOcBuLDPGGT+s/g2ODzOPnpezewcV4JoUicD/3PNp4/0kF/NIE9oYb3XTSXz924gq8/tI+X67uYUZDNN9+yZqBR4/G9LfzoL0dwORx87Y0rmVOSDD+/faGee146Trbbyb+/Ze2Q4787GOHqb28iFImzfk4RP3vvxmH3hbWWj/92O009IdbOKmJReS4/e7aWI22BVNDN4btvX3/awPX77Y38avNRPC4n//qm1VSO4/vO4GP4n29efcr5djX08LUH9mKxfPx1S9g4gi+LjDHbrLU1o6knUwPSfIFk19J/Av590L8zeR/w8+EeMMZ8wBiz1Rizta2tbdwKnSy6gpGBFr+xSl+3mL49xlglEpYX6jpPOoiz3E42zC3m+SOd47IdOXcau0MAWCzNPWECkdgZlhi98fyaqjcco2ecjt/hHOsKEYsn307Ha2Tfhu4wAO3+/mE/XExlPeGhx9PpXnsaul/58BWOJWjpC5/T2s4kfW5E4wna+vrPMPdQx1LHTiyeDDzReIK69gDWQsJagtE4zT1hIrE4CWvpDEQ42h4kEh96fMQtJ4WI8WSBUDR+2nM0YZP7IC0QTRCOxk+qNb0+/xleQxIWApHYkG1G4pbEoJSXSAVDC/SFY+xv8Q/UcLQzQFPqWEmcULgFApHkPk3/3p96fglrOdjiP+nDcXS4T8unMHjerXWd7GvuHfg9mNpuU0/opOXSrwH+/hi9oehJ4QEY1W2mmnvCA8+xofvk7U0Urb1h4qk/UmP36M/n9DnY0B2moeuV87G5J7mu+s4QnYNeUxp6wsQSiYFlD7T0ciJL8u+QPsbOxFpLZzAy8L4w3PoGryc6zHwnHqdjdeLqYqkNNHQFaeoJE40nkufHCfOd6lC3DA2GyXUmONQaAJLna4e/f8g5Onj2XU3J/Zz+e7X2hYecK+ljNJZI0NL7ymvp8dT0UDR+0mCJHYEIodSXT02nOXaicUtr6r2isTtEY3eISDxB3FosllA0Tkvv6Y+9dN2RWJx2/+he689k8DF8uka75p4wFjtkmXMhI91KrbVPGWMqgA2pSVustaftYmqMcQOXWmv/0xjz5WHW+UOSrYrU1NS8+s2hGdYdjDK3dGRdXs4kPeJp1zjd6/BAax/dwSjnzys56bG1swr576cOE4rEz9iULplz9YpK2v39uJ0OLllcxqeuXsK/PbKfaNwO+8bp4PQ3MPV5HAQjiYFlPU7D1Ssq+dOelmE/EKWN5JvV8lwPH7lyEbNLxud8GM4VS8t5w7oqDrf6uf36ZeOyzr+9dD4P7mxiw9ziaXcuVORncdOamdy/vREDfPft60457+uXV/BCbRVPH2zndSsqx613w9l60/pq+mMJyvK8rKkuGNWyd9ywgq89uJeiHDcWi9fl5K8vmsd3/3yInlCENdWF1Mwr5vnDHTR0h7jlvGrOn1/C/tZentzXRmcggtNhOH9eMWtnFfLLzcfI9bqoT31ANsCMfA9doRgOYzBY/JEETgMzC7Jo7gsTi0O229Afs9jUB+HyPA/ZHlfyw5q1zC7x8frlFdS2+3l49/Bv1e+5YBbWGn61pZ4st5M311Th87rp6Ovn4V1N9IRiJIBsV7Jr5dUrKvneE4eIxROU+Dx0+iP0ReI4DbichksXl7JyZiGbDrWzvb4br8vB1SsqaeoJc6i1j2jM8pr5Jexp6iUaT/Chy+Zz09pq+qNxGnrCfPyqRayqLuTWDbN4an8bdR0B4hbyPE7K8rK4bnUl2452sbOhh3mlPpZW5PHkgTaqirL5xpvW8G+P7mdPY2/yA2wswZtrZo3473rbRbP5xXP1lPjc/P3rltDcE+I9/28LANeuqqTE5+XiYVrx3n3BHHweZ2rAthw+fOl8vv+XWgwWi2HFjLxRdbu8cEEJRzuDhCNxrls1Y8TLvdrOn1/CjR0B/OEYN64ZfZ0fuWIhf97XymsXlSa7TEbjFGS7qS7MZtuxLq5dOYOrlpfzhft343AYvvf2dRztCNIZiHLzumouXVzGdd/eRDhucQAOByypzOOG1TPZdKCNI20BEtbS5n/lM5HTQGmum1DUkuV2UOzzctuFc9la28F925twYukf9F712oXFtPRGON4Voroom0UVuWw72kVzb/9AK2V+tptAOEZ9V5CiHDft/shAUEu3PF6/spyHdrcmW8vLfBxsC5Dtdg60znscEEmA2wE3rani3u2NeJyGYp+HNdUFrJ5VxE1rq1hSmc8zB9tZVVXA/pY+XjzWPbD8xYtL2XSgnYSFBWW5eJyG+q4Q580p4lhnkGOdQWzCkp/j5pJFZbx1Q3JQwdJcLx+7chG/fv4YRzoCxBOWAq+L+p4Q2R4n30u9rn/osgU8sruZ8+eVDOkGetPaKoKROIXZbmrmvNJV9Z3nz8btMMwp9bHghMsIFpTlctuFc3mhrouPXrHwlMeIx+XgI5cvYnNtB1evqKQk10PCWg63BfD3x7hkURkb556+Fe7N51UTT1gq87NYMTP/tPOO1uBj+HSXh12yuIyG7hDReIKrV1SOaw2DZapb6VuAbwBPkjzmXwt8ylp792mW+Wug01p7nzHmaXUrHWrj1x7jiqXlfP1Np26OHqnuYIS1X36UO25Yzl9fPG/M6/vNlmP833t28uQnL2PuCU32f9rdzAfu3MbvPnQB580Z3bUUcm6NpDuPiJyaziGRsdE5JDI2k6lb6e3ABmvte6y17wY2Ap8/wzJLgA8ZYx4GVhhjPnqui5wsrLV0pwakGQ/5WW4cJhkSx8Puxl5yvS5mF5/ckpP+1n/H8Z5x2ZaIiIiIiJydTI1W6jihG2kHZwiq1tpPp39OtRx+91wVN9n09ceIxBOU5o5POHQ4DIU5HjrHKRzuaepl+Yx8HMMMsFFZkEV5nlfhUEREREQkwzIVDh82xjwC/Dr1+63AgyNdWLexGKoz1Q9+pCOYjURRjpuuwNgH9IgnLHubennLaa7XWFVVwK4GhUMRERERkUzKSLdSa+2ngB+QvJ3FGuCHg1sGp6JfbznGTd97mv9+8vBpRyI6Gx2B5KhJ43lft6Icz0mjQp2Nuo4AwUj8tBfvLq7Mo7Y9MO1GaBQRERERmUgydc0hwDPAE8DjqZ+nrEf3tPCZe3bS0tvPvzy8j7u2HR/X9XekWg5LxrPl0OcZ1ZDZp7K7MTl08YqZpx7Fb0lFHrGEpa4jMObtiYiIiIjI2clIOEyNVroFuAV4C7DZGHNLJmo516y1fP2hvSyuyOWpf7yMDXOL+MYj++mPxc+88Ah1pEJcyThdcwhQPE4th/uaenE5zGmH315UkXzsQEvfmLcnIiIiIiJnZzKNVjopPXu4g8NtAf72kgV4XU4+duUi2vr6eWhn87htoyN1M85xvebQ56ErGB1zF9gjbQFml+QMuZfNiRaU5eIwcKBZ4VBEREREJFMyFQ5HPVrpZHXPiw3kZ7m4fnXyxq4XLShlZkEWf9zROG7b6AhEyPO68LrG78bZRTluIrEEwcjYWjiPtPuZX3r6m/ZmuZ3MLfFxoMU/pm2JiIiIiMjZy1Qge9gY84gx5jZjzG3AA8BDGarlnIknLE/sb+WKpeVkuZPBzeEwXLtqBpsOtNMXHvtooJC85rB4HLuUQrLlEBjTdYfxhKWuI8iCMt8Z511UkcuBVrUcioiIiIhkykQarfQfM1HLufTSsS46AxGuXFYxZPrrl1cQiSd4/kjnuGynMxAZ18FoIHnNIUB38OwDbENXiEgswfwRhMPFFXnUacRSEREREZGMyVhXTmvtPdbaj9v/z959h1lVnYsf/+7T55TplZlhKr0KQ9OABVvU2KLGaNRoEkPi7yZ6b0xM814TE42mGhM1amzRaDBBjTUqFrDQlM7AwBSm9zm97r1/f5yZgYEBpgPyfp6HBzi7rHX22fvs8+611rt0/RbgJUVRrj5adRktH1e2A7B4Qnqf12ePT8ZqMvDhnrYRKafNFybVMXLTWMC+lsO27mkyhmJPW7ybaHHG4buVAhSlO9B02NsRGHJ5QgghhBBCiKEb0+BQUZRERVF+qCjK/YqinK3E/T+gknjW0s+UddWdTMh0kmzv26pnNRkpK0zhoz3tI1JOuz9C+gh3K83onjOxzTv04LCyNT41RXH6kVsOi7rXqW6T6SyEEEIIIYQ4Gsa65fApYBKwBfg68B/gcuAiXdcvGuO6jCpV0/lkbydlhan9Ll9UnEZ5k3fYcwlqmk6nPzKimUoB0l3dLYe+odevstVHos00oLr1BIdVEhwKIYQQQghxVJjGuLxiXddnACiK8gjQBozXdf0zl4lkV7MXbyhGWUFKv8vndQeNG2s7OWNyVr/rDIQnFCWm6aQ5R7Zbqd1iwmEx0jqMlsOqNj/FGU4URTniusl2Cyl2M1XtEhwKIYQQQghxNIx1y2FvdhNd11Wg6rMYGAKsr+kE9gWBB5qem4RBgU217mGV097d8jjSCWkA0l1W2nzD61Y6kGQ0PQrTHdKtVAghhBBCiKNkrFsOZymK4un+twIkdP9fAXRd1xPHuD6jZlu9mxS7mfzUhH6XO6wmSjOdbK7rGlY57d3dPtNGeMwhQLrTOuSWQ384RpMnRMkAktH0KEpz8FHlyIzDFEIIIYQQQgzOmLYc6rpu1HU9sfuPS9d1037//swEhhDvVjohy3XYLpUz85LZXOdG1/Uhl9PRnU10pMccQjwpzVBbDnvGDg4kGU2PonQHje4QwYg6pDKFEEIIIYQQQ3fUprL4LNN1nYpmHxOzDt9qNisviXZ/hPqu4JDL6kkYkz7CYw4hnpRmqMHhntaBT2PRo7AnY6mMOxRCCCGEEGLMSXA4Cpo9YbzhGBOzXIddb2ZeMgCb64Y+7rCnW2mKfXS6lXYGokTVwU9MX9nqR1GgIM0+4G1kOgshhBBCCCGOHgkOR8Gu5niOnQmZhw8OJ2W7MChQ3ug57HqH0+EP47KZsJhG/qPMcMVbI9uHMJ1FZZufvJQEbGbjgLfpaTmslOBQCCGEEEKIMSfB4SjoDQ6P0K3UZjZSnOFkR9PQE7a2eMNkuka+Syns66o6lKQ0la0+itIH3qUUwJrd9xUAACAASURBVGk1keGySsuhEEIIIYQQR4EEh6OgotlHqsMyoHGAk7JdlDcNveUwHhzahrz94fTUf7DjDnVdj89xOIhkND2K0hzUtAcGvZ0QQgghhBBieCQ4HAUVLV4mZA6s1WxKtovajiC+cGxIZTV7QmQmjk7LYU+LZOsgg8MmT4hARKVkEHMc9ihMt1MlCWmEEEIIIYQYcxIcjrB9mUoPP96wx+Ts+AweO4fQtVTXdVq8YbISR7flcLDdSitbu6exGESm0h4FaQ5avWH8QwyWhRBCCCGEEEMjweEIa/KE8IZjRxxv2GNSdjyIHErXUk8wRiSmjdqYwwSLEYfFOOhupZW901gMoVupTGchhBBCCCHEUSHB4Qjb1RwPjI6UqbRHXkoCTqtpSC2HLd4QsC+r6GjIcFlpGWTL4Z5WP3aLkewhtGj2TH0h4w6FEEIIIYQYWxIcjrCK7kylEwfYcqgoCpOzXZQ3DiU4jAdto5WQBiAr0UazOzSobara/BSlO1AUZdDlFaY5evchhBBCCCGEGDvHTXCoKMp0RVE+VBRllaIojylDiTzGQEWzjzSHhbQBZCrtMSnbxY4mD7quD6qsnpbD0UpIA5CTZKNxkMFhZZtvSOMNARzd01nUSLdSIYQQQgghxpTpaFdgEHbqun4ygKIojwFlwLqjW6WD7WrxDni8YY/JOYk8vWYvDe4QuckJA96uxdPTcjh6wWF2UgLNnkY0TcdgOHI8Hoqq1HUGufSkvCGXWZhmp7pNupUei8757TvsbDn2P5sEk8Knt5+NzTI6X3Gdvgin3LOSQESlMM3Oa99dQoLFOOT9Pfx+JetrOvjSvHzOmJw1gjU9fvzfS9v4x/paEm0mLjopl+o2PwuL0/hgdxt7Wn3ML0rlx+dPxWI0sOSelbR4I5gNCj/4/GS+vrj4qNQ5qmpc9fDHbK5zMy03kee/uQiD4cjPXNt9Ye59YydVbT4217kJRzW07mVmo4LVaCA3JQG7xURVmx9PMNq7XAGcNhOKruMJq0csywC9246myVlOdrf6iWmDe8jZHwW4fO44lm9o4HB7S3OYafdHATAZFO6/ajY/f3kH7f4IV5Tl88PPT2Hpb96lYZAPOBcWpVCY7iQcU1nxaQMANpOB8js/f8RtX9rUwPf+sZGIGq/5xh8v5d3dbXxv+WY0XUfT45/xE9fP4+TSDP6+toaf/XsHNrOB5csW8pMXtlHV5mfZqSV8ureLlzc30HNI7RYjm/73bMzG+Dl29cMfs76mkxm5STz/rZMPqssvXt7Okx/XkOa08NvLZ/Pkx9UUpTu45cyJmIzHTtvA3z+u5ocvbAPgrCmZPHzdvEHvY2u9mwfe20NeSgI3nFzEVx9fiycYw2JUqDrMMJXCtASq24N9XnNaFHyRwZ/HJgVi3ZspcNhzd7QcrlyFeC6JX1w8nSc+qmFzXVf3+QiqRu95lu4w0eaPJwWckuMiP8XOxtourijLZ1uDm3d2tgKQ4TRz/sxcvn/uJOwWE798eSt/WV0DgFGJDxPKTrRhMRnJSbZRmuFkbXUH9V1BdjR6sVuM3HvZLM6dnt1bx9oOPxfe/wGhqMZPzp/CVQvG88B7e9hc6+aqBeNZMjEDgEAkxtWPrKG+I4AGeEMxzpycidFoINVh6a0TQDCicu8bO3lmTQ3hmEZxhoOoqmE2Gnjk2jKK+mnMaPeFOef37+MLx7h0Th6d/ghVbT7Km3wYFXjjlsWUZiYO+/MaCE8oyj2vl+MPq9xy5kTGdw+/2t/edj/L/vYJ3lCUH58/tc8xHYpj59vhCHRdj+733zBQe7Tqcii6rrO72Tfg8YY9pnQnpdk5yKQ0zZ4wdosRp3X0YvxxyTZimk6bf2DjDmvaA+j60JLR9ChMc0hCmmPU8RAYAgRjOh9Vto/a/v++bi+BSPyHeU17gO2N7iHvyx2M8nZ5M+5glJc3NY5UFY8r7mCUVzY3Eo5ptPnCrPikHncwynPratnd4qPdF2FznZuNe7sob/LS4o0AENV0/v1pA95Q9AgljI49rT621LmJaTpb69wDHiu9rrqD6nY/W+s9hGNan+AtquoEoirV7QHKm7x4QtE+y3XAF4oNKDCEsQkMAXY2+0YkMIT4e3z+k8MHhkBvYAgQ03R+9dpOmjxhoqrOS5saeGVLA82DHDMP8HFVJ9XtftZXd/a+FooN7Ei+tLG+NzAE+OlL27h/5W5imt774zuq6vz+rQoA/rq6moiq4QnFuPeNnWxv8BCMqPxjXS3/2dbE/oc0EFF7s4EDrK3uIKbpfFrb1W9d/vlpPTFNp9kT5i/v76HDH2FDTecxN2zj7td39v777fKWIe3jP9uaaPeF2VTbxeMfVlPfGcQbih42MASo7Qge9NpQAkPYFxjC0QkMj1SuDoRjGn95fw9b6t37nY/0Oc96AkOAHY1ePq5sJxRVeWFjPasq2nqXtfqibK7rYktd/P735Mf7fparOtR3hdjd6mdns5eqNj//WF+HOxhlW70HVdPxhmL8c0Pfn/KPrq7CE4oRUTUe+6CKdn+E93e10hWM8OqWfffHVbva2NPiwxuO0eaLENN03ipvocUborzJw9b6fb+ntze6+aS2g1BMQyeeF6MrEKXVG2b5hrp+j9XTH++lMxCNf5dsbKAzEGFnd04RVYdfvFJ+mCM9sj7d28XuFh+N7iDv7ur/+nh1SxN1nQHcwSjPrKkZdpnHTXAIoCjKhYqibAUygfYDlt2oKMp6RVHWt7a2HpX6NbrjmUoHOt6wx8TejKWDG3fY4g2R6bIOaWzfQPUklWka4JPX3kyl6UPrVgpQmO6gRaazOCZlOMxHuwoDYlSgrDB11PZ/0excTN0t6SkOMxMGOHVNfxJtJmbnpwCweGL6iNTveJNoMzGvMAWDAnaLiVNK48dh6ZRM0pxWrGYjecl2po5LpDTTiaO7lVYBTp6YPqoPyA6nINVBXkq8t0duip38lIOf6PZnZl4yiTYz45JtGA74/laIt4KlOsxkJVqxmg6+TZtNCuZj7O6dlWhlJO9ECwpTjriObb9joyhw7cmFOK1GFGBhURqnT8rEaR18i35JmoNEm5mS9H0POY0DfHNLJmb0+WH13aUlXFaW1+fYGBS4ZlEBAOfPyEYBLEYD1y8qJCcpfj6dMSWLk8Yn99m3yaAwPnXfOVbSfZ/d/7X9fa40DQCn1chlc3IxGhQK0xzkH2L9o+WqBeN7/z01e2jfpYtK0jEZDOSn2Ln0pFxcNjNGg0Kq/fD3rOR+lg+9D8ixTyF+/8pLSeg9Jw/8KrGb952tmU4zpd3zdp9Smt7bmAFgtxgYl2TrnZJt6eTMPvtx2UykOy1kuqwkJ1g4fXK81W9cckL3Oa9w5tS+PWWumJuPxWhAAc6bkUOq3cK0cUkoKHxuwr7747zCVNKcFkyGeIs6wMy8JCwmI5kuG5P2uydPyHJRmOqgp/NbutOC2WggwWw8ZAvbhbNzsJni9VhUnIpBUcjsHi6mADcuLup3u9EwbVwiaQ4rNrOReYf4XbNkYgaJCWZMRgPnzhheqyGAMthxbscCRVH+CKzUdX1Ff8vLysr09evXj3Gt4L1drVz317U8e+NCFhanDWrbU+5eydyCFO778kkD3uaKhz4CHf6xbNFgqzpgW+rcfOH+1Tx0zVzOmXbkE+6Pb1fwmzd3se2Oc3AM8QfbK5sbuemZT3j1O4uZOm5smu3FwcrKyujvOmrtdFPvixCJxbuf+MMqJqOBiiYvCToU5ThQjGa6AmHSEm3UtgeIRFUKU600+1SykqyYjEaSjCrbm0LkpCeQkmAl2WFjS107hckJbKrrIjfVjs2ssHZXC4VZieSlJeKwmqnp8OGyGgirOpmOBMqb3CQnKISiOi6rBVUxUJQx9GBtMNq8AdKcCSPygCamasdUV6+jIRSJYTIaMBkNvcdD1XR0XcdoUPoc5zZvgGS77Zg4Zr5gBGeC5aDXD3UNQbynia7Hu6YalXiX/Jim4bRZet+7yWggGlOJxjSMBgVNU1ExYjYqWEwGfMF4C2ooFkPTQdE0TCYzNpOByjYPhWkuEmwW2n0BkhOsuINhmjp9xHQjBWlOPJEINpOBpIQEdDVKR0DFZFBJd9kJRzUC0Si6Drqu0ewJM3VcKpquUdflw2mx4ItEyEl0EIzGSHUmEFM16tq9pNjMWKxmwtEYTpuVmBqjPRjBZjQTDAdJTrBjMCho6JiMBnzhCDaTia5QGLPBQGaiHUVR8AUj8XMgFkXVDFgsRnzhCI2eEEWpTpwJFnyhGLFYDKfNhMlkQtV0ItEYCdZ9P/p9wQh7u/xkOq1omk5ygo2IpqNrKu3+EPmpTjoD+1oY01323s/HYFDY3eqmNCNpwOdDTI0fo8K0ffevUCiGyQShGNhMYDLtuz8GIyoWIxiN8R+5oUist0t8lz9EssNGk9tHdtLBD10Pde71t/xY/o4JhUJ0hSA7uW+CvcNdQwfa//1pmkZMA4vJQJs3QLrLTpc/RFcoQn6KC48/gNlsxWY2YDQolDd62NXQwYVzC4mpOrFomM11XmbmuWgORMlLdlLX5cNkUIjFIN1hxmQyUdnuJddpwR/TGJfiossfIqZqJNsthCIaXcEgnojGxMwkIuEQle1hJmTaaQ1E8IZijE+2o3eHad5QCLs1AW84RKrVyPpKH+mJOuPSkoiqCgYiJNkd7GzuIhTTmFuQzsaaFrKT7aQ77TR5/OSluGjzBrCZTDgTLGyp72BGbipt3gApdisRld4hEL5gBF3Xsdss6LpOdYeXwlRX77EMRWMkO+Kfx/7nZJs3gNNqwWwyYlDo873sDkQJh4OkuBwYDQY0XcegKCjd6/V8Rr5gBJvF1O/5qKpqn3oe+Nn2OW+669VznquaflCdIP59q2o6vlCEZIeNWEzDYOCIwwB69ttTfs+5NNb07i7pxsMM71I1HU3TMJv6Pt5QFGWDrutlgynvuAkOFUWx6roe7v73L4BVuq6/3t+6Rys4fGRVJXe+soNPfnoWqY5Df1n352uPr6OuM8gbtywZ8DZL7nmH2fnJgwooB6vVG2beL97ijguncd3JhUdc/+ZnP2VtVQcf/nDpkMvcWu/mgj+u5s9Xz+G8GTlD3o8YnsHclIUQB5NrSIjhkWtIiOEZSnB4bD5C6t+5iqK8pyjKe0AW8J+jXaED7Wr2kuawDDowhHjG0j2tPiIDHNegaTqN7iDjBpHAZijSHBbMRmXAGUv3tPopyRx6l1KIdysFZNyhEEIIIYQQY+i4CQ51XX9R1/VTu/98Xdf1sRpnP2C7mn2DzlTaY3JOIjFNZ0/3mL0jafPFB93nJo/eHIcQ71KTlWijyX3woO0Dad31LxniNBY9nFYT6U4rNZKxVAghhBBCiDFz3ASHxzpd19nd4mPiEBNTTO5NSjOwjKX1XfFgbbRbDmHgcx02eUIEImrv4OXhKEq3UyUth0IIIYQQQowZCQ5HSKM7hC8cG3LWwqJ0B2ajMuCMpQ1d8WBtLILD7KQEGgbQcri7Jd7qOdyWQ4CCNAc1EhwKIYQQQggxZiQ4HCG7muNB3cQhtpqZjQZKM13sHHBwOHYth+NTE2joimfgOpyeLrElmUOf47BHUbqDZk+YQESmsxBCCCGEEGIsSHA4Qiq6J8ccznxnk7NdlDcOMDh0B3FaTSTaRn9+r/GpdlRN722tPJQ9rT4SbSYyuueCGY6CtHiq4IFOKi2EEEIIIYQYHgkOR8iuZi/pzqFlKu0xOdtFkydEVyByxHUbuoLkJNlGZH61IxmfGm8JrOk4fDfP3S0+SjKdI1KnwrTujKVt0rVUCCGEEEKIsSDB4QipaPExIXN4E29P6k1Kc+TWw7rO0Z/Gosf47la8vR2Hb8Xb3TL8TKU99k1nIS2HQgghhBBCjAUJDkfAvkylwwuMJmcnAhxx3KGu69S0ByhKH/7YvoHITrRhMRrYe5hArcUbos0XYWpO4oiU2TOdhbQcCiGEEEIIMTYkOBwBDd2ZSkuHMd4QICvRSrLdfMTpLNp8EXzhWO+4vNFmNCjkpSYctuVwe0O8zlNGKDgEKEyzUy0ZS4UQQgghhBgTEhyOgOFmKu2hKAqTslxH7FbaEzAVjlHLIcST0hyui+eO7kQ6I9VyCPHpLCQ4FEIIIYQQYmxIcDgCKnqCw2G2HEK85W1XkxdN0w+5Tk9Xy6K0sQsOSzKcVLb6UA9Rrx2NHnKTE0iym0eszKJ0u0xnIYQQQgghxBiR4HAEVDT7SHdaSRlGptIek7Jd+CMqtZ2HbqWrbvdjNCjkpoxNQpqeeoVj2iEnpt/e6BnRLqUQbzmEIyfCEUIIIYQQQgyfBIcjYNcIJKPpMSM3CYCNtV2HXKe6PUB+SgJm49h9fJO7M6n2lywnFFWpbPUxNWf4Laf760m4I0lphBBCCCGEGH0SHA6TruvsbvYyYZjjDXtMznZhMxsOGxxWtvrHdLwhwIRMF4rS/zQbm2q70HSYmZc8omX2JNyR6SyEEEIIIYQYfRIcDlN9VxB/RGXCCIw3BDAZDczMTT5kcBiJaexu8fZOezFWEixGCtMc/bYcrq/pBKCsMGVEy3TZzKQ7LdJyKIQQQgghxBiQ4HCYejKV9nS7HAmzxyezrcFDJKYdtGxPq4+oqjNlhLtwDsTkbBfbGw+eZmN9dQelmU6S7cMfc3kgyVgqhBBCCCHE2JDgcJh6ulmOVMshwOz8ZCIxjR39BGI9cyCOdPKXgZhbkMLejgDNnlDva5qms6Gmk7KCkW017FGY5qC6TbqVCiGEEEIIMdokOBymXU1exiXZSEoYuSkc5nYHWmuq2g9atr3Bg8VooHiMxxwCzCtMBWBtVUfva1vq3XhCMRYUp45KmYVpdpo8IYIRdVT2L4QQQgghhIiT4HCYypu8TBzBLqUAWYk2SjOdrKpoO2jZhppOZuQlYRrDTKU9po1LxG4x9gla39rRjNGgcPqkzFEpsyfxTpWMOxRCCCGEEGJUSXA4DFFVY0+rj0kjHBwCLJ6QztqqDkLRfS1moajKlnr3iCd+GSiT0cDnStN5c3szmqaj6zqvb21ibkHKqIw3BJjY3V23ouXgRDhCCCGEEEKIkSPB4TBUt/mJqjqTRnC8YY/FE9IJxzTWVe/rwvnp3i6iqs78wtHpwjkQ58/ModkTZtXuNj6u7KCixcelJ+WOWnlF6Q7MRqXfKTSEEMPX1NTElVdeSUlJCVOnTuW8885j165dR7tah7V8+XKmTJnC6aefPqz9dHR0cNZZZzFhwgTOOussOjs7+13v3HPPJTk5mQsuuKDP61dffTWTJk1i+vTp3HDDDUSjUQDuvfdeZs+ePay6iePDiXz9HOj1119n0qRJlJaWcvfdd/e7Tjgc5ktf+hKlpaUsWLCA6upqAKqrq0lISGD27NnMnj2bZcuWjWjdxLHtRL6OBnIf2rhxI4sWLWLatGnMnDmT5557rneZruv8+Mc/ZuLEiUyZMoX77rsPgPLychYtWgQwR1GU7w2mThIcDkNPwDIaLYeLitNxWk38e1ND72vv7mzBbFQoO4rB4bnTsxmXZOMXr2zn9he3kuGyctHs0QsOLSYDxenOfqfQEEIMj67rXHLJJZx22mns2bOH7du388tf/pLm5uYBba+qfccC67qOph2cZXmkPfroo/z5z3/mnXfeGdZ+7r77bpYuXUpFRQVLly495A/aW2+9laeeeuqg16+++mrKy8vZsmULwWCQRx55pHf9jRs3Dqtu4th3ol8/+1NVlZtuuonXXnuN7du38/e//53t27f3W3ZKSgq7d+/mlltu4Qc/+EHvspKSEjZu3MjGjRt58MEHR6xu4th2ol9HA7kP2e12nnzySbZt28brr7/OzTffTFdXfMq7xx9/nNraWsrLy9mxYwdXXnklAKmpqT2B4sAO5H4kOByGXc1ejAaFkgzniO87wWLk89OzeXVLE4FIDE3TeWVLI6eUpo9o8pvBspqM/Pzi6VS1+alpD3DPF2eSYDGOapmTsl0SHAoxCt555x3MZnOfp/SzZ89m8eLF6LrOrbfeyvTp05kxY0bvk8p3332X008/nauuuooZM2ZQXV3NlClT+Pa3v82cOXOora09ZHnNzc1ccsklzJo1i1mzZvHhhx8C8Nvf/pbp06czffp0fv/73/eu/7e//Y358+cze/ZsvvnNb6KqKj/72c9YvXo1y5Yt49Zbbx3W+3/xxRe57rrrALjuuut44YUX+l1v6dKluFwHPwQ877zzUBQFRVGYP38+dXV1w6qPOL6c6NfP/tauXUtpaSnFxcVYLBauvPJKXnzxxYPW2/+au+yyy3j77bfRdX3E6iGOPyf6dTSQ+9DEiROZMGECAOPGjSMzM5PW1lYAHnjgAW6//XYMhnhIl5mZ2fv3vHnzAAZ9gZmG8kZEXHmTl8I0Ozbz6ARHX14wnuUb6njsg2oK0xzUdQb5wbmTR6WswVg6JYuPfrgUgHSnddTLm5Tt4qVNDXhDUVy2oxcYC/FZs3XrVubOndvvsn/9619s3LiRTZs20dbWxrx581iyZAkQ/yG4detWioqKqK6uZufOnTz22GP8+c9/Pmx53/nOdzj11FNZsWIFqqri8/nYsGEDjz32GGvWrEHXdRYsWMCpp56KzWbjueee44MPPsBsNvPtb3+bp59+mttvv52VK1fy61//mrKysj7793q9LF68uN+yn3nmGaZOndrntebmZnJycgDIycmhpaVlQMftQNFolKeeeoo//OEPQ9peHJ9O9Otnf/X19eTn5/f+Py8vjzVr1hx2PZPJRFJSEu3t8SR3VVVVnHTSSSQmJnLnnXcesi7is+VEv44Gex9au3YtkUiEkpISAPbs2cNzzz3HihUryMjI4L777usNJIdKgsNh2Frv7p3eYTTMGZ/COdOy+O2bu7CaDEzMcnLejJxRK28wxiIo7NEzpnNXs5e5BUevS60QJ5LVq1fz5S9/GaPRSFZWFqeeeirr1q0jMTGR+fPnU1RU1LtuQUEBCxcuPOI+V65cyZNPPgmA0WgkKSmJ1atXc8kll+BwxDMTX3rppaxatQqDwcCGDRt6nnwSDAZ7n4geisvlOirdOb/97W+zZMkS+TErep1o109/rX+Kogx4vZycHPbu3UtaWhobNmzg4osvZtu2bUOqi/jsONGuoyNpbGzkmmuu4YknnuhtKQyHw9hsNtavX8+//vUvbrjhBlatWjWsco6b4FBRlAXA7wAVWK/r+i1Hsz5tvjCN7hAzcpNGtZxfXz6L/31pG12BKLdfMBWj4eAv28+6njGd5U0SHAoxkqZNm8bzzz/f77LDdfXquYEe6v+DcahydF3nuuuu46677hrwvgb7xDYrK4vGxkZycnJobGw84k2/P3fccQetra089NBDg95WHN9O5OuntraWL3zhCwAsW7aMWbNm9enKV1dXx7hx4w7aT15eHrW1teTl5RGLxXC73aSmpqIoClZr/KHz3LlzKSkpOeYTkoiRcSJfRzDw+5DH4+H888/nzjvv7BME5+Xl8cUvfhGASy65hOuvv37AdT2U4yY4BGqAM3RdDymK8rSiKDN0Xd9ytCqzpd4NwIy80Q0OXTYzv73ixM56l5ucgNNqYkej52hX5YT1QUUbd7++A6Ois7EuPv7TACQnGOgKaeh6/53aLQaIHDAuPMtl5sypOXy4u426zgDnTsvmj1fPZcKPXiHavW6yzUQ4phKM6VhNCqeUpKEoCm+Xx/vYu6xGIjGV8H7j0E1KvA6qDhfOzOK+q/p29RAHO+OMM/jRj37Eww8/zDe+8Q0A1q1bRyAQYMmSJTz00ENcd911dHR08P7773PvvfdSXl4+5PKWLl3KAw88wM0334yqqvj9fpYsWcJXv/pVbrvtNnRdZ8WKFTz11FNYrVYuuugibrnlFjIzM+no6MDr9VJQUHDI/Q/2ie2FF17IE088wW233cYTTzzBRRddNKj388gjj/DGG2/w9ttv9z7F7eF2uwe1r/9sa+LlzY1cclIup0/O5KM97aypaifBbOSsqVkUd49t13Wd17Y24Q5GUDWNTXVuPqnpwmSAcEzjpPwUSjKd/HtTA2ajAavJgC8cwx+O0egOAZCbbEMxKDgsJm46vZSTS9L5x/q9rPi0nq5AFKfVxMxcF69tayISA4NBwYiOxWzEH1ZRuy/21AQTC0rSiV95CnPzE7nr9V0YjQpPf7WMX7xRQWmGnVW722nzhilKTwBdwWBQWFiSzsLCVP747m40TacrECXZbuY3V8xiem4y3lCUe14vp6rNT0mmC4tRoTDNwfINe9lYG78XfO+siWQm2UhOMHP2tGwAXt3cyKtbG7lmYQELitN47IMqVle00eINEYpqnFySxhVl+Wys7eKPK3fT7gsxZ3wS66vdqIDdbOCN/z6V/BQ7G2o6uOnpT2j1hrnhc4X8+PxpfT6z/q6fl958n9c31bAjlsPbDz1+xOvHE4zQ5Alx7xs7uWxOLpc/+CH+sMpdl07n4jn5fdY98PrZtrcFb3Ip//jLbf1eP+ddcCFthWdy8vRiLpqSxJ66Vp7ZEaShK9jvOTiY6yc/P7/PurFYjIqKCqqqqsjNzeXZZ5/lmWeeOWi7nmtu0aJFPP/885xxxhlEo1Hm/++LRE12XrhpCcZAKxUVFRQXF/fZVtM0fvFqOcFIjB+eN4WV5fHud9PGJfH61kZe3lxPRYsfm8lAos2IN6QxMdtFgtlIZyDCjkYvVpNCfqqdhq4gFpMBs0Eh3Wlhe1N8LuXcRDO3fn4a31u+kVj3/cgAmLrvZWYDRLv//vz0HF7b2oiqQWKCmdvOnYw/GsMTjKLpOn9bsxdPIEpuso2zp+Xw2pYGmr1hHFYTuUlWtjf5cVmN/O6KWWzY62Z7o5vTJmXyxdk5nH//B3T4I2Qm2piQ4SQ/1U5Y1Vi2pITHPqxG1XSiqspbO1ooyXCQ4bQyIcvFxZLyjgAAIABJREFUouI0fv7KDkoznTgsBt7a0cLXP1fM9Z8r6nMsdzV7eae8hR2NbrITE/jumRN780c0uoM8/XENvrBKmsNChstKVNUoyXSyvrqTjbVdLCpO5RtLSvrss90X5iuPrgEdnvzaAjJcA+thdrzch7Al8n/L15CRoHHHVYfOUDoa96FIJMIll1zCtddey+WXX95n2cUXX8zKlSu54YYbeO+995g4ceLAD8YhHDfBoa7rTfv9N0a8BfGo2VoXv/FPG5d4NKtxQjAYFKaNS2RL3eB+bImR851nP6UjEGH/h2sa0BE8fEawAwNDgGZvlKfX7O39/7+3NBF9fE1vYAjQFYr1/jsc01m5s63PPrzhgy//2H51e2lzM98/109e6tCfJJ4IFEVhxYoV3Hzzzdx9993YbDYKCwv5/e9/z5IlS/joo4+YNWsWiqJwzz33kJ2dPaCb8te//nWWLVt20FiMP/zhD9x44408+uijGI1GHnjgARYtWsRXv/pV5s+f37vtSSedBMCdd97J2WefjaZpmM1m/vSnPx02OBys2267jSuuuIJHH32U8ePHs3z5cgDWr1/Pgw8+2Jt9dPHixZSXl+Pz+cjLy+PRRx/lnHPOYdmyZRQUFPSkC+fSSy/l9ttvB2DFihUDrkerN8z/vrQNfzjGhpoOHrl2Hve9XUF5kweHxcTG2i4e+Ep8TM5He9p58qNqmtwhojGNBk+oz3W5tyOIooB6mEtzb2eo998/fWErn5+Rw6tbGukMRLtfDbO71d+7jqrqRIHQAVkBO4IxXtvahEEBo0Hhta3x27Qa07n8kXUYDQoba7t619/dui8o2dsZ5Nm1e4mo+yrf7A3znb9vZOX3TuMPb1WwfEMdkZjGmsoOzCYDTquJFm+4d/1fv7mLhcXx3iQZLitTsl38+IUtqJrO5rou7r9qDr97cxfeUKz34VV1u5911R00dAXpCsa/Z9ZU77u3BKIaX3rwI17+zmJ+vGILTZ54eQ+vqj4oOOzv+vFbUjGfcj2aazoe4zomT5uBzWw85PXzu7cq8IViPPVRNc+t20ubP0r7a/dxU+3nufiJm/use+D1U3LxzZjHTSJp1pn9Xj9Zp1/L3/73Rv6ma9yblUThF/6LOnMeDV1BPt3bSdkIPj8zmUzcf//9nHPOOaiqyg033MC0afHjdfvtt1NWVsaFF17I1772Na655hpKS0tJTU3l2Wef5eIHPqa+/FPcq55mxl+MTM1N5sEHHyQ1tW9PoYdXVbF8fbx1ssEd6p0HOqrq7G7x4Q7Gz19/RMPfffP5ZG9Xn32EYjoVLf7e9QBafNHe5fWeKLc+vy8whPi9rudeFt3v75c2N/au0xWM8qMXtjA+1U5nINpbF4hfb4+srur9vzsYw9197nnDKt99bhOaDhFVY1uDh8dWV1HbfY1WtQWoagtgNiokmI2sq+qg0R0ipukEIvH33+wJY1Qg2d7GI6ur8IZibKztQiH+2OaXr+3g3BnZ5CQlAPEHTHe/Vs6WOjedgQh2ixFXgpmbTi8F4A9v7eL1rc0EoyoOixFVh9IMB83eMJ5glEBEZX11B7Pyk5lflNb7vr72xDp2NMYfHl//2Fpe/s7AutkfL/eh2nY/ARVyz7uJk2dOGdB7G4iB3If+8Y9/8P7779Pe3s7jjz8OxLOUzp49m9tuu42rr76a3/3udzidzt77VlNTU897zwJ+oijKzcBUXdeP2NKiHG9ZohRFmQncpev6+Qe8fiNwI8D48ePn1tTUjGo9vvHkeva0+Fj5vdNGtRwR98tXd/D4B9VsueNsrKbRzY4q4srKyli/fj0AJ9/1Nk2eENoIfV0YiN9we1x/Sh6PfTCymR7X/+TMMR0bK8SB9r+GDscdiHLh/avpDERIc1p4/Pr5/OSFrexojAeH84pS+fXlswDYVNvFXa/toMUbJqZq1HUG+1yXRkXBYIj/YB6ITJeVS+fk8vyGOtp8kSG9T4MCJoPSJ9AzKoCioB7iSyPBYkABAgc8QZqRm8i//2sx971dwQPv7iEcUzEZFMwmAykJZuq6Qn3WX1icioLCHRdNozjNwSn3rCQYUclJSuDBr8zh0gc+xBOK9dbDajIwIzeJvR2BPoHm/iZlOXn+Wydz3V/X9gkuqu8+v9/19/fDf23m1S2N+MMqLpuJl/7rc+Sn2A+5/k9WbOGl7imrUhxmatrjAbTFALt+efjyvv/8JvZ2BMh02bjvyycdtPy6v67l072dGA0K//rWyfzmzV28v6sVRVF48oZ5zMpPOeL7GQvX/vVj3t8VT0qT5rCw4adn9S7b/xp6bt1efvHKDgCWTs6k0RM/F2wmI5vr3XT4h3b+HshuMhCIDX4qBLMB8tMcdPkjdAaifXrTHHjP219KgpmIqhGKaWQ4rWS6rGyu7/sw3Goy9OaeqGjxo2oavv0ekpoMCqkOM4qi0OaLoGp6b3BoNRn48LYzSNvvfvj/nvmEDTWdtPnC2C0m/uesiVx7ciEAP//3NlZsbCAQieGymtD0+JzTnYEIHf4IvlAMh9XEMzcuYGrOvt5z1z26hvcq4g9yTylJ4+lvHHn83/Hkv5/byFs7mlEUeOgrZSwsSTvyRscARVE26Lo+qEdBx1VwqChKKvACcMUBLYl9lJWV6QO5IQ/HorveZl5har9fyGLkvbK5kZue+YQXbzqFWfnJR7s6J4T9b8q1nQHue2sXyXYLy9ftxR9RSbWbmZTtZEtD/ElhOKISjulYTAaC3TfW2eMcbG7wowEOE+iKgYXFaZw9LZt11R2sqmjlf86cyJcWFHDOb95lZ6sfqwIzxifhD6nUdQZId9m4oiwPg2LgT+9UoGoak7IT8YVi1HT40TRAUchONKNp0B6Ictcl07hk7si1MAkxFAMNDgEqmr28sb2Z86ZnU5zhpKrNz7Z6N1azkbKCFFIclt51t9S58YdjaLpOTUeAVbtaSbQZ6QzEWFSSRlG6g39+UofTZiLBqNDmj6LrGh/u6UBRYEFRKhoKCWYD31xSQkG6gw8r2nhlayOtnhBOm4nTJ2Xy0Lt7cIdjOC0mFAOk2S3UdAQJx1SiMY0ZuS7OnpZLMKqiahpnTE7nusfW47SaeOW/Psedr5QzIy+Jt3c0s7mui7OmZOCN6NjMBuYWpDK3IIUH392DyaDT4A6R4bTxkwumkua0ElM1nt9QS3V7gAmZTgwGhUyXjQ1V7dy3cjdmo8JTX1tAVINku5kpOfFePNsb3by5vZnL5uaRm2znw91tfFTVRqcviicUZXFpBqdNzmBPi49HV1eyvcHL9ScX8ujq3bT5Y5RkuPjXTSdjt5io7Qhwx7+38eneTn57xSxOnZR1xM/RHYjywZ5WttZ7WDIh44g/IDVN47EPqslJSmDJxAy+/uQ6GrtCPHnDfArSD9/zoSsQ4dPaLmbmJvX54d/DG4ry5Ec1nJSfzMml6YQiMR7/sIaJ2S7OmDz48bWj6SuPfkybN8xL316ExbLvXD/wGvrnhlr8EZVrFxXyyd74ZOHF6Q7WVrbzzs4W3tzRTLrTSmGag6o2H6dNSAejkVhMY/n6WrKSLMzJT2Vzg4dEqwnQmZOfyAOr4r1ZLp+TzZULivjB8k3sbgvgMoHZYibTaaKqM0xhio3KtgA5iTb+a2kpv3u7glBEpSDNwZ2XzKDZHSIYVbFbjfz57Qoq2wOcXJLOGZMzeWNbExtrO8lPSWBGbhLPrq9jYqaLX18xi231HipafMwvSmHxhAy+9bcNVLX5mZjpZOq4JDITrYSiGhefNI5XtzSh6WA1Kfx93V7mF6SSaDOTn2ZnfmEK97y+ixl5STitRpZvqOOWMycy94DkiW2+MJ/s7WRvW4A0l4WLZ+f2JhDyhWO8vaOZcFTFlWAm02nDG45SkuFkW4ObbQ0e5helsnhCRp99qqrK9/+5BUWBOy+eMWqZ/I+WSEzjsQ+qKMlwcObU7KNdnQH7TAeHiqKYgJeAO3RdPzg/8n5GOzhs9YaZ94u3+PF5U/jGkuIjbyCGrbYjwOJ73uHnF03jmkWFR7s6J4TB/LAVQhxMriEhhkeuISGGZyjBoeHIqxwzLgfmAb9SFOVdRVEWHa2KrK/uAGBu4bHRJeNEkJeSQKrDwiYZdyiEEEIIIcSoOJ4S0vwd+PvRrgfA2uoObGYD08eNbqZSsY+iKJyUn8yGms5h7ysYUflkbyfhmMqsvOR+u+MIIYQQQghxojlugsNjybrqDmbnJ2MxHU8Nr8e/hcVpvF3eQpM7RHaSbUj7+Mf6Wn71Wjnt3QPXzUaF608p4tZzJmE2yucphBBCCCFOXPJreJC8oSjbGzzML5TJ2Mfaou6B/R9Vth1hzYPpus4vXtnO95/fTHGGg8e+Oo/lyxZx6Ul5/OX9Sr762NretNhCCCGEEEKciCQ4HKQNNZ1oOswrkuBwrE3NSSQpwcyHu9sHve39K3fz8Koqrl1UwLM3LuL0yZnMK0zlV5fN5N7LZvLB7nZueW4j2kjN1SCEEEIIIcRxRoLDQXpvVysWk4GyAgkOx5rBoLCoOI0P97QzmCy7K8ub+c2bu7j0pFz+7wvTMBqUPssvL8vnx+dN4bWtTTy630S1QgghhBBCnEgkOByk93a2sqg4jQTLZ2v+luPFaZMyqO8KsqPRO6D1G91B/ucfm5iSk8gvL52B4YDAsMfXFxdx1tQs7nmjnK31khFVCCGEEEKceE6I4PDTvZ386Z3dvLalkUAkNuT97G0PUNnm57RJGUdeWYyKs6ZmYVDgta2NR1xX1XS+++xGwjGNP1110mEnZFUUhV99cSbJdgu3/WszqnQvFUIIIYQQJ5gTIjhcV93BvW/s5FtPf8KCX77No6urhjS27PVt8YDkjMmZI11FMUBpTisLi9N4ZXPjEbuWPvjeHtZWdfDzi6ZTnOE84r5THRZuv2AqW+s9PPVR9chUWAghhBBCiOPECREc3rikhO0/O4dnb1zI3IIUfv7ydr7+5Hq8oeig9vPixgZm5SdTkOYYpZqKgbh4di6VbX4+ruw45Doba7v43Zu7+MKscVw6J3fA+75gZg6LJ6Tz6//sotkTGonqCiGEEEIIcVw4IYJDALvFxMLiNB776jx+ftE03t/VylceXYs7MLAAcXeLl20NHi6aNW6UayqO5MLZ40ixm3nsg/6Tx3hDUW5+9lOyEm3cefF0FKX/cYb9URSFn180nYiq8bOXt49UlYUQQgghhDjmnTDBYQ9FUbhmUSF/vnoOOxo8fPnhj+nsnhD9cB7/sBqL0cAXJDg86mxmI9csLOA/25vZWNvVZ1nPOMPaziC/vWIWSQnmQe+/MN3BTaeV8srmRlZVtI5UtYUQQgghhDimnXDBYY+zp2Xzl2vnsrvVx9WPrDlsgNjhj/D8hjouOSmXDJd1DGspDuXGU0vIdFm5dfkmPN3dg6OqxveWb2JleQv/d+E0FhSnDXn/y04rpijdwU9f2Eooqo5UtYUQQgghhDhmnbDBIcBpkzL5yzXxAPGqwwSIv39rF5GYxjeWFI1xDcWhOK0mfv+l2VS1+bno/g+4941yLrhvNSs+red7Z0/kmoUFw9q/1WTkZxdNo7o9wEPvVY5QrYUQQgghhDh2ndDBIcQDxIevLWNPd4DY6A72Wf7+rlb+9nEN1ywsoDTTdZRqKfpzcmk6T35tPmajwp/e2YOiwEPXzOX/nTFhRPa/eEIGF8zM4U/v7qa6zT8i+xRCCCGEEOJYZTraFTgWnDoxg4evLeNbf9vA5/+wipuXTuCU0nTWVXdy5yvbmZjl4vvnTj7a1RT9OLkknf/cciqqpmM8xAT3w/HTC6by7s5WfvriVp68Yf6gktsIIYQQQghxPDnhWw57nDoxg5f/63NMyHTyf//ezlm/e58frdjC1JxEnrxhPg6rxNHHstEIDAGyEm384NxJrKpo4/EPq0elDCGEEEIIIY4FEvHspzjDyfJlJ7O13s3uFh/5qQnMGZ8irUUnuK8sLODdna3c9Wo584tSmTYu6WhXSQghhBBCiBEnLYf9mJ6bxMUn5TK3IFUCQ4GiKNxz2UxSHRa+8cR6mj2ho10lIYQQQgghRpwEh0IMQJrTyiPXldEVjHLdX9fS5gsf7SoJIYQQQggxoqRbqRADND03iYeumcs3nlzP5Q9+xINfmcuk7MFlsG3xhNjW4KG+K0i7L4Kq69jMBjJdNorSHUzOdsn4ViGEEEIIcVTIr1AhBmHxhAye/voCbnxyA1/442q+eWox159SRKrDctC6qqazo9HDmqoO1lV1sGFvJ63ew7c4Gg0KM3KTWFCcyuLSDMoKU7CZjaP1doQQQgghhOglwaEQgzS3IJX/3LKE/31pG39cuZs/v7uH2fnJFKc7sJmN+MMxKtv87G7x4QvHAMhPTWBxaTrTc5OYNi6RonQHKQ4LRkUhomo0ukPsafHxaW0nayo7+OvqKh56rxKrycD8olQWT0hn8YQMJme7ZBysEEIIIYQYFRIcCjEEaU4r9181h+8s9fLSxgY+qmzn/YpWIjENu8VEQZqdS+fkMrcghXmFqYxLTjjkvmwGI0XpDorSHZw5NQsAfzjGmqp2VlW0saqijV++Wg6Uk+608rnSNBYUp1Gc7qAw3UGaw4LJePDw4UhMoysQoTMQ7f3bE4ziDcfw9/yJxFA1nSvnjWdWfvJoHS4hhBBCCHEckOBQiGGYmOXie+dMGvH9OqwmzpicxRmT48FiozvI6u5AcVVFGy9sbOizfoLZiMNqRNMhqmpEVY1QVDtsGRaTAYfFiMlo4PRJmSP+HoQQQgghxPFFgkMhjgM5SQlcXpbP5WX5aJpOXWeQ6nY/Ne1+OvxR/JEYvnAMgwJmowGz0YDTaiLFbibZbiHVYSHZbiYpwYzTasJhNWHup7VRCCGEEEKcuCQ4FOI4YzAojE+zMz7NDmQc7eoIIYQQQojPiOMmOFQUZRzwMjAVcOq6HjvKVRLihKFqOqsqWnHZTFS2+kh3WpmQ5cJlNbO2qp0Ml5VARKU000mzJ0R1u59p45IwGxXKm7w4rCYWFKVhNBw6mU6bL8yuJi8Li9MwGBQaOgP8ZdUevjgnnxl58fGQayrbGZ9qJyc5gVA0xvL1tSgo5KXYyU6ykZVoY3eLjynjEnHKlCDiM6bTHyEUU8lJio9hbvWGqesIMCHbRTCioqOT6bIB8THH9V1B8lMSesckh2MqDV0hxqfa8YVieMNR8lLsB5UTiWmsqWonP8WO3WIkMzG+z9UVrbiDURYWp5HmtALgDkR79+MLx+jwRbofXO1T1xGgyRNibkEKiqLQ4g0BkOmy0eyJJ+NKc1qp6wgwvzgVl818UJ3cwfiY6fxUOx2+CNsb3ZxcksamOjfJCWaKMpwDOob7l72/ve0Bqtt8qBqcPmXo3exjqkZtZ5Dc5AQspoN7ZzR7QpgMSu/xO9A75c0kJpiYW5A25DocTm1HgCS7mcR+jvHR1OGPEN7v3D6Udl+YmKaTlbjv8+s55qqqsqfNT0GqHZvZRCim0uoNMynTRX1XkDXVHVxZlovZZKLNFyYr0UajO4RJgbd2NGM1G/hSWT4b6zwkJ5iobPWTZDeTk5SAw2Jic30nCgqz85NJsh+coXx/oUiMdTWdlGY4iWk6+anxa6LFE0JRFFLsZmo7g+SlJByyF0+jO0g4pmEyKP1ep4cymM+4KxDBH1HJPUxeBHHiOZ5+PXUAS4EVR7siQpxovvvsp7y+tYmYpve+lp+SQFTVaPWG0XSwmg3YzEa8wSiaDnaLEYNBwReKYTQoXDkvnzsvmdHv/jt8YS7842p84RhLJmbwfxdOZfE976Dq8PiHe3nyhnm8taOFFz6tx2Y28s9lJ/PVx9ewpzXQuw+7xUBSggV/OMbELBeP3zBfAkTxmVHXGeDHK7YSjqncdHopaQ4r3332U5q9IYrSHNgsRkwGhR9+fgrTc5P45as7KG/yMCs/mR9+fgoAd/x7O5WtPqblJFLZ5icYVfnG4mKWTsnqU9ZXHvmYbY0eNA1m5yfz/XMn8d7OFu5buRtdh8I0O3+9fj4Oi5Ef/HMzwajKVxYW8MrmRjoDES6dk8cVZfkAbK13c/1jawnHNC4vy+eSk3K567UdAHz9c0Xc9s8tdAWjaHr8uyUvxc7b/70Eg2HfD+Z2X5gf/HMzvnCMK8ry+O2bFXiCUbISrTR7whgNCo9cN4+5BSmHPYbbGtz88tV42T3HCeCFT+v5zX/KqesKYVQUvjgnl19dNmtIn9Pv3trFhppOJma5+NlF0/ssW1/dwW/+swuTUeGOC6dRfEBA+9/PbeSlTQ0oCvzPWRNZdlrpkOpwKC9vbuBvH9fgtJq597KZpPQzBdPRsLc9wE9e3Eo0pvGdpRNYVNJ/YLy7xccd/95GTNX53jkTmVuQCsC9/9nJ2zua2dsRRFU1DEr8/hOM6RgUsBgNeEMxdOCPb1dwSmk6nmCUqKoR03W21buJdQ/R/+2bFURiGoFIDE0HHShOt9Phj+IJxVCA/NSDz9EDfenhj9nT4gd0pucmce2iQvJT7Nz12g4MikJWopX6riDTxiXx0wumHrT9msp27n1jJ5VtfsanJvDt00o5e1r2EY/lK5sbeerj6gF9xo3uID/61xaCUZVvnloiuQdEr+Nm0JGu6yFd1zsPtVxRlBsVRVmvKMr61tbWsayaEJ955Y0e9ANe84SiuINRdOI3UE3TCYTV3htqKKYRjMRvyJqus6Xefcj913YGe6f9qGj2Ut0WQN2vwDVVHZQ3egAIRVW2N7pp6Ar12UdM1fEEowC0+sK0HWFOSSGOJ7UdQcIxFYA9LT6q2vz4wzHQ461R4aiKqulUtvnj67T6eteFeOtKVWt82fYmL8FofF8V3cv3V9MRQNMgomqomkplq5911fHbrw50BaNUt/up7wr27mdLnZvOQKRPmQA7Gj2Eu395b2/wUNXmR9V0VE1nfXUHwaiKputEVR1Nj/cg8EfUPvVpdId6vx821bp7r/Oe7wBV09lc13XEY7h/2dXt/t7X49MOqeh6/LtqW8Ohv6uOpKK5+7i3+tD1vt+ae1p96OhEVY2a9sBB2+7o/p7VdNg4gPczWLu7PxdfOEqzN3SEtcdOTYefSCze8t1z3va7XrufqKp1r7fv89vT4iMYUYmpGjoQ0+KJ2WKqhqrqBLrvQwDBqEqzJ4Sm6zR0xa+b2H6527oC8XNL1eLnuq6DJxDDH1HRNB1N12n3hfGEDt95rb4ziK7rvYnhdrf4qGzzoek6MU2jvMkL9H/9Aexu9RGOxd9TKKodcr0DVbTE9+sLR2nyHP4zru/cd/3uGeD+xYnhM/NYXdf1vwB/ASgrKzvwd6wQYhh+csFUfvLCVjRNoysYw2Yy8IVZOaAovL61CZOikGw3Myk7kR2NHpo8If4/e/cdJldZ9nH8+8y22d5LNr13EkIKIOn0EqqCvCiiLx0VUYRXioKioKJiAQWpohQRiIj0UFIgIZtCet9sstne68zuzPP+MbOb3WSTbJnd2ez+PtfFxZzntHs2c2bOfZ42eWA8YQ4H63LLiY0I5Z7zxx/x+CcMimfRlEy+yK3g5vkjmT4sickD49iYW0lKTDg3zx/FxjEVPPDfLQxLjuaMCel8d+Fofvv+DrxeS4wzlDFpMUzIjGfdvnIuOCGTYSnRPfgXEuleM4Ylcvr4dMprG7hgSiaR4SGszRnAun3lnD0pnTq378Z4wTjf0//r54zko22FzbWCoSEOrpszguU7izlrYgYbD1RQVOXikhMHHnau7ywczT8+yyEhKowZw5M4Y2I6Jw5J4Kq/rqTG1cgVM4Zw6shkwhwOzpqYQVGVi2+cOoyPthexq7CaK2YOaT7W+Sdk8vH2IvLK6/jBWWMYlxFHtj+B/eZpw8mvdPHF/goiwhxU1jZw0YkDD2tWOjEzjvMmDyC3vJ6rTx0KxrBmbykXnTiQ/27IIzEqnK/OGHzMv+H8sWnNCXLLWpLLZwymuNrFB1sLcYY6uOf8iR37x2nhf2eP4N1N+cwek3rYnLRnT/K9h8iwEE4ddXjt2I/OG8+PXt1AVHgoPzhzXKdjOJLLThpEfYOXQYmRjE2PDfjxO2vW8GQ2H6ikxtXIeZMHHHG7L41KYVtBFa4GL2e1qEX739kjeG3NfrYXVJFXUU9abATpcZEUV7uodTcyKi2GdfvKKal2M29sKqdPSGd7QTXnnZBJdnENMRFhrN9fTqjD8LVZQ8naV0aDx1JQ6atJPn1CGtUuD6v2lOAwhgumDCThGM1Kb5o3ilfX7GdAvJORabFcdtIg4iLD2FtSi8PApIHxLNtRzPxxbdfWnTtpAPnl9WzNr2J4ajSXThvUrr/ll6cPpr7By8DESMZlHP3f+MQhiZwxIYPSGheLpma26/jSP5hDn2z1dsaYj4DTj9bncPr06Xb16tU9F5RIHzR9+nR0HYl0nq4hka7RNSTSNcaYLGvt9I7sE5RmpcaY24wxy/yvf2uMWWqMeaTF+iOWAYFthC8iIiIiIiI9nxwaYyKAKf7X04Boa+1sINwYM+MoZTGAC9/Y/SuMMbN6OnYREREREZG+qseblRpjbga2APcDLwBF1tqXjTGXApmAtz1l1to/HOkcKSkpdtiwYd39VkT6tOzsbHQdiXSeriGRrtE1JNI1WVlZ1lrbocrAHh2QxhgTBsy11v7JGHM/kADs8q+uACYCnnaWHXrs64DrAIYMGaI26iJdpL4eIl2ja0ika3QNiXSNMWZNR/fp6WalXwP+0WK5HIjzv47zL7e3rBVr7ePW2unW2umpqandELqIiIiIiEjf1dPJ4VjgRmPM2/hq/1LwTWwPcDrwGfBpO8ukg7xeL//K2tc8X1wweLyWdzbl8+G2wqDFAHCgvI6NR5l3T0TkeGWt5f3NBXywpeCwufZ6SnZxDdsLqtq17da8Sv6VtQ+v13vsjUVEuui5FXt4JWtfsMNodqBxsr4SAAAgAElEQVS8jlfX7CenjflPg6FHm5Vaa+9oem2MWWatvc8Y84h/FNL11tpV/nX17SmTjrnqyZWs2lNGWIjhre/MYVhqz88D986mfJ77NBsAZ2gIp4w8fK6n7ra/rJb/e3UDDR4vV84ayqIpmt9HRI4/u4qq+eOSnSRFh/ODM8cSGR4CwJKthfx12W4AHA7Tak6/nrD5QCU//c9mLJZvLxjNl0alHHHbfWW1/M9fV9Lg8fLB1kIe/Z+TejBSEenr6hs8PPzuNoqqXNw8fxRPLdvDy1n7ASisquemeaODHCE89PZWCirreWdTPn/5WodmnegWPZoctmStPc3//++2sa5dZdIxOwtrsIDbY1m3vywoyaGjxaTAIQ5zlC27T2mNmwaP7wl1QUV9UGIQEemqD7YUkFdRR15FHV/sL2fWCN/DNkeL79bQIHzPFlTVY/HVWOYf4zu2oKK++fs4T9/HIhJgmw5UsMHfUuzdzQVkl9Q0r9teUB2ssFoJ8d8bB+u++FBBSw6l5904byS/e38HmfFOzp40ICgxnDUxHWeYg4jQEGYOTwpKDCcMSuCKGUMorKrny9MHBSUGEZGumjEsiaU7iomLDGNMemxz+bwxqYQ6DA5jjlpr111mj0ohr7weV6OHcycf/bdm+rAkrjp5KBsPVPDDs8b1UIQi0l+MSoslLdZJaY2bk0ckcdHUgXzr2c9xhobws0WHjW8ZFHeeM47Ps8uYNjQh2KEAQZjKoidMnz7danSrtrkaPYSHODCmdzydkN5Lo8SJdE1PXEMNHi+hDqPvdOmT9DskgWCtpdFrCQvp8endg84Yk2Wt7VBb1f73V+rnIkJDdBMhPaawyteGvrBSzcVEukOYHvaJiByVMaZfJoadpWalItIt1uaU8fWnVlFV30hUeAh/vPJEFoxLD3ZYIiIiInIESqNFJODcjV5ufWkd8ZFhPHPNDEakRnPT39ewLb99Q9uLiIiISM9TcigiAffWxjz2ltRy/4UTmTc2jae+MYOo8FB++Mp6PN6+189ZREREpC9QcigiAffsimxGpEYzb4xvfrW0WCc/WTSR9fsrePHznCBHJyIiIiJtUXIoIgFVUFnPmpxyLp02qNV8axecMIDpQxP53fs7qHU3BjFCEREREWmLkkMRCagPthQCcPr41oPPGGP4v3PHUVTl4q9L9wQjNBERERE5CiWHIhJQn2wvYmBCJGPSYw5bd9LQJM6amM5fPt5FUZUrCNGJiIiIyJEoORSRgLHWkpVTxszhSUece+2Os8fhavTym/e29XB0IiIiInI0Sg5FJGD2l9VRVOVi2pCEI24zIjWGr58yjJc+38eWvMoejE5EREREjkbJoYgEzJqcMgCmDU086nbfWTiKWGcY972xCa+mthARERHpFZQcikjArM0pJyo8hLHpsUfdLiEqnDvOHsdnu0t5fuXeHopORERERI5GyaGIBMzmvErGD4gjNOTYXy1fnTmYuWNSeeDNLc01jiIiIiISPEoORSQgrLVsL6hizDFqDZsYY3j4K1PIiHfyrWc+Z/2+8m6OUERERESORsmhiAREUZWL8toGxmW0LzkESImJ4NlrZhIVHsqX//IpT3yymwaPtxujFBEREZEjUXIoIgGxraAKoN01h02GpUTz71u+xGmjUnjgv1s4+3ef8NG2wu4IUURERESOQsmhiATEtvym5DCmw/smx0Tw1Ddm8NQ3puO18I2nP+fG57OocTUGOkwREREROYLQYAcgIn3D9oIqUmLCSY6J6PQxFoxL57RRqTyxdDcPv7uN/Mp6Xrj2ZJxhIQGMVERERETaoppDEQmI7JJahqdEd/k44aEObp4/ij9eOY21OeXc98amAEQnIiIiIsei5FBEAiKnpJahyV1PDpucO3kA188ZwQur9rFqT2nAjisiIiIibVNyKCJdVt/gIb+ynqFJUQE97q2njyE9LoKH390W0OOKiIiIyOGUHIpIl+WU1gIwJDmwyWFkeAjXzxnJyj2lrM0pC+ixRURERKQ1JYci0mXZxTUADAtgs9ImX54+CGeYg1ey9gf82CIiIiJykJJDEemypprDoQGuOQSIdYZxzqQB/Hv9AeobPAE/voiIiIj4KDkUkS7LLqkhzhlKQlR4txz/4hMHUlXfyCfbi7rl+CIiIiKi5FBEAmBvSS3DAjCNxZGcPCKZ6PAQPlJyKCIiItJtlByKSJftL6tjcGLgm5Q2CQ91cNroFD7cWoi1ttvOIyIiItKfKTkUkS6x1nKgvI7MBGe3nmfBuDTyKurZXlDdrecRERER6a+UHPYzRVUuDeohAVVa48bV6GVAfGS3nufUkSkArNpT0q3nERHpi/T7L9J3lde6qXY1BuRYSg77kX+vP8BXH1/Bjc9nUesOzAeoM5btKGJ1dmnQzi+BlVdRD0BmQvcmh4MSI0mPi+DzbM13KCIHvfnFAVbtKQ52GL3Stvwq1u0r580v8vj2C2v4/j/XB+wGUuR4UlxVyxOf7KKhoaG5bEteJV/sLw9iVIGxNqeMm/+xhm//Yw37/KPHd0VoAGJqN2PMJOBxwAPsBG4BXgaigQrgK9ZalzHmt8B0YI219rv+fQ8rk465+/UNVNY1srOolhU7izl9QkaPx/DXpbt5+N3tGAMPf3kK50we0OMxSGAdKK8D6PZmpcYYpg9NImuvkkORzsqrqOOZFdmkxzr5xqnDcDhMsEM6qtXZpWwrqOLsiRkkx0Qctv6qv65k2U5fYvj9M0bz7YVjejrEXmtjbgU/e3MzAIn+kaRLql3kV9QzKi0mmKGJHKa+wcMb6w8QHxnGmRM7fn9aWFnPU8uzSY4O55ovDSM05GD9V0NDAzN//iFeCw+/t52tPz2H9fvK+cVbWwC4Ye5I5o1NC9h76Wmb8yrxeC11Xg87i6oZnNS1MSB6uuZwm7X2VGvtbP/yLcBKa+08YBVwtjFmGhDt3ybcGDOjrbIejrtPqKk/+LTws13BqblbsrUQt8eLq9HLe5sLghKDBFZTzWF3NysFmD4skdzyuuaEVEQ65tU1uazfV867m/PZkFsR7HCOqrjaxcPvbueN9Qd4YumeNrfZ0OKp/9ub9JvSUkXdwRqSyYPiGZ0WyxkTMhiZ2n0jS4t01mtrc/nXmv08tXwPa3M6/hB48boDrNtXxgdbC1i3r3Vt4IEKN17/WHb1DV6g9fXR8vXx6KyJGUzKjGfmsCROHp7c5eP1aM2htbblX98FfAac6V9OAEqAU4D3/WXvAycD3jbKPm95bGPMdcB1AEOGDOmG6I9/88amsmRrEeGhDm5ZMCIoMVx64kA2HajAYQyXnDQwKDFIYB0oryM8xEFydPfMcdjSiUMSAfhif3m3N2MV6YvGpMeydEcRMRGhDEzs3ddQWIiD8FAHrkYP0eEhbW7zo3PGc9fiDYQ4HDxyxZQejrB3O3VkMsXVLurcHi46cSDOsLb/hiK9QXSELyUxmObXHTEmI5YPthYQGRbCoENGTx+aEs3gxEhyy+uY5r+POG1UCiU1LtyNXs6e1PMt6QIpJSaCu8+fELDj9WhyCGCMWQT8HNgOrAPuMcZsAgqBO4C5wC7/5hXARHzNUA8ta8Va+zi+JqtMnz5dY9234clvzGRfaS1J0eGduvAC4dLpgxmSEk1EqIMTBiUEJQYJrAMV9QxIcPZI87RxGbE4DGw6UMnZk9QkWaSjzpiQzsTMOKIjQomPDAt2OEcVHxnGTy+cxJ6SGk4ekdTmNpfPGsLls/RAuC3GGC6cqoewcny44IQBpMZEEB8Zxpj02A7vP3dMKmPSY4gKb/u7bekdC1otOxyGi08c1Ol4+7IeH5DGWvtva+0kIBe4CXjHWjsReBO4CigH4vybx/mX2yqTDiqpdrFkayFrOlFdH0gzhiUpMexD8srrGBDfvf0NmzjDQhiZGsPmA5U9cj6R3mz5zmKeWb6H4mpXh/bLTIjs9YlhkyHJUcwdk0pEqGq9RPoyYwynjExmQmbcsTc+ggHxgftu+2BLAX/7NPu4b3LaGT2aHBpjWvYmr8RXC9jU+a0YiAc+BRb6y07H1/S0rTLpoMc+2sXTy/fwwJtbyFWfLQmQvIp6Mnugv2GTiZlxbFJyKP1cXkUdf1yyk7c35fP08rb74wG4Gj28uCqH19fm4vWqUY2IyLHsKKjiiaW7eXNDHi+syglqLNZa/r3+AP9YmdNjU9H0dNvCs40xt/lf7wAeBl4wxnwNaAAut9aWGmPqjTFLgfXW2lUAbZVJx2zNr6S0xo0xhopaNwPVZ0u6yOO15Ff6mpX2lImZ8by+7gAl1a42Ry8U6Q8iw0Ka++Md7Un5WxvyeX1dLgDJMeHMHp3aUyGKiByXoiNCCXU4aPR6SQhyK4tVe0r5x8q9AIQ6DF+ZMbjbz9nTA9IsBhYfUnxWG9sdNlWFpq/oujljUsmvcBEfFdYjI0tK31dYVY/Ha3v089TU5GTTgUrmjNGNrvRPCVHhPHDxJHJKa5kyMJ5dRdUMTYpqNXw7QHzUwRub46UpqYj0X2U1bmrcjYcNKtOTMhMi+elFkyisrGfGsLb7O/eUuMgwDAaLbfV93p2CMyqJBEWcM4zwUAcxEaGEhvTuua3k+JDvn8aiu+c4bGnCAF9yuDVfyaH0b4MSoxiUGMX/vfoFe4prmDksidvOHNtqm/lj00iKCicizMG4jM735RER6W55FXXc+a8NuBo9XD9nJPPHBW/uweEp0QxPCf60L+MHxHHfhROpcTU2j9je3Xp8QBoJnj0lNcQ6Q3E1eiitcQctjvr6RhobG4+9YTfamFvBh9sKafR4gxrH8a6oyjcQRmpMzyWHidHhJEeHs6uwpsfOKdJVDR4vS7YWsOlAYOcWbPR4yS6uBWBXUdvXxJTBCd2WGDY2NlJf3/Hvc333ivQPtbUNNDS0b1CX3LI6XI2+fnW7iqq7M6xey+u1fLy9qNVcj2PSY3ssMQTVHPYrqTHhbDpQQUack4weGl3yUD9evIFnP/V17r3vwvFcfUrPz7e4u6ia7720DrfHyzdOGcY1pw3v8Rj6iuJq30OGlNjun+OwpZFpMezspz8ccnx6cVUOb27Iw2B46NITGJIcmCZToSEOrps7gk93lXCOf66uijo3r63J5YwJGd06l+E/V+dwx782YC1874zRfGfhmGPu4/Fafv7fLWw+UMlVJw/lvBMOTkmTlV3KlX9dSajDsPSHC0iK6dnvFZH+atYD71Na6+aOM8fyv3NHBuSYm/Mq+PHiTXye7Uty7jp3HNfOOfqxTxySyFkTMyipdnPRif1zGpY3vjjQPAjOvedP7NLorZ2lmsN+5NkVe6lr8JJdUsvSHUVBieFvnx4c9ennb24NSgybD1RSUFlPWY2bz/aUBCWGvqJpCP3k6J4dGGZkagw7C6uxVqMvyvHB1eirKbNYGryBrTWbPzaNH507vvnJ8pm//YSfvrmFs373SUDPc6jnP8vBa8ECr67Jbdc+JTUuNh2owGJZtrP179DVT6/C1eilxu3h4keXd0PEInKou179goIqFw0ey8/fDsx92c6CKi7604rmxBDghVX7jrlfiMNwzZeG84OzxpLSTweca/qt8L3umdFJD6Waw34kISqMvIp6QhyG1CBddNERIVS5fB/2jLjgDIozdUgCQ5KiqG/0cvr49KDE0FcUV7uIj/T1Ze1Jo9JiqKhroLTGrRFL5bjwP7OGkhQdzoD4SEamxnTruZrm5apr8FBd5yYmsntq4L53+hiu/dtqrIUb21nbkBoTwezRqXyxv5xzJw9otS4pOpxql2+apeEpwRuMQqQ/mTQwHvAlbuEhgfkt33SgEk+LqXOMge+feeyWBQIXTR2IMyyEOGdojzYlbUnJYT/yx69O4w8f7mTSwDimDA7OB+7978/jkkeXExHqYPEtpwUlhkGJUTx21UmU1bo5YVBCUGLoK4qrXaQEoenXyFRfJ/GdhdVKDuW4EBkewiXTBvXIuf539gj+uXofc8ekdltiCDBvXBo7Hji3Q/sYY7h5/qg2133ywwV88+lVJEaF8/DlUwMRoogcw1dnDaWgsp5PdhTz3NUzAnLMC08cyMur97G7qIYfnTuOC6b2zyainREe6mDRlMygxqDksB8ZmhLNr788JagxpMc5WX7nwqDGADA4KYrBSXoy3VVFVa6gNP0YlearedlVVMOsEck9fn6R3uwHZ47lB4eMWnq8eOqamcEOQaTfufWMsdx6RmC/M/5+7ckBPZ70HPU5FJFOK652kxLb88lhZnwkkWEh7CzUoDQiIiIigaLkUEQ6rbjKFZT+qw6HYWhyFHtLNJ2FiIiISKAoORSRTqlv8FDlagxKn0OAIUlR5JTWBuXcIiIiIn2RkkMR6ZSmaSyCNdz00GRfcuj1ajoLERERkUBQciginVJc7QaClxwOSYrC1eilyJ+kioiIiEjXKDkUkU4prvLXHAZhQBqAIcm+6Sz2lqhpqYiIiEggKDkUkU5palaaGqzk0D8VifodioiIiASGkkMR6ZSm5DA5OjgD0gxMiMRhIEcjloqIiIgEhJJDEemU4mo3sc5QnGEhQTl/eKiDAfGRqjkUERERCRAlhyLSKUXVwZnjsKWhyVHsVXIoIiIiEhBKDkWkU4qrXEEbqbTJkKQo9ik5FBEREQkIJYci0inF1S5SYoPT37DJ4KQoiqvd1LobgxqHiIiISF+g5FBEOqWoF9QcDkyIBOBAeX1Q4xARERHpC5QcikiHuRo9VNY3Bj05zGxODuuCGoeIiIhIX6DkUEQ6rKTaDdALkkMnoORQREREJBCUHIpIhzXNcZgSE9w+h+lxThxGyaGIiIhIICg5FJEOa04OY4NbcxgW4iA9zkmu+hyKiIiIdJmSQxHpsOIqX7PSYM9zCL5+h6o5FBEREek6JYci0mFFzc1Ke0lyWKHkUERERKSrlByKSIcVV7uIDg8hMjwk2KGQmeAkr7wer9cGOxQRERGR45qSQxHpsOJqd9D7GzYZmBCJ2+OluMYV7FBEREREjmtKDkWkw4qrXL2ivyFAZnzTXIcalEZERESkK5QcikiHFVe7ekV/Q/D1OQRNZyEiIiLSVUoORaTDiqtdpMQGd47DJgOVHIqIiIgERI8mh8aYScaYFcaYpcaYp43P140xHxhjPjLGDPRv91v/No+02PewMhHpeQ0eL2W1Db2m5jAuMpTo8BD2lyk5FBEREemKnq453GatPdVaO9u/PAeYa61daK2dZ63NNcZMA6L924QbY2a0VdbDcYuIX0m1b47D3pIcGmPIiHeSX6E+hyIiIiJd0aPJobW2ocWiC/gSEOKvOfyDMSYEOAV437/N+8DJRygTkSAo7kVzHDbJiHdSUKXkUERERKQrerzPoTFmkTFmI5AGhADh1tqFQC1wIZAAVPo3rwASj1B26HGvM8asNsasLioq6uZ3IdJ/FfmTw9Re0ucQID3OSYFqDkVERES6pMeTQ2vtv621k4BcwAt87F+1BBgPlANx/rI4/3JbZYce93Fr7XRr7fTU1NRufAci/VtxVS+sOYxzUljlwuu1wQ5FRERE5LjV0wPStLybrAQ8wAn+5anAHuBTYKG/7HTgsyOUiUgQFPeyPofga1ba6LUU17iCHYqIiIjIcavTyaF/pNGrjDH3+peHGGNmHmO3s40xHxtjPgbSgV8CdcaYj4AZwCvW2jVAvTFmKeC11q5qq6yzcYtI1xRXu4gMCyE6IjTYoTRLj3MCUFCh5FBERESks7pyd/covmahC4D7gSrgX/iSvDZZaxcDiw8p/kEb2323PWUi0vN60xyHTTL8yWF+ZT2TiQ9yNCIiIiLHp64kh7OstdOMMWsBrLVlxpjedccoIgFXXO3qVU1KwdesFHzJoYiIiIh0Tlf6HDb4p56wAMaYVHw1iSLShxVXuXtdcpgSE0GIw2jEUhEREZEu6Epy+HvgNSDNGPMAsAz4eUCiEpFeqzfWHIY4DKkxEao5FBEREemCTjcrtdb+3RiThW8UUQNcZK3dErDIRKTXafR4Ka11kxrT+1qQp8c7KVByKCIiItJpHU4OjTFJLRYLgRdarrPWlgYiMBHpfUpr3VgLKbG9q+YQICMugt1FNcEOQ0REROS41Zmawyx8/QwNMAQo879OAHKA4QGLTkR6leIq3xyHqb2sWSn4Rixdsask2GGIiIiIHLc63OfQWjvcWjsCeAe4wFqbYq1NBs4HXg10gCLSexRX++YR7I01h+nxTqrqG6l1NwY7FBEREZHjUlcGpJlhrf1v04K19i1gbtdDEpHeqqjKnxz20ppDgHyNWCoiIiLSKV1JDouNMXcbY4YZY4YaY+4C1KZLpA9rrjnshQPSNCeHGpRGREREpFO6khx+FUjFN53F60Cav0xE+qjiahcRoQ5iIjo90HG3SY/3JYcasVRERESkc7oylUUp8F1jTBzgtdZWBy4sEemNiqvdpMREYIwJdiiHOdis1BXkSERERESOT52uOTTGTDbGrAU2AJuMMVnGmEmBC01EepvialevHIwGIDoilNiIUNUcioiIiHRSV5qV/gW4zVo71Fo7FPg+8HhgwhKR3qioykVqL+xv2CQ93qkBaUREREQ6qSvJYbS19sOmBWvtR0B0lyMSkV6rqVlpb5UeF6EBaUREREQ6qSvJ4W5jzD3+0UqHGWPuBvYEKjAR6V08XktpjauXJ4dOCpUcioiIiHRKV5LDb+IbrfRV/38pwDWBCEpEep+yWjde2zunsWiSEeeksMqF12uDHYqIiIjIcacro5WWAd8JYCwi0os1z3HYSwekAciId9LotRTXuEiLdQY7HBEREZHjSldGK33PGJPQYjnRGPNOYMISkd6muMoN0KublTYlhIWVms5CREREpKO60qw0xVpb3rTgr0lM63pIItIbNdcc9uLkMCO+aa5D9TsUERER6aiuJIdeY8yQpgVjzFBAHX1E+qim5DC1NyeHcf7kUIPSiIiIiHRYp/scAncBy4wxH/uX5wDXdz0kEemNiqpchIc4iIvsytdG90qJCcdh0IilIiIiIp3QlQFp3jbGTANOBgzwPWttccAiE5FepajaRUpMOMaYYIdyRKEhDlJiNNehiIiISGd0ZUCaD6y1xdba/1hr37DWFhtjPghkcCLSexRXu3v1SKVNMuKdFGhAGhEREZEO63DNoTHGCUQBKcaYRHy1hgBxQGYAYxORXqS4ytU84EtvlhbrZH9ZbbDDEBERETnudKZZ6fXArfgSwSwOJoeVwJ8CFJeI9DLF1S4mDYwLdhjHlBEfweq9pcEOQ0REROS40+Hk0Fr7CPCIMebb1to/dENM0sfVuhtxGIMzLCTYoUg7eb2Wkhp3r57GoklGnJPy2gbqGzz6jIn4lde6iY8M69V9hkVE5OjqGzxYC5Hh3Xd/05WpLPKNMbEAxpi7jTGv+geoETmizQcquf5vWdz09zXsK1XTv+NFeV0DHq89LpLDNP90FoXqdygCwFPL9nDD81k88OaWYIciIiKdlFNSy43PZ3H981lsza/stvN0JTm8x1pbZYw5DTgLeBZ4LDBhSXdYk1PGzX9fw2/e3UajxxuUGDbmVtDg8VLrbmRLXvd9sCWwmuY4PC4GpNFch9JHlNW4+dFrG/j+y+vJq6jr9HGycsoA2HigAlejJ1DhiYhID9qcV0Fdgwd3o4eNuQfvoa21PPbRLm58PotlO7o+cURXksOmX5jzgMestYuB8C5HJN3mrQ15lNS4WJVdSk6Qau3mj0tjbHoskwfGc8rI5KDEIB0XGRbCFTMGMzotJtihHFO6PzksUHIox7nPs0vZXVRNbnktS7d3/gf/8umDGZgQxZdPGkxEqJpai4gcj04ZmcKkzHjGZcQxb2xqc3lxtZuPtxdSVuvmP18c6PJ5ujKbda4x5i/A6cBDxpgIupZsSjc7dVQKG3MrGZYSxcDEyKDEkBobwX0XTgrKuaXzBidF8eClJwQ7jHbJUHIofcTkQfHEOcNo8HiZNjSx08eZMyaVOWNSj72hiIj0WvGRYdx9/oTDypOiw5kwIJ4teZV8aVRKl8/TleTwK8DZwK+tteXGmAHA7V2OSLrN/LFpzB6VQmiIcnjpu+IiQ3GGOcivUHIox7cB8ZH85Wsn4bUQ4tBAMiIicrgQh+HeCybQ4PESFoB7/E4fwVpbC+wCzjLG3AKkWWvf7XJE0q2UGEpfZ4whPc5JQZUGpJHjnzFGiaGIiBxTIBJD6EJyaIz5LvB3IM3/3/PGmG8fY59JxpgVxpilxpinjX9MbWPMbcaYZS22+61/m0eOViYi0pb0OCcFqjkUERER6ZCupJjfAmZZa++11t4LnAxce4x9tllrT7XWzvYvT/f3VZzStIF/Ooxo/zbhxpgZbZV1IW4R6eMy4pwarVRERESkg7qSHBoOjliK//VR275YaxtaLLqAfcD/4psGo8kpwPv+1+/jSzrbKhMRaVN6XAQFlfVYa4MdioiIiMhxoyvJ4dPASmPMT4wxPwE+A5481k7GmEXGmI34mqKWAHOttUtabJIANE3eUQEkHqHs0ONeZ4xZbYxZXVRU1Mm3JCJ9QXqcE1ejl4q6hmNvLCIiIiJA1wak+Q1wDVAKlAHXWGt/1479/m2tnQTkAt8B/nHIJuVAnP91nH+5rbJDj/u4tXa6tXZ6aqqG7BbpzzLifdNZqGmpiIiISPt1ODk0xjiNMbcaY/4IzAAetdY+Yq1d2459I1osVuKbDuNGY8zbwET/gDafAgv925yOr0ayrTIRkTalN891qBFLRURERNqrM/McPgs0AEuBc4DxwK3t3PdsY8xt/tc7gFOstV4AY8wya+0f/K/rjTFLgfXW2lVHKhMRaUtGU3KoEUtFRERE2q0zyeEEa+1kAGPMk0C7EzVr7WJg8RHWndbi9XfbWH9YmYhIW9LifI0U1KxUREREpP060+eweYQHa21jAGMREQmIiNAQEqPCKB7/25QAACAASURBVFByKCIiItJunak5nGKMaRo51ACR/mUDWGtt3JF3FRHpGelxTiWHIiIiIh3Q4eTQWhvSHYGIiARSRrxTzUpFREREOqAr8xyKiPRa6bFOjVYqIiIi0gFKDkWkT0qPd1Jc7aLB4w12KCIiIiLHBSWH/ciq3UXM/9USvvPCWqy1QYvjs10lrM0pC9r5pX/IiHNiLRRVqfZQ+peKugZ+9p/N/HjxRoqrD37+95fW8vM3N7GzoOqo+1tr+Xh7EZ/uKmn3OatdjWzJq6RRD2NEJIB2F1Xz1oY8Kusb2ly/dHsh33txLbW1ba/vqo25Fdz+z/U88cnuoN4796TODEgjx6lvPJNFrdvDnpI65o9N5eJpg3o8hmdXZPPwu9swBn556RTOmpTR4zFI/5Dun86ioLKezITIIEcj0nM+3VXCxgMVAHy4tZAvTx9McbWLM377MXUNXp5esZfP/m8hyTERbe7/3uYCnlq+B4AQx1hmDk866vkaPF5+9OoGCqvqOW1UCrcsGB3YNyQi/VK1q5H73tiMq9HD+v0V3HnOuFbrdxZW8rWnPgfgnc0FbL7/7IDH8NraXPaV1bKvrJazJmYwJDkq4OfobVRz2I94vAefeJTWBKc2ZXOeb6Bba2FzXkVQYpD+IT3OCaARS6XfmTAgjsiwEMJDQ5g8KB6A4moX7kZfrV6j13KgvO6I+7f8rWj0HrsmsL7B01xDn1Na25XQRURa8fpr6zxtfBdt3H/wPrK+wdMt5582JBGAgQlRzXMo93WqOexHHrxkMj95YxPDkqP41uyRQYnhtjPGUFBZT3iIg2uDFIP0D03JYX6FkkPpX4YkR/HYVSfhtZaocN/P/LiMOC6cmsm7mwuYNSKZyYMSjrj/mRMzcDgM4aEOThmRfMzzxTrDuG7OCNbklHHBlMyAvQ8R6d9iIkL50bnj2ZJXyfyxaYetv2jaYB75YCf7y+v42qyh3RLDeScM4LTRKUSHhxAa0j/q1JQc9iMXTxsUlKakLaXHOXnmmplBjUH6h+TocMJCDAXqcyj9kDPs8FmnfnP5ie3aN8RhOGtix5r8zx+Xxvxxh9+8iYh0xfgBcYwfcOQp1D+8fX63xxAfGdbt5+hN+kcKLCL9jsNhSIt1UqCaQxEREZF2UXIoIn1WWlwE+epzKCIiItIuSg5FpM/KiHNqQBoRERGRdlJyKCJ9Vnqck4JK9TkUERERaQ8lhyLSZw2Id1Ltajzi5LkiIiIicpCSQxHpswYmRgKQW3bkOd1ERERExEfJoYj0WYMSowAlhyIiIiLtoeRQRPqsgQm+msP9ZbVBjkRERESk91NyKCJ9VkpMOBGhDnLLVXMoIiIicixKDkWkzzLGMDAhUsmhiIiISDsoORSRPm1gYqT6HIqIiIi0g5JDEenTVHMoIiIi0j5KDkWkTxuYEElxtZv6Bk+wQxERERHp1ZQcikif1jzXoWoPRURERI5KyaGI9Gma61BERESkfZQcikifpppDERERkfZRcigifVp6bAQhDqOaQxEREZFjUHIoIn1aaIiDjDinag5FREREjkHJoYj0eQMTI9lfVhvsMERERER6NSWHItLnDU2KIqdUyaGIiIjI0Sg5FJE+b1hKNAWVLmrdjcEORURERKTX6hfJ4c7CKt7emEeNK3g3hruLqrn39Q1sL6gMWgwlVS7ueGU9r67ZH7QYrLV8sr2Iz3aXBC0G6X+GJUcDsLdEtYdy/MuvqCennZ9lr9fLOxvz2deNzaq9Xi/V9d37+3rj81ksfPgjctUCQI7C3eilvsVDQI/Hw1PL9vDh1nwW/PojvvvCmiBGJ3J8CO3JkxljJgGPAx5gJ/Bn4Lf+5dXW2u/5t7sduBDYC3zDWtvQVll7zlle4+a657KorG9gwbh0fnnZCQF/X+2x4OGPAXjusxyyHzwvKDGc+uAHuDyWl1bvZ0BMKKeMyejxGJ5cvodfv70NYwy/+coUzpk8oMdjkP5naLJvrsPs4hrGD4gLcjQinbejoIqfvLEJj9fy3YVjeGHVXj7YUsjEzDhevuHUw7a/+R9rWb6zmMjwEGpdjVS5PAxMdLL8joUBiae81s3Fjy6npNrNt2YP57sLx7Ran5VdymV//hQL3Dx3BLefM/6Yx9xeUEVKTARJ0eEA/Pqdrby1MR+As3+/lA0/OSsgsUvfsjanjOv/lkWj1/Kry05g4fh0zn5kGbuLa/B4LQC7i2uYNHAX184Z2ePxff2JT/lkVykA501K509XTe/xGOSgHQVVJEWHkxwT0eZ6r9dLjdtDrDOshyMLvp6uOdxmrT3VWjvbvxwOLPAvpxljJhtjUoH51trTgC+Ai9oqa+8JD1TUUVLjxt3oZUteRYDfzvHF5bHNr+9/c3NQYnhhZQ71jV7qGjw8/2l2UGKQ/mdYiq/mMFs1h3Kc21NSQ1GVixpXI3tLanh7Yz41bg+rsstY9MelgK+lyp7iGgD2ltTgsZayGhdVLg8AuWX11Lk9bDpQgavRc8xzejyeI04Fk7W3jJJqNwBLthYetv4H//yCpl+evy7PbrWuus7N7IeWMOnHb/PM8j0A/H3lXq59djVfffwzCqvqAahv8Dbv4/VapH1u+FsWw+98k/H3vEVDQ7uepx/X3t1UQH2Dh0aPl7c3+R4mFFW5Dtuuxh2cv0VTYgjw5saCoMTQEf9e2z2tzAor6vnxvzew+UDX7skXr8vlF//dTHmtu8P7vrZ2P/cs3sitL67ld+9v56XPc1p9txRU1jP3Vx9x2kMf8uTS3QD8z+OfMuzONxl255vszC/vUuy9XY8mh4fU9rmAHdbaev9yI74axJnAR/6y94GTj1DWijHmOmPMamPM6qKioubyEanRRIeHUN/gZerghAC+m+NbtevYNwTdIbuopvn15tzgXFzWWh5+dxvfe2kdhZX1x96hmyzdUcQj7+9gZ2F10GLoL2IiQkmJiSC7uObYG4v0YtnFtbgavZTWuPnPhlxCHKZ53Yb9lXz18RWc+dtPOP/3S1m2o4jbzhhDiDEkxThbHef0hz/ip//ZzC/f3taq/IVVe3nPf2OdlV1KRXUd0x/4gDm/+pDTHnyv+eZoQ67vRvdLI5MZlxFLVHgIO/KrGPWj/3LXqxuaj/eVGQObX0/MbF1r//zKHA5U1FPX4OXxT3w3YB9uLaSs1k1eRR1LtvhuoO8+fwInD09iQLyTV2885ah/n3te38CJ973L0/5kszvl5+dzxRVXMHLkSCZMmMC5557L9u3bu/287fXe5nwsUNfg5ZEluwD45z//yfjx45k/f35Az/X2228zduxYRo0axYMPPtjmNi6Xi8svv5xRo0Yxa9YssrOzASgpKWH+/PnExMRwyy23dDqGr0wfRHqck+SYcK6aNQSA/ztnHGmxEcwclkB6XARzRqdw6+njOn2OroiNCGl+nRTZuYZ7r2Tt4z9f5ALgdrvJyi5ttf7KFgnM9c+t5sT73+WDzfltHmtfaTUT7n2bUT/6L098sqvVumF3vsl3XlrPsDvf7FScRzPv4Y94dkUOi/64nMbGg02AO3I9rc0p457XN/LCqn3c9vK6Dsewr9T3sGtfeR1Lthby2tpcPm/xt1yxs4SKugastbzn/x5asfvg+m89txYI3PVUWlrKGWecwejRoznjjDMoKytrc7uQkBCmTp3K1KlTWbRoUXO5tZa77rqLMWPGMH78eH7/+983lwODjTE7jTFfGGOmtSeeHm1WCmCMWQT8HNgOlPjLTgBSrLWbjTEnAk0d8yqARCChjbJWrLWP42uyyvTp05vT/635VRRV1eO18Mn2okN367fq6jv+pCUQWqakZS7vEbfrTovX5/Lnj3dhLZRUu3juW7N6PIZqVyOPfrgLiyW3vJZfXjalx2Pob4anRJFdouRQjm8GGBDvpLKukcraBmKcodQ3uLGABVbtLsMDNLo9vJK1n59dPJkpgxNo8HipdzVQXu/7Fs6rrGdwclSrKV5+8M/1vLbWd+MZ5oD6xoNP0kMchv3lB383LvjDp2Q/eB7O8FBevuFUHv1wJ798x5dovrp2Pw9cMhmAG+eN5vRxGfzwlbVszK3ggf9s4q7zJwJw5sQMHvlgJ26Pl5kjknzHPSGTrflVOMNCOHFIUvP5Xrz+6EkhQGm1m799lgPAfW9s5povDT9sm289vQqAJ6+ZeczjHY21losvvpirr76aF198EYB169ZRUFDAmDFjjrG3rzY2JORgsmCtxVqLwxG4Z/YDEyPJKa3DABedmAnAk08+yaOPPhrQ5NDj8XDzzTfz3nvvMWjQIGbMmMGiRYuYMGFCq+2efPJJEhMT2blzJy+++CJ33HEHL730Ek6nk5/+9Kds3LiRjRs3Nm9fUtKxsQmGp8bw3m1zW5VdPnMIl88c0vk35+fxeNhXVsewlJh273PZY8vJ2ltOakwYq+4+kw33nc2fPtiOM8zwrTmjj7jftoJyzvrtcgDCHeDFcMv8UVTWN/Dsp3sB2Ly/gkc/8T0ASYwMY+2PzwRaJzDvbPYlNdc+l8XuNroz/eK/26h1+74P/vzx7uamtjnF3dvCxuVvCdDotZTWNJIWH9rh68nTopbPazt+PV0xYzBea6msa2BzXiUhDkNq7MHmpWdMSOe5z7IpqnJx9anDAEiKDqOkxlfHdfUpQ4HAXU8PPvggCxcu5M477+TBBx/kwQcf5KGHHjpsu8jISNatOzwZfuaZZ9i3bx9bt27F4XBQWOhrxfHWW28BOIEMYBbwmP//R9XjA9JYa/9trZ0E5ALnG2OSgD8C3/JvUg40PV6M8y+3VdYujQ1eGrzgsVDYRvOC/qqxf4xF1KadBdU0eCyNXsuOgqqgxBAR6iApxtefJjMhMigx9DdDk6OVHMpx72unDOXKWUO5+7zxJEVHUF7buolceJjBYSDUAedPHkBMRCh3nzeBK2YM4ZErTiTE+BLMi0/MZOawJG6eP6p539V7SpubVrVMDAHCQwyHuvbZz5tfnzs5g1B/LeaY9NhW24WFWdbur8LtsTyxLLu5fERqDJ//aAH/vH4mkaEOVmWXcOGJA3nqGzN46uoZjM1ofRyAmpqa5pqRcXe/1b4/mt+cXy7hg21FfLCtiDm/XNKhfQ/14YcfEhYWxg033NBcNnXqVLxpY7ny8U+55OobmDRpEpMnT+all14C4KOPPmL+/PlceeWVTJ48mezsbMaPH89NN93EtGnT2Ldv3xHPV1BQwMUXX8yUKVOYMmUKK1asAOA3v/kNkyZNYtKkSfzud79r3v7555+n/pU7CV98B/OKXmd4cjT3338/y5Yt44YbbuD222/v0vtvadWqVYwaNYoRI0YQHh7OFVdcweLFiw/bbvHixVx99dUAXHbZZXzwwQdYa4mOjua0007D6Wxdu7179+6AxdiWdzYe4PK/rODbL2Rx4/NZ1LnbblFVUFzGyLveZt6vP2Z4O2vS3t14gNV7y7FAYXUDo+/y7XfzwjFHTQwBLvzDp82v3V5fEvX0ij1syz94v/J+iybcZXWdayb7lemDcfi/D04ecfBBzJCUqObXoUe4VXQ1eqhv6FwLtKtOGUxMRAjzx6aSFu/7Nz/S9TR79mystdx+++2trqfpw5K4KKOcyn/dQ/Vbv+nw9WTrKvj4T3fwr7uvZN0j1/HlQbWMSI1pvp5Onj6Vue7PWXbHAs6ZNIDnn3+ekDfuxvHaDzk5959cferQgF5PLa+Nq6++mtdff71D+z/22GPce++9zclwWlpa83GBEuvzGZBgjDnmYB89PSBNhLW2KUOrBBqA54HbrbVN9d6fAzcBvwROBz47Qlm7bCs6eDG5GoNTU9UbJfo7+vdHyTHhhBjf06bUuLY7Ine3sBAHP794MntLapigAVJ6xPCUaF7J2k+tu5Go8B5vNCFyVC+v3semA5V8e8FIUg5pAtqSMyyERVMy2ZJXCRhCHAZjwN1oMcCN80ZRUu0ma28Zn+wsZv74dMZmxDYnWrt+0faAaPe/sYniGhfGwJDESBwO2FXkq0EIcRhev/lLjM2Ia9XM7JQRyc2vh6XEsO7eM8kprWFCZny733dMZDhff2o11S4PL63ez5q7FzYnlxV1bkqq3YxIPVhbc9urm5pf1x/ym54UE84VMwbx34353DxvxGHnKqx0tXq9KbeCmIhQhvr7JDcpqXbxP0+spNHr5dlvzmJg4uEP8DZu3MhJJ510WPmNf19DycalVK1bSfnWNZSVlTFjxgzmzJkD+BKpjRs3Mnz4cLKzs9m2bRtPP/00jz766FH/Tt/5zneYO3cur732Gh6Ph+rqarKysnj66adZuXIl1lpmzZrF3LlzcTqdvPTSSyxfvpywsDBuuukm/v73v3PvvfeyZMkSfv3rXzN9euvBUKqqqpg9e3ab5/7HP/5xWC1gS7m5uQwePLh5edCgQaxcufKo24WGhhIfH09JSQkpKSltHnfUqFFtlgdCfkU11z+/tnk5xGG4/vnVPPfNwytVrn3hYDPpzvZ4bUfX3mYDE5zsOqT2buawJH6yaBJXP7WKsFDDM1+fxmm//oQGj2XCgIMPUbIfPI/x97zFuPQYEqMjWJNTzkOXTmrzPPPGpbHqroVU1DYyMq11jWjLgRP/9mk2K/eUctlJg5g3No3s4hpue3ktm/OqGJ4czX++/aXmWrsPt+STGBXB1KGHNfBrdt+iydy3aHKrspbX01PL9pBbXsf3Th9DjDOUV199lXXr1rF+/XqKi4ubr6cF49J5ePcmfvXvl47766mgoIABA3w524ABA5pr/g5VX1/P9OnTCQ0N5c477+Sii3xDsOzatYuXXnqJ1157jdTUVH7/+98zevRocnNzAVo2FdwPDATyjvb36ek7pLONMbf5X+8A4oEZwEPGGID/s9Z+aoz5xBizDMgBfmetdR9a1t4TTsqMx+C7oBMi+9+IQ0dywsDg9L9MjgqlpNbXxvyEQYc/Fe4JF08dxD9X76es1n3YyHo9KT4yjBMGqR9sTzk4YmktEzKVkEvvsTanjJ/9xzdIWHZxDc9+89hNHt/amE99o4fRaTGcf0Imi6b4mg0OSIjkh6+sJ8YZyvaCKirrGtp8GJiVXcq3nl3NsOQoXr/lNPaW1OIwhpiIUG5ZMIpLTxrMna98weIvDjAqNZqxGb5rZutPFnLRn1dy1vg0vjm7dQIW4wxtMzEclhzHwrGpLN1ZzLkT0sjKLmXa0EQ25laSEhvePOCM10JhlZuEaCeb8yq45NEV1Dd4iQxzcP2cEdx6xli+e/po3tl05C4iD146hQcvbbuZ/ovXnszFj/lq3E4YFM95f1gGwL3nj+ebpx18L/cs3sS2giosMPuXS/j6KUP5yaK2b7APZYD6/ZuInTCPkJAQ0tPTmTt3Lp9//jlxcXHMnDmT4cMPNncdOnQoJ5982DAKh1myZAnPPfcc4Ot3FB8fz7Jly7j44ouJjvYlt5dccglLly7F4XCQlZXFjBkzAKirq2uuSTiS2NjYNpurtYe/X1Mr/nu6Tm3XJDHxyAlGV+WWHd61xtB2LD+/ZCLn/6HddRIAnDkpk1nDslmZ7es7dsPcwx9WHMkHP5jPlY9/SnGVi5dvOJmSmoPJ2/vfP9hsdscD57a5/5afntNm+Y78Kgqq6jltdGpzWUqMk6aWsrXuRrblVzEmPZboCF96UO1q5Hfvbae8roEPtxbisZZhSVHsLa2lvsHLtoIqHnpnOz86dzzzfvVh86Bvcc5Q0mKdPP+/M8mIb3/rqP9+kcfv3vf1MyyrcfOby6eybNkyvvrVr/ab6+locnJyyMzMZPfu3SxYsIDJkyczcuRIXC4XTqeT1atX8+qrr/LNb36TpUuXtnnN0Y5nHD2aHFprFwOHtjX4exvbPQQ8dKyy9pgyOJF7zx/Pil2l3H5W8BKB3mZncXAGQSmtPdj5eGtecGIoq3VTUOmirsHD7uJqFpIenDhq3OwurmHywHjCj9R2o5ttOlDBfzfkMXN4MnPHpB57h+PY6DTfw4gdhVVKDqVXqa5vwO3xEurwNQltj1nDk1idXcqotFj+5+ShLN1RxI6CKrbmV5EW62RAfCTDUqJ4YVUOJwxK4LTRvtqZ37y7lX+s2kexf4TRdfsr+PHiDdx93nh+8sZmMuOdnDEhnZ/8exNur5d3vjuHIckHm5k5nU7evvXgDerU+96lsr6Br508hPsubF0b0NKT18zkntc38LfPcnh9QwHj0mNJiA4jPDSEa04dxkur93HS0ETG+JPQdzfmN/dNqmvw8tjHu7n1jLFMGJDIpnvm8dbmEi6b0bG+ZFOHJrLHXyMy+SfvNJe//Pm+VsnhpIGxvLXB92DdWnhtbe5hyeHEiRN55ZVXDjvHX752Etd+6uTsmYNb9YFq0nTjeaTljjjCjR/WWq6++mp+8YtftPtYHanp2LdvHxdccAEAN9xwA1OmTGnVhG///v1kZmYedpxBgwaxb98+Bg0aRGNjIxUVFSQlJR22XU84aVgSI1Ki2Vtay8B4J1MGJxyx7/+kgcmd+sy91MbUMi25XC4u+vNKvjQimbsvmNhq3U3zR1Bc7XtQknDIR+Sqv65kR2EVj3/tJKYM9iXQTdfh1acOISUmkuc/28vEzDj+erUvofnDku08/O4OAKYPTeSVGw+P7YE3t7CrqJrhKdH84hLftG8HSmsp8Tddr3F7CHEYdhbVMDAhkpxS3wOlE/2DPea0mIO0sr6RGncNd766gWfa0b+36Xo6+1sHvwCbBts60ucc+sb1BJCenk5eXh4DBgwgLy/viMln03U1YsQI5s2bx9q1axk5ciSDBg3i0ksvBeDiiy/mmmuuAXzXHL6ZIZoMAg4cK/5+0fFsf3k9pbUuCtTnsFlFTXAGpGl56TV6OttAo2v+tWY/pTVuat0envN37u5p7kYvd72+gV+9s5U/LtkRlBgA/rp0D1l7y/jzR7s63X/geDE8JZpQh2F7kPqZihzJz97cigEcxvDby6e2a58vjUrhqW/M4OEvT+HZFdnc8coX/H7JTrYXVLE1v5IHLp7Ei6v28fB727nub6t53T/QzO+X7GpODJuEhzgYnhpDYnQYS7YVcv8bm9maX8mB8jre23SASx9bwaI/LqX+kInuf7x4A+V1DXgtPPdpzlHjLayq5431B+9JdvsfULobPVw2fTAXnJDJyj2lXPWkrzniNacNJzPB17zWYSDWefBZdnR0dIcTw0N9Z8HBJotbC6qprz84cvVN80bz8GVTiApz4HAYThp6eAKzYMECXC4XTzzxRHPZ559/jufAZh648StsXv4OHo+HoqIiPvnkE2bO7NoAOAsXLuSxxx4DfINvVFZWMmfOHF5//XVqa2upqanhtddeY/bs2SxcuJBXXnmluWlaaWkpe/ce/beuqaajrf8OvZEdPHhw87obbriBGTNmsGPHDvbs2YPb7ebFF19sNZJik0WLFvHss88C8Morr7BgwYKj1hx2tyU/mMeun5/LJ3cs4A9XTiMy/PBkvknLz9yG/RXs8ydC727OZ/6vPuRnb2xqtf3CX3/EsDvfZPZDR+7bOun+D9iSV8Vfl2e3ug+49YW1XPXkam596QsW/PrDVvv85t2tLNtZTEGliyse99Vm3vP6wevwmeU5vPz5PmpcjazaU8qeIt919srq3OZjbMhtewqJAv/o7fkVB6+Ftv59hiRF8fEP5/Oziybx/+ydd3gU5dqH79me3kNCCim0kNBDC1VBuqCo2NBP0aMe+7GiWFER9dgLNhSPYkdRpAkovYYSakhIIb33tnW+P2azybIhJAosJnNfl5ebKbsvyczs+7zP8/x+S28dYvOrvrJ/04JA4yJXXEjbSswb76esnSt5fEpv5gzvxsyQOjZv3syYMWP47rvvOuz9BPb3xhdffMHMmTMdjikvL0evl+KYkpIStm/fbnuvK664gj/+kK61zZs320R8rPehnyAxHKgURbHVklJwglrpheZIbiU/JEorWi+vPs7oBzp2dqStdG1Hmv9colJAY5uIu9Y5l18XDy0KQUBExNfVOb2XBrPFJiThTKGkMF9X8ivrCfbSoVF27LUijUpBhL8bKYWydYjMxUVFnQG1UoFSIeCpa/tzUaeWJrONK/YqhYDeaGFAmA9KQaBaLwVzJrNo8wxsbLMACPTQ0DPIg/nTYymorGdlkjRnWHU4n3G9Aqk1mPntcAEHsqXJ5A2f7eanu0faPn9MjwC+sAaFOvWZnx9VDUaeWH4YP3cNFfXSmO6f0AOVQkFXbxd6BXnw7d5szKLIttQS8ivqCfZ2Yfu88eSW17PqUB7XDA474/s3J7+iHq1KaRP8OhNbT9qXpm45WcbEuKbJ7az4UGYODKai3tSiSbYgCPz88888+OCDLFq0CJ1OR0REBG+99RZjxoxh586d9O/fH0EQePXVVwkKCiI5Ofms47/99tu56667HHqY3n77be644w6WLFmCUqlk8eLFjBgxgltuucU2Ub799tsZOHAgAC+++CITJ07EYrGgVqt5//336dat21k//6+gUql47733mDRpEmazmblz5xIbK2XCnnnmGeLj45kxYwa33XYbN910E927d8fX19emSgkQERFBVVUVBoOBFStW8Pvvv7fa5+gsViblsWz3KVQKSTfgvq8PoDdZWLI9k1mDQ21l1WlW26TsM/iDgiQ008ih7CadxY0nmjwQT/fmdWvWL6+wBm6juvvZVHp1agUju/vx26F8wnxdCfORsv5vzO7P1R/uRATuGO2o4gvwwPiebE4pYkyzKqIeQR7cODSMtUcLeWpqb0Z097eVid443P56ev26gcQEe/LTwVym9O1C9wBPW+B4NprfT/us99PmTnQ/zZs3j9mzZ7NkyRLCw8P54YcfAEhMTOTDDz/k008/5fjx49x5550oFAosFgvz5s2z3SPz5s3jxhtv5M0338Td3Z1PP/0UgKlTp4JkHXgSqANu3DogTwAAIABJREFUbct4hNbStf9U4uPjxcTERECStp7yzhbqDWZG9fDngxsdG8gvBM2b+DNbkBS+0GN4aWYfbhzR8gPifHLZG5tILZIemhN6+fPprRfeRsJgsjD1nS2U1Rh5/4aBjOjecjP8+WZHWgkHsiqY2jeYSP+/XgrxdzCZLSSeKiO2qxceOvue3Pj4eBrvo47C3cv2cTSvis2PnluPLxmZlmjrPfRbUh7fJWZzef+uzI5vWxDUnLIaA/NXHMZFreT5mbG2e/nr3Vl8sTOTuK6ePD29D9/vzebtjSlYRJg/LYbZg7oy++M9DI/y46EJPRn44noaTBaCPLVsfexSzKLIbUv3sCVVshQYFunDwln9SMwsIyHanzBfV349kMuao/m8PbsfGk3LAVl+ZT3/+e4gdQYzRVV6pvUL4unpsfy4L5txPf3w93Al7tm11OjNqBQCyQsmolK1f/Fw+b5sXvjtOAqFwIdzBjE00q/F40a9spGc8qbsiFI4s1CPs/nPN/uYNSiE0b2CnD0Up3CxfQ99ti2D362+gfOmxHD9xzupN1oQgA0PjbX1BrZlzvfeH6m8sT4FN62Kw89Nsm3/LSmXe7+R+tVuGRHOnWO7c8l/N+HtomLX/Mu475t9HM2t5vNbhtjElOb/cICVR/JInH8ZGo2G6gajw3f6ueKpnw+z/EAOfbt68X2z0tnd6SVc+3GTENETU3pz59jo8zIGmbYjCMI+URTjz35kEx0+c+jrruGnuxM4nlfFpb1bbyA9n3jplFQ2mHHXXBzZmS+3pTolOGwMDAE2nCi54J8P8NraY5y0juNfXyZy5PnJThnHoZxKDmRV0DvIw2nB4dIdmWw4XkivLh48NyPWqSU+F4KeXTxYc6SAeoO51RIiGZkLRY3exOieAUzv79ij1VZ83TUsntO08Pn2xhT2nyqnrNbANYNDud0qHPPf309gMEuqpkMifOn/wkbqjRYO5lTi76bh9/+MZf2xAq4eFIJCIaBAIKF7AIdzqxBFePSyHry8+jg1ehPbT5byzvUDmTEwhBkDQ84wMolgLxfuHBPNg98dpKbBxNIdp/h6dxb1RgsKAY48PZFtj43j460ZXDUorNXA8KPNqcwcEEyQl6Pf3LaTpVhEEYtZykA2Dw5fWXOUpduzeGxyTypqm6T/I/3c+PPRcW38TbeN5oHBinsGMyDsrwV2je/zc1IBC2fGcsOIiHMxPJm/QEZRLdPe3UJsVw8m9w3B312Dn5uC6XFBpBTXMr1fsJ3i5/d3xHPjp4n4e6gxGo2o1U2B2qM/JJFaVMMTU3qT3sKixPT+IUzvH0LEvFUs3ZnFUmt2vqDawIT/bmLDI+Psjn9tzTGW7ZNKtns+s57MRdPOW2AI8M3ebMwWkT2Z5aQV1dj+3akF9i0b29NK5ODwH8rFEamcR0wmCzPf3c4dX+5j/k+Hz37CeaLSajxcY7g47DSSS/+aL05HYPn+ptr7Gr1z+uwq641sOlFEjd7IqkNnLf8+bxzKkcrFThRW2xQDOzI9u3ggipBWLJeWyjifU6W13Pv1fu5Ztp/DOS33AbWXn/fnsmRrBptTSjicW8WiNcmUW3sMG8vYRCDES4ehWd/38YJqQnxcuGVkJBPf2mrzEnx1bTIBHloGhnsT7u9hE89qrYy0OaIoUljVwJieAQRYyzPNFpH6ZgqlSXkVeLvpeGxyjIOkfnN6zl/Ny2tSGP7yZgwGx775f42JJMTHhe6B7tycYF/ytXhzJvUmC8//lswXc4eiUylw1yhZeXfroiF/l9mL97X52ILKGqa+vYXX1hx32PfRlvPr+dcR+WpHBhPf2MS+zDK77TPe3UafZ9by3V7HPtl5y5Ns137EvFU2P8xL3thEndHC3lOVpBZUkhDlz+hXt/LDgTyO5lXZDOQbefC7IxgtkF9pZHazbNqmE0WsO1pAenENr647e1nk6VQbTA7bvthxYbUT3KwLqyqFQIhnk+3OnIRIuvnqEABvFxV3jz13ViQlNfoOr4twMdHhg8Mvdp6ipNaARYRvE3OcPZyLhs6cM5nRbIXetY0TnHONp07FoHAfBAS7+v4LzfVDw4nwc+O6IeGdIpPWs4s08UwukEVpZJxPSmENDUYzJouFY/mtB4cZJbUkZpa1qtwH4Ka1v48VCgFrayI9AtzRqRRE++n4fl8Oz07tiUYp0MVDy+vXDqCwqoGM4hrymglSWETILa/jjdkDCPTU8dzlscwdGcm8KTFt+je+tSGVB749wKtrk/nuzuGoTnvMBLprGNHd8RmYV1HPojXJfLkz0/Zvbh7M7swodzinT7AXax4Yw093j7TziqytrbU7bnCEL8kvTuHIgsm4n8Xz96WVR+j33FrWHj6rwF+LvHLVmRVcT2fMq1s4ll/N+5vT+XlfNr6uTRnUVff8PQGOzkZBZQ1P/XqMlKJarv6wyVT+8+0ZHMqtpM5g5onljgmDX5PsF2uzyuqpOU3A71heFZtSCmw/N+8dbKSxHxiwy+JFB7rb9vUMbJ+dl0YpsPWRMQ7btz7UZN1wLqY0er2eF1ceJbO4ymFfRlEtBpOZIA8N6x4cg+60HunNj40nY9E0Dj47ieHR9mXdW1KKeeG3Y+xOL23XeNYeyefer/fz8A9JVDd03sTGhaTDl5VG+zcJr6g7uOBGe5jQyzny0Qqr+TyAt845f4/4CD++2i2VRcRHOOf3IAgCj03ujcUiomirdv15YES0HyOiW+7L6YhE+rvjolZyJLeSqweHOns4Mp2chGg/DmaXozdamBBzZkud7LI6nlpxGLNF5JrBYVzVyrU7MTaIaclFbDheiNkicseYKNxdpABowZWxLFp9ggPZFSz47Tg6tYKUl6aSUVzDZa9vIrW4FiXSollds0oCk1mkss6Aj5uGQE8dE2OlMsk9GSVkldVzdStiMUdyK6msM7JkWzrbThYT4u1KulWsI8rfjT8eGUd5jYEJb26musHILSMjeXJqDD/uy+FgdjkHs2FguA9xIV70CfbgWH41njoVY3u13YLIzc0NH1c15XVGwrx1Zz/BSm5ZPZ9sl7Iydy07QOaitpX+Zi6axsHsgnaXkzZX8D5ZVMP+Zya1crRMa1TXN/0um4du3s2CGaGF796xPQNYc6TAbpu7m4YZ/YP5NSkflQJ+vV8K0J5acRS9SSS6hbaQdQ+MZPbHu/F00dj5lob5uPLzPQmkF9cyuofjosiulHwWrj3JslsHtHgdlVXVM37ROnoEetj6/Xx8fGx9jWNf3UjUE6uY0T+Yt64b1NqviH99sZcNx4tw0SjZ8fg4vN2ke6PPcxswi/Dp9kwOPTUBz2aCTJe8sQmQSlzf3pjCO9e3/hmNiKLIx1vSMVksnCqtZVhU2+cdjeqqpTV68isbzmvJrIxEhw8Ox8UEMXdUBDtPlrJwVttMbDsDW9PLzn7QeaD5AltFg3PKGN20KkTr14Wrk3tAnRkYdkaUCoG4EM8zSnnLyFxI3LQqHp3U+6zHVTUYMVsfnuV1BjYeL+DN9alMiAnkwct62R372bYMVhzMxWgW6R3sgb+7lg83pTEhJpA96eVYaHruNpaSv7UxldRiKWAzAxZR5MFLo8irrOf7ffnozSIT3tzCyYVTWXUol0d+OISLSkGZVXl02a5T/HzPqBbHftOIbtz2RSJmCxzNq+bGYeG4aBQoEFh5v+QD9ktSLhX1Ukbgl4O5PDk1hh6B7uxIK8Fdq6Krt7TIu/oBx6xJWznwzMR2n5NXUXf2g87AX+kzfPryPry8+jjBXi482sbMrEzL9AjyYFC4N0dyK7mm2WLKlYPD2JFexo70Ej65yVGgcPGcwRiNRkrr9Ly29iR3WXvm3rl+EO9cb3/sz3ePZGtqSYtKusfyqzmUU4kgQFJGEWtPlOHloua2UZGEeLsS4u3qcE5eWTXXfbYfgL4vbSFz0TSH62jwwj8QgT2Z5fz7f4ksvrlJZ2Tt4TxOlUlZ/xUH83nrutZ/R1tTSxCBOoOZbxNzuMtaBtrcZWxHZimT41peFElvR3uGIAhEB7hxorCa7u3MmM4aFEp1g4lwX1d6tFJ2LnPu6PDBIcDgcB/MZuji2fYVQ5mOy7qj+Zit86Mdae0rbzhXiKLIu3+cJPFUOTcMDWNyXNvknmX+Pn1DvPl6zylMZgsquZpA5h9AbFcvbkmIpLi6gSsGhjBy0R/UGswkF1RzTXw4IT5NFTJ7M8tQKQREUfL2/GhLGoVVer7Ymcl71w8k8VQ5rholDUazzbx6ULgPvxxsKps0mER2ZVYQ5deUEWkMTh/4NglTs55BgBOtlGmP6xWIh1Zps7AI8FCz6n77IO/y/l15c0MqtXoTk6xZySl9g+kbKqkoe7k0ZQqi5q2yhbcr7hnOgLBzU/lw8yc72ZJWhgBkWLMwQ6L8CPLUUlClZ0Tk+a8yuXVkJPszy9h2spSDp8oZ0M3nvH9mR+WqD7aTU17HoacvRaezn/u9do2j2X30E6swixAX7M5vD4wlyEvN6y14jjYXGwrw0KI3mll7tICfm1m8AMxavFMKskSY+dFeBoR5olOr6B/qfcZqnW/2Zp/139U8C5pRZl8uHebXPouy+EhftqeWoFEp7Cppov3dSCupxUWtcAgMbxwayrI9OagU8Nv97VusmT+tD7kV9YT5tG+c0QHuLJgpJ3cuJB0+OMwoqWH+iiNYLCLH8iv54a7z23z+TyHASf5+WiU0asAEuDmnNMCjmb9i876AC0lVg4kdaZJa6+9HC+Xg8ALSP8yLz7ZbSC2qISbY09nDkZFpE5PjmjIIGpWCWoMZhSA4CMPcd2l3csrr8HJR8/KV/Zj01hYAGoxm+oZ625W4NfJ/CREcyynnu/1SgNgn2A2NSsld47qTeKqMzNI6Hp7YA5Cy76f3WE2ObT1LtuGh0cxdup+4EE8enOCYKfVz15L0rGNmL9THMbvSvN7k4e+S2PjIpa1+dlvZkiZV04jAxDf+5PeHJLubXU9OOCfv3xb+tyOdlYelksYrF++wBaky7eOmT3exL0vyDez7wh+kvjS11ePv+SrRli07kn/mbNiaQ7l2Pxutps01DY4iMSqlgNnUdJ/U6i14uyoJ93O8pht5eFIf3v0zA5D6C1viiSk9WbQmBY1KYO2DY+32xXb14cHx3Vm+P5c3r+l3xs9p5KvbWrYS23iaGmpzXprVn5dmOQbXbUGjUjhNmV2mfXT44FBAsF9qkQHgMicFI7MGhdlWx249gxHr+ebxKTEcyasiv7KBxXPaVi9/rvHUqRge5ce+U+VM6NP23plzTY3exN7MMmKDPQnsJJn1viGSSfHhnEo5OJT5x5FSWI2/VUTlucv7OBi09+nqxcr7Rtt+XnRVX5btOsXUfsE2pdGWeGX2QF6ZLRk+F1U1kJxfyR1f7uWa+DA7JcbNj47m+o8T6ebvQnGVgWBvHa9e3fpk0d/DlV/va7nstL0oaAoQX7/2r01Sz0aIV/syG+eK7LImw3R52vLXya/U216bWxCLOZ3ogLYFLFP6hcDXB20/Pz6lN1tSirljTJTDsSdenEq/Z9dSZzQzvncXnp/RBxetfRa8Jc7mg33n2B7cOVZaqCmorOO2L/YxIsqPp6ZLZugPXtbLodS8PWxNLWbh6uNE+Lnx/g0DUSjk6prOSIcPDiP83Xjxijj2ZJZx5xjn+a0Mj/BmV2YFA0PbV2t9LhFo+sKJ9HPO6k3zGvXMktpWjjx/qJQKwnxcsVhEvF2ck0EFsFhEyZPrLOqD55PXfz/B8fwqPHVqPrhxUKcos4zwc8NDp+JAdgWzh7TfcFxGxpm8/+dJm5poesnZe+JG9whoUfjiTOzJKKWbnxtzv0jEZIGXViczsU+QzWz7gW8PkVtRx7AoH5beap95SMou5/Hlh5jRP4S7L2m/jH1NTQ3u7q33FKUvmsaLK4/yv11Z3LvsINvmjW/35zQy9/M9/HGiWHqdEMZnO7Lp4qHh89uGn+XM88P86bGsOJhHaa2BO1sIOGTaxoaHx9Ln6TXoTRYW3zjwrMc/NCmGlUn5ZJTV8/TUnq0ee3rwdv3QcIdjGq/jQ1YP5ZoGEwezy4k/rUy4psFE3+fWIQLXxnfllavtx7ottZg5S/YAEN/Nhx//LVW+PbPiCPuyykkvrqHeaOFoXhW9gz1aFYZqK29vSCW3vJ7c8no2HC+yiU/JdC46fHAIML1/179lMHwuKKiWVrIKa5wnw9s8BPnfzkxuTLjwmbvdmU3y498n5vLq1Y41/eebt9en8P0+ydbkig+2s/sClg01UlVvZPn+XKr1Rgw7MpnezznXZ61eKodpMFkwi2KneCAoFAJDInzbLactI3M+OZJbybd7s4jr6sV1LUw4Gxka6cumE0UoBIFhzfrgzGYzN3+2l1q9mQ9vGkTQX8h+PfXzYX5NykOnVtr6skGqMADJHmC31ULi2705fLs3BwH489HRRPh5ctXinZgsIskFJxjfO4BewV5t/uzmvVxny558uTsLg9lCTkUDX+/O4oZhZ/59AXy3O4PHfz6Gl1ZJknXCDrDtZInt9ZbUsrN+7oVg71OXOXsIHYJjL0xp1/EPjY/ivh+O8sb6k9w2pofD/sSMUp765Sg9A1xYebgIEegd5O5Q2hn3zBqbn/V946J4eHIMVy3eQX5lPT26uLP83029iZPf2mybl32XmOcQHL6xPsX2+kC2VCb72bZ0/rfL0dcwv6LeYdtfoX+YNymF1bholMSGyJU1nZWOnya4SMgslW7cvIqGsxx5Ycj9Gyps/3Q2pxbbXpfUOBopXwhEJFsPBQIKwXmKpfeP78G0vsE8NqkX2tMNyDowCdF+pJfUUlh1cdyPMjLf7MniZFENKw7mUtTKdXnjsG4svyuB3+4fxbAoP3ZnlLLxeAHP/HKUXRllHM6r5L5vDrTpM00m+16p4wWSr1mD0cw1g0Px0qmY2CeQWGsptm8LlRYicOPHewHsqiAqW/Aj+2jTSVbsdxTdKChvu+ohQLCXVAKvVAiM7nF2oZjHfz4mjUlvZs7HO2zbx8cE2l4/Oqn1jJFMx+a+H44CUGu0MOmNPx323//dQVKLavjVGhgCJBc4XreNgSHAJ9sysVgsFFjv56wy+wCuX2jT4klLk/H5U5sUaxsXgkqqm0pmVYJkNt8/xJ37xrd8/d7y2W5WHDi70E0jT0/vw7d3DGfN/WNaVFSV6Rx0hkSBTAv4O0kMRiVAY4+2r6tzgpHbR0Vwt7VvoG9X55T5ermouW5oOPtOlXOdE0sbQ31cuWlEhNM+31kMt3os7Uwr5YqBIU4ejUxnx2IR6eKpJaWwmnBfN7xPEwz7NSmPnWklXN6vKwnd/eneRXpu/ZCYzRM/HUYE+oU0TTSDztI/XNNgIv7F9TSYLPQP9eKXe0dhMFl4dGJvFq45TqS/G4uu6surp6k6ajQaXpzRh6U7T5FXUUedUXqYzxggVT4smBnLf9edYGikL0Mj/e3OvfL9bRzIlixkUgpreKyZVUOQT/vk6Tc9egkrDuQwLNKPYO/2ZUiLa5om14vnxLdypExnpbzOcWHDU6emsEpv59XckmaMj6uK8jpp0eXxyT1RKBTcNiqSdUcLHLx1P5gTz7+/SuRQdiV/Pjza4b0GR/iSuWgavx3KY/vJErallvDYlBi2p5WSVVbHg5d254XVyRzKreHh7w/y+mz7SqxGBdZNKVKG/IqBjnMNk9lCZmkdoT4uNoG+Pl2bniUGk6XVXmWZjokcHF4gGg14PbQXR3bG9zQRgwtFVKAbKYVSr+HAUOfIdHfxcqV3kAf1BjMTY50jzCMIAgEeWgLctfi4Oa/vsbPSJ9gTLxc1O9JK5OBQxuks3pzGjrRSAjy0LJjZB41KgSiKLNmWQUphDckFVehUCpbtySKhe1PQtSu91JbFEEV4eloMZbUGHhjfHYPBjEZj/31jsViwWGDD8QIarEqLx/KruObD7RzOqaSbnzs/35OAq+bMU4M5CZHMsbYkvLnuOLEhXky0yt3PGR7BnOERLZ6XXtzUY77tZCmPnbb/TCWd725M5vX1aQBM6hPIRzcPAeCKgaEtHt8So6J82JZejgCss6qQysg054p+Qaw4JCnF7nnKUTn357tH8tq6ZIZE+OKhVfLb4TwWXdUUjOWUVxPq48GBZyY5nHv/+B7cP96xVBWkBYqTRVU8v+oE/5kQjb+HfbbOZLawbFcWIiJf7TrFqB7+/HKvJO7U/clVWG9j1h8tcHjv5n6FKw/mtxgcvrMxlT2ZZUT6u/HyLHuF0zfXn2DpjkyCPF3O+lyQ6VjIf+kLRONKVHWjj4OTqdU7p/cxo9kEYb+1hv5C46ZRUlKjx2CyYDBZzn7CeaCy3shP+6W+x2/2ZDEk4vx7aMk0oVAIJET7sTmlGItFRKFwXmmvjExqUTXltUYajGZEpGsxs7SO7xOzKa8zUG8wU28w4+eupcFgQmedpD01tQ9J2RXUG80svDKOlYfzOZZXSY/5a7EACVF+fH2HJK6SUljN/322B73JwnPTe+OpU1GtN6FWCOzNlJ7FGSU1HMquZPgZfNiac7Kggv9MartR+8JZfXnwu4OolQo+vrntKtFvWANDgHXHitp8HoBer6fPcxswixDfzZsof3dinl5DQrQ/S24Z0q73kunYvHXDYN664cz7XTRKnrk8FoAThRU8M6WpjLM9/bKNLFh5mM+2Z9lt+25vNicX2ttuqJQKYoI9OZZfSb8w+x7e5tMXo9lxLuOuUdjKXJfc6mhhA5BmnZOdKq1z8P79/Vghogj5lfVtfi7IdAzk4LCTklmiP/tB54FmvsnUGx29gS4E9UYzLholAqByUlDgrlURHeBOWnENA6xG1DIXlkmxQaw5UsDBnAoGhctm0zLOw1OnpqrBiEJQ02A0465VEeSpo7zWQFWDCb11FlirN3KyuJa4EC+WbE1n0dpkdCoFGx8axw/7s/l4SzoWi2jLJu5IL+VoTjmxoT6sPVJgE6D6/Xgxh56TMhx9n1tnezCrlQKD2mC83uPJVbZnefJz4x1MxltiWr+uTGuD8FZBZR1+rmrUajXPrDhCgJuaolppMdNL174py6PLj9qyJ4mnKkg8JQXBG5OLMBqNXPPxbk6V1PL9nSPoESSLb3R2Vh3K5V5ry8miq/py7RBHoaNBC36nzLrYf98l0Xy1K/MvfdYXO7Ictp3uH9rI/GkxlNbqCbBWfOWW1RHia59hnDXQvgrqx33ZtsCwpfLX5385wvIDuUzvF0Sojzcjov0c1Mpnx4exeFMaEX6ubXouyHQcOnxwKIoib6xPITGznMcm92RguJyhARAuAhMlJ8WGnCioIqesHhFYfSSfe89Q7nE+USoEnp8RS0W9EX8nlfh2di7pHYhKIbDuSIEcHMo4FV83Dd38XBEQbL5sLholVw8O43+7MjFZBCwWkTAfN/oES/2G7/55EqNZxGg2s3DNcUJ8pN47QZBKTBtZc7SA2FAfrhwUwsqkPOqNZm5opoa6aFZfHvo+CbVSYNMjY9rUX9R8ke/7/XncnHBubBeuXryDxFNS+aePm5oya1A4o18Xuvm68fDkGJ7/9Qj7syp474YBhPm23qt43ZAwfj2UD0gVI/VGMxZRsnV6/KcjHLT2QE55ZxsnF07lhZVH2HSimI2PXLjS060pRdz11X7cNEq2Pz4Otdo5egDO5LU1x3h/s2T+HuKlZfsTF15BfPEfKbz6e6ptYeXFVcdsweFP+7L5bHsmd46NsgWGAO/9mfaX/Sibl3x66pTUGSyM7O7f4rFKhUCghw6j0UjMs79jsoC/u4bMRdOInLcKEfh6bx7PzYizXT/N7cpOv6f1ej2f75QUT7/ek3PGbOetIyO5daRz/KhlnEuHDw6P5lXy4eY0zBaRB75NYstjcr8BgLM0GlWKplIINxfn9F8eyqm0PdALKp2nVqlSKuTA0Il4uail/o2DeTw6qVen8Hi82BFFkbTiWg5mV5BfUY8gQKCnjj7BnvQJ9uyw5b9zR0US5uNKVIAbXTx1mC0iZovIY5N70dXLhfc3pRLk5cJXtw2zmVIPDvdmY3IxCgFmDQphTM9A8ioaKK3VcyKv0mabNNNq4xTm48r6h+xl9+f/dJjfDudxxYCuvGI1st+TUcq6o4VcOySMnl1aFuxy1yqp0ZsRgP6hnnyzO5Prh0WwYOUhPtsuKSM27w9sK4dzpWBNBCqaTcKVCiUPT47hp33ZfL5DmtTOfH8H+5927A1rTkKPADY9PJo/TpQwd1QUSdnlvLr2BHeNjWLZ7qbMjSiKvLL6GEu2S+8dMW/VBbO1uPvrA9QazNQazNz6xX6+un1Yi8f9eiCbGS30jHUEGgNDgNzKv1fVdCCrnA83pzGtbxAzBoTy+bZ03t6YSqCHQEqRdE25qRUcbWZ18cexAl75PdXufUY1C9Qe+fEQFhEe/C6J7gGunCyW1N6bB4ZqhcCa/4zkr3DouclnPwjYll5mmz+Vnqa0LgKnyuvpHigFh4MjfHnlyr6sPJzPW9f2bdP7f7I5hav7BeDjIy+WdnY6fHBY3WDEZJbKbCrrnWNbINNE8xp5vZP6LxOi/fh6jzSB6XGGyY9M5+C6IeHc9dU+/jxRzGV9ujh7OJ2WBqOZ5ftz+Gxbhq0H5nQCPbRM6xfMLQkRdGu2Kt4R8NSpucqqZFhao+fpX45Q3WDi4Ym9uCmhGzcldHM4Z8ktQ9l/qoxgLxebYueb10oCGT3nr7EddzCnkh5BLfsNfr0nCxH4PjGHV67uj8Fk4e5lBzCYzGw6UcS6B0ZxqqyBP48Xsi+73KbuecTqFfjz/ixmfrAbgNfWpdipPLa3PxBgalwQKw7moVTA3WOjWbwlHU+dmjevk/zfGkxN0/EzVOA5EBHgydwAqWS0f5gPy/4l9WCO7hnI2Nf+oKhKz5Kb41nw27F2j/dc4OumprpBKqPpdwZfucaetvu/O3TFDOuaAAAgAElEQVRReDGea0K8tLag8O8s0VksFuZ8uotag4X1xwrxd9exaO0J9CYLzW0Aa432/XlbmtlbAXx121BG9QhweH9RFNnwsJRgyC2rY+SrkuWFWimQ+tJUh+Pby7t/pHCysJa3rx/Y4v5LenXBTaOk1mCmV5CUNZ/aL4jfjxTSo4s73QPtr59rh4VzbQseoFqtlsmxXfgzuYirB0sLDo3X2EtrUvnqtnhG9ZC/DzszHT44jPR3x02rpN5gprfcU2DD+yIQyDQ4RwsGQZBW+cyiiJu2w98CMq0wPiaQLp5a/rczUw4OncT+rHIe+T6J9JJa+oV68cLMWBK6+xPq44KAQG5FPQezy/n9aCFf7TrF0h2ZTI0L5uGJPYkKaJ8Fwj+BE4XVlNVKC5mJmWWt9iQP6tZym0SEvysphTWoFAKDwr2pqG1gzGubqTOYuX1UJPOs/mlqpYDBLKJq3pRkrUk1WEvYjM3q3/o9v45Dz05i4erjrD6cj2hpeoiX1RmJ9HMlo1TKqgS6O5ZH1tfXM+39XYzuEcDzM+Mc9r953UBbIAjw0KTedvtvGBbO3swyjuRW8vZ1A04/vd1sfvRSAPo+t5bqhqbFyvG9mgKDEQvXk19lYO7IMJ65vJ/De5yLMdz3zT6iA9x4cEJvh/21tS0vlnQktj8xgWU70kguqOGFWf3PfkIrNC5Ai0BygWTmrm9BeG7WB9v54c7hKJVK5gyLZOlOKZPcM8DNFhhuSy1kzpJE2zkLZsTaXof4uvL+DQP5cV8OL7ZwLZ+NA48ncN8Px3n3GulefPaXw3xhHcOu9FJ2z2+5tPboAvss4/s3DG73ZwN8eFOTjctdXyba7Xt2xVE2Pip/H3ZmOvzM2GQREUXpQWEyXxxKoRcDLdj4XHDUTqoQs4hSgKhAsOvNudCcLKrhaF4lY3oEyHYWTkKtlDyoFq5OZld6qc3/UOb8ozeZeXN9Kh9vSSPYy4Wltw5hbM8ABMH+wRDp70akvxtXDgylqKqBL3ZmsnR7JmuPFnDdkDAenNCTAI+OU549MMyH6AB3avUmJsS0PkHLr6znx8Qcwn1cGdHdj0Crv+Hv/xnLj4lZLFx1jKs+3EXfrp5UWbNTX+0+ZQsO1zwwhg82neS2UVJfkUal4M3rBrDmcD4+rmre35Ru93l1ejNms5nPtmUgAoIoaauKwNge/nxx2zB+O5hDVb2JG6z+qVtSirj5s71275Necgp3rZJHJ7dd7bSRxuzouaR5YOjrorIpO767MZn8KilQ/2x79nkJDgHevf7ME3w3t6YseUcufL8xIfpvnb9w1TE+3iqVpyqBhO7+zBnejVkDg3l5zQlMZgvLD+RJ+wVIyqlk4Zpknp4ey4S3NtveJ6VZ5cKtn9sHTXNO8wRuq8hSS/j4+PDVHQm2n/efalJvL69rX5WbyWQiubCGuJC/Jm63K73M7ucfb285cynTeejwwWFqUTV1BjMi2Pz1ZCDUxzmTKR+dgvIGaRWve6BzSsPctSoUCgHRIuLmJN/JBqOZF347ht5k5kBWBc81W5GUubDcPCKCz7ZlsmDlMVbcM1I2/L0AHM6p5OEfDpJSWMN1Q8KYPy0GD93ZhTgCPXU8Oqk3t46M5J2NqXy9O4tfDuZx9yXRzB0ZaTNx/icy472tZJbUMbanH1tTy9CqFdzdgjx9I6Io8uRPh0kuqKKs1ojZbMEsQnSAGxseHkdepR6TKKnTiKKIUiGJ3fRvlomMDnTn9dkDKKpsYNjCDZjMIt/8axhzR0Xy3sZUtCoFpsYxCALzJvVCqVSiUyuoN1rwcFFz4Bn7vr/pA+z9B5/++XCL49+dXobBYODPlBImxbV9gj3l7S1kldTxwZyBjO11brIbjQEuwJ1jz424zrmkI5aSnmu+3tPUQ2oG7hwdiUalQKPS8crV/blq8XY8dSrqDGYsoogCiOvacrl1I9fFh/LlnpxWj9mWWkz3QBeCvM5exdAoHvPuNbFcPjjCbt/yu4Yx4MU/MJgsvDKrL1/uyODpX48hAOsfHkX3gDOPte+C9dQbLAR6aNk+71Le3ZhKdnk9d4yJIib47BVzN43oxgeb0tCqFGx8aCw+1jJ1mc5Lhw8OI/3cbCIowV4dZ3X571JW6xwri+a1/oXVzhmDh05NoIcWvdFCpL/zepeEjqmt8Y9Dp1ayYGYsd3y5j4Wrj/Ps5X0cslcy5waDycJ7f57k/T9P4u+u4fNbh3BJr8B2v4+/u5YFM+O4JSGCl9ck8+raEyzblcXjU3pzeb/gi/7vJ4oim1KKMZlFdqWVUFbbwKGcKgBWHipEADRGBR/8eZL/TOhJRb2RMF9XfJtVGCTlVJJZWktFnRGj2WLrwTtZXMsTy5N48LJerDtawMnCaralNWUGahocZaLv/WY/hVXS8/juZfu5clAoBdV6BoZ78/jk3gw8Tc13zQOjWb4vh+uGOvYz/Zh4iq5eriRYS/MSov05lWg/wVYJ8OPdI4l6YhUWEVSKgw7+bi3xzM+HOZ5fDcCtSxNJf3kaoxdtJMzXla/vGHHW889ExqJpfLQplXE9g+jVtakP/b7xvflyZxZFNUZuHt4xxWA6CgPCfdiWWmL72VVrv8h3a0Ikr6xNpk9XT8b3DiQqwI3xMUEAPDQ+mjc2Sn6aGx6WDOZ3pBYT09WT5XcksOZoDk9d3pfliad4/KcjTOvbhVE9Annip8O2MtYlNw9mfJ8gu8987pfDLN2ZhVohees2LkDc98NRu+CwoaGBmOc2IgIhXjquHBxGpLUHUARmvrvToZy0kfyKeuqtPTolNXpSCqvZkynd72sO57cpOHx4Yi8entjrrMfJdB46fHDoqlHhplVTbzQT7CWvhjRS4Zy4DEOzyt7SOud4Wfi4qiipMWA0WzCYnFNqrFMreXp6H47mVTH6DPLVMheOibFBzB0ZyWfbMzBbROZPi2k1C1WrN1FeZ0AUpdJUf3eNrHZ6Fg5klfP48kOkFNYwa1AIz06Pxcv178n2RwW488nN8ew4WcKLq45z/zcH+Hx7Bk9P73NR25PsSCvlo81pHMyqoKGFfigEydQ6p7yeO77ah4+rGk+dmrevG4iLRrouAz20hHi74KpWYDBDalGN7fS04lq+3ZPNF3OHEv/iBru3TsqpJGLeKi7rE8AnN0vlk/1CvNiTWQ5AiI8rUf5u7EgrwddNa9fX+dHmNJbuyMTbRUVFnZGj+VV80kyRdMgLv1NstZ8Y3yuAJbcO5eWr+1NY3cC+UxUsnBXHtH4hABgMBltAeyZ/t9NRnqZW2/3JVZgskF3RwIx3t/LrfaPb9D4tcee4li2N9jzVuiKqzMXBV7cN450NJ/h4awbjevkzqJv99+r0/l2Z3r/lDPX9l/Xm/sua+j0f+u4AP1lLUL10KpKsnqAP/3gEgF+SCvklqdDuPT7fmcn4PkHklkvKNyE+LrY+RqOFVhWUHvj+sC1wzLUqqLtahWcAopstYifnljH53Z0AhPu6sOWxS4nwcyW7vJ74bt5083Mj2MuFwqoGUguriXpiFZ46NQefla9jmbbT4YPDkho99UYzJrOFnOZyVTKdlhUH82kwSqXGvx8t5ImpfZwyjugAd6I7oKDGP5WnpsWgVMAnWzNYcySfCTFdCPeTjIaLqvTkVtSTV1FPbkW9ncw+gEKAQA8dMcEexHb1Ii7Ek7gQL0K8XS76LNb5Jqe8jrc3pPLj/hyCPHV8dks8l/Y+t2IHCd39WXnfKJbvz+G/604w64MdTI4N4vbRkQzu5nPe/gZVDUaySuuoN5rxd9e2uRJBYR2PoVlgOCjMk7hQb7alFFFSa8LPTYtKKaA3mgFJ0bLWYLIFh129XXhj9gAq64306OLBW+tO8P7mNEJ9dCgUAjvTS9CqFehUgp3KZyMbjjUpND51eSwR/m78caKQLSkl7Egr4eUr4yiqamDggt9xUSvZeP8IXl6TDEC+5DhB/rEi+j+3jh1PjMdNq7IFhgBbThYz4fVNiMD/5g6z+TA2otFo8HJRUVlvItCjbT3Xz86M40BOBWnFtXx04yBuWLLHti+z5OJuG9l8ohC1QmHLqLYHi8XCT/tz6RnkQb/QprLglIIqPtiUxu2jI/9yv1lH4v4Jvbh/QssZsAn//ZOM0jruGB3Jv0ZFMnjhH4jAPeOiHHpf1x4psL2ubCHTfjpKhcB/r45j2a5TPPvrUQBeuCIWtaLJE/SBS6J49890Gu/4iHmriAn2YM0DY/j32O42dV8XtbTIeHTBZGa9t40unjoW3xzPnCW76BHoxtYTTdnRrDJpTrvpUXuLttev6Y/BbCHm6bWSLUy9kZnvbuaX++ytbGRkzkSHDw4NJgsGswVRbH+Tb0fG7SKYrzqp3Y/QxkmKiF2ZlkznRqEQmD+tDxNiuvDZ9gzWHi2wBYHuWhVdvXWEeLswMNybrt4u+LlpUCoUNBjNFFU1kF1ez7G8KrakltiMzH1c1cSFeBEX4kU3X1e6eOno4qHDTavERa1Eq5b6tzRKRYcKIhuMZnZnlPF9Yja/Hy1AEARuGxnJAxN6tKm38K+gVAjMjg9jWt9gPtqSzlLr3zAm2JPp/YKZ2KcL3QPd2/17NpgsZJXVkV5cQ0ZJLenFtdL/S2ooaeY1dsOwcBZe2TY/sRHRfohiD5Z75/DLwTxc1Eq+um0YrjoNFouFqgYTepOFxMxygry07Eovo09XTwdf1EBPnU2E5sFJvXhwUi8KKht4fPkh9CYz4b6u7Jg3gRdXHcNFaWHlkQKqGqRrs6u3zu695oyI4JekPEQkwdLfjxWxMbkIiwi1BjPD/7utxX9LZYOJfy/bz5NTezO+VwAbT0hBZ6SPG2lW5dL5Kw6z1Cry0pykZyex+lA+L646xoz3trHs9mFnvT5W3DPK9vrxiT1s/nS7Hh/T6nnOZM6nu9h2shSAybFd7JQi28JD3x/ij+RClAqB7+4cYfOfnP7udgxmC78dym9TWW5n5ds9mZwska7FxVsy+D4xx5ape39TukNw+Mbsfty17CAACVFNisAeGiXVBjMK4J0bBvDhpnRuGt6Na63l1SsOHsJsEREEWHOkgNSF07jy/W2M6e7HfybF8J9JMdy8ZDdbrOWvjSXSA7r5kPzceBKzK+0sJH66V7rWB7+wntJaA9tSSxke5WP7t2iVLT/LFAoBnUKJTq2k3ihlH5Nya4ict4qMi6R/1WCykFVaS3fZTuyipMMHhxqlAgUgCqCVy75saLTOmYg29n8CaJ0kHtEr0AOVVZwhpqvz7E2O51dxOKeScb0DCPTQnf0EmQvCsCg/hkX5IYoiDdZl38ZsTVtoMJo5nl/FkbwqjuZWcji3kk+3pttZApyOIIBWpUCnVtr9302rwl2rwkMn/d9dq8Zdp8JDq8Jd17RP2i/tUysFBAQUAgiCgIA1UyVgt00ELKKk5oxofY3UD2cRQUS0bpdei2LT8aJ1m8FkoaLeSHmtgeIaPWlFtZworGLfqXIajBa8XNTcNDyC20dH0vUCiRy4aVU8dFlP7hobxc8Hcvk+MYfX1p3gtXUn8HZV0zfEi0h/qfTK102NRqVAZQ3ya/UmqhpM5FXUk1NeT3Z5HTnl9bZgH8DfXUOkvxvje3chMsCNCD9X3LVqgrzadw8ndPcnobs/C2f1tVscUCgUeLtqWL4vh/SSGvqFhnPN4FBeW3eCVYfyGRzug5+7hgGhnny0NYPL+3VlQLgP1Q1GXl17goo6PT6uarQqHZNju6BQKHjDqvC54Eozn29L44+UInzcmv4eKYXV7Ekv5f5Lorn/uyQUgsDDE3uyJ6OMinpHaWudUqDBej0LAhhMZo7kVrHk1qFYLBZuXZpIYmaZJPwhCCgFgcTMMuIjHK03vtx1iqJqPXmVDYx/fTN7ziDh3xL/vrQn/760Z7t+784g8VS57fXao4WMeHkDmx8eg0bTtsXJgiopQ2S2iORX1NuCQ6PVSsTcVtPHTopaYT/3GxDmbVvE0Koc50KT+4aQuSjEYfvh0/r+pvcLobRGz+GcCvqGepOUXW5bXLl3nKS+ajBZ+GRbJv8aGYa7uzv3XRplCw793aW/f1mtgS92ZOHjqmZEtCQelZxbxvT3dqJSKjA2E6bam1GOVpCe331DW88WJz19KXM+2cOebCnVf7FcJRaLhZnvbyO3vJ7hUX58fHP7Fktkzj8dPjgM8nahm78b5bUGLo1pv/BBR8VZXyZalYDJIH22p845l9+xgiqUCgFBEMhwUilSvcHMwtXHMZotHMmrZMFf8EmSOb8IgtCuoLARnVrJwHAfOxEPg8lCUXUDBZUNFFXrqTOYaTA2/ac3WdCbLNJro4UGk7S9zmCmusFEfmUDNQ0mavTSfxcrLmol0YFuXDcknDE9/UmI9neagqirRsWNw7px47BuFFQ28OeJIpKyKziUU0lSdoXN2qEl/N21hPm60DfEixn9uxIV4EakvzuR/m54uZzbzKdW5fj7OVlUzWfbM9CqFJgtEBPsQXZ5HaW1Bg5ml+PvriU5v5pqvYllu7NIfHI8B3MqSS2qJqu0jrJaAxqVgq4+Oh4Y3xQ8XfrGFk5Zs3lQSVrRZr6+fQQ3frobvdFMv1AvO/XRg89O5IFvDrDuSB7N3B4I9nEhyt+dey+JZs3RQgwmC5dYvQHTi2vZkSZlz711KmK6erI3s4x9X5Tzxdwh9A+z7wWdGNuFnelSVq35RLsj8dikXiz47bjt5/xKPdPf28HvD41r0/kLZsbx8urj9OzizthmAk43jwjnl4P5TImVPela46r4cL7Zk82h3EqenhbDTQmRzP/pECcKqvnx7pEtnvPoD0lkltbyyKRevLImmfExgdxziX1f6omCKma+vx2jWWRqXBBmUVp2E4AIP3du+GQHR63ZwbgXNzOxTxduHRnJiecnkFWup4fVe/uXg7nszpDugT5dvRga6cu093ZiFsFksthZmJhFCPNzpbzOeFZvXo1Gw/f3jKLHk6swWsDnHD+7/ipVDSZbb+aR3Eonj0amJTp8cKgUBEpr9NTqTRRYG31lnOeX5OOmo9YgPRT8nZQtiwpwQxAkK4sLlc04HUGAvIp6ymoNeGgvjge2zPlDo1IQ6uNKqI/r334vi0Wk1mANFBtMVFv/X6M3Ud1gxGCWUnui9djGlWyL1dSzMfunEASbYm7jawGpJEkAEKzZR6R9ja+lDKR0jFqlwMdVjbeLBl93DcGeUr/bxUaQl47rh4ZzfTN1zVq9iYp6I0aTBaPZglalxE2rxF2najFguxD8cjCXY3lVGExm8irqEUWY0T+EgWE+LN+XTVpRjZTJFUX0VjEto8nC4z8dJi7ECz93LQWVDTbhFtfTAvP8074Dkwtq+N/2DGtfI5TWOLZeLLgilt0ZpTY1U6UCMkrqyCip43h+FTueGG93fE55nS1LXl5vYkdaGVoBtFoVueUN9D9N9POHxGwUgpSh9nXT0Ce445WZzR0VxdxRUQx5cT3F1t+xWzue+z27ePB5C2W5z8/oy/Mz2lbK3Nk5PQh8aVaTZ+VNn+5iR1opo3v4s3TuMP7z3QF+tgrSXPvRLgAO5VQyqU+QXRnkn8lFtmt936ly7rukO1/szGR0jwACvXScLGwSiQKpR3nNkXxGRMfRI6ipRDzC2qusUSlt5d4KQcBsfWb7uakorpUWs3zd1Gx69BIaDCZ0mrZN4VMXXhylpI14u2qY3i+YnemlXDfEUfFYxvl0+OBw+8liKuulm2p7WqmTR3PxYBCdEx4uv2s4sz/ejU6t4Jt//XXp8b9DoIeO/qHeWESRwU5SNNSbLHjq1CgVAlq1XO4s03YUCgEPnVrqzWrdpkumFdy0Kty0F89XYFFVA99YvdpqGkxEB7hhNItMjO1CV28Xqz+bdGx+RQMLZsaxeFMa9UYzW1NL2Jpawv/mDqFvqA9Lt2egUAjcOjLS7jOm9Q1mdVIu+mYCqR9tS+fBCT3ZlV7KvZc6Kna+tOo4xTUGFAoBHxc1JrOFCmvWtbqFLLaniwaVQrBTINVplVwzJIyp/YLtjn1tzXGOWTMrSgH2PnWZ3X6DycKqw3m4aVRMjLW3Cfgnsv2xsUx6ewceOhU/39NyxkqmbVgsIquP5AMwJS7YQcm2PWy19oNuSpHKPdOKHCuKBAFcTgvG/i8hku8Scyit0XPf+O5cP7QbD17WlKnf89REm7dhlJ8LAgKjWxAkuqRXINH+7rhqlba+4kNPX0L8y5tx1Sht90VOeTWhPlJw2tbA8GJlYbPgXObi44JeXYIgxAEfI3mUngTmAm8A8cB+URQfsB73Zlu2tYXmCmnKDiT48He5amDw2Q86D+g0amYOCEGrUjjN5y8qwJ3502IoqdEzykk2Ep46FQnd/dh/quKspSEyMjIdH08XNf7uWkpq9EzpG4RGqaR7F3dbdcPYngEknqoAIDLAnbE9A9iRVsr2kyVYRBGVUoGrVlpwum10FI/9mMTgF9YztW8QL1whZZfevHYAb147gK92ZfLUCklVsau3C3eOjebOsdEtjmtopC8/7c9FBCbFdWHBzL6MefUPqhpMLPm/wQ7HD+rmw/MzYnnxt2PUWxvMF984uEWVTk/XpilISxnnX5Py+HFfNiBlFVvqWfwnodFo+PPRcU77fIPBzKJ1yfQP9WbmQMeeun8CH29Oo0Zvol+oN1/tOgXA8sRsDuVWcUnvQP57TX+74yvrjCxcfZwag4lHJvZqk6Lwj3cOpecz620/K4H/Xt3fQXHXRaPkz0fGtfpezQVgzBbxjEFsozK27b1dXBy8DRsDQxmZ882FXno4IYpiAoAgCJ8DQwE3URRHC4KwWBCEIUiB41m3iaK4ty0f2Lw/R9PJEzT7nprAhNc3MbK7Ly/MGuCUMaw7WsAea219ry4eTHBSYBQX4tyUiyAIPDqpN6IodiiVShkZmb+GTq3klav6UVStJ8LP1eG5cN/4nkT4uZFZWst943uyMimP/Mp6uvm54uemYfaQcJtQCWAL6L7dm20LDhuZMzyCQHctxwoqeXBCb1rj6sFhRPhae5ys2bvt88a3es6Nw7tx4/Bu6PV6tFrtGY+7c2wPjuXVkJhVxtL/cyybdGlWFuus3tWOxDUf7+RIXhUCp/B2Vdv1L/4TeGv9Cd79UzKrH95MRXTryVJEYMWBXF6ZFYdS2XStHMgu51SZlAncllrcYnD477FR/G9nJjePiACkID5z0TSmvLERD1cd3991brK8fye7KSNzIbmgwaEois1lz/TABKDRoXcDMBywtHGbXXAoCMIdwB0A4eFNNcyhPi7oVAqMFpFgn7Z5UJ0PXNQK9CYLaicqpvq5aznw7CSnfT4gSckjoFIKtjr7zowcGMrIyDTiplUR2Uqp6+UDmrI9g7r5sPpwPqII86fFEOZrn3nw0KmoajDh7dpyb9vEuGAmxrWtgiQ+0q9Nx51Oa4FhI29fP/CM+6b2DcLHTY27VuX0Bb2OQKVVeVYE8ir/eb7Pec17ZkV4ZKLkaXj3sv2U1hrw0KnsAkOAviFeBHroqDOYGBbV8nX8+JQYHp8S47B9zUOtL4LIyHRULnjRsiAIM4CFQAqQD1RZd1UCsUhZwrQ2bLNDFMWPkUpWiY+PtzU7dPNzZ/GcQew7VW5bFXIGb107gC93neLa+M7dfDso3Ie3rxuAUiHg5372iYOMjIyMjCMh3i4snuNY1tnIpkfHsf5YIZP/wWXrgiCQEO2c0v+OyAc3DOKRH5OIDnDn+qHdnD2cdvPijDhyy+upM5h55/qBtjnEHw+NYe2xwhZbNPzctbxz/UC5SkdGph1c8OBQFMVfgV8FQXgXMAGNRnOeQAVSINiWbW3mkt5duKS3c78gJ8UFM6mNq7QdnUbTZhkZGRmZ84OXi4arB4ed/UCZTkOfEC9WPzDG2cP4y2g0Spb9a7jDdvc2XOtyYCgj03YuaI2jIAjNU0VVSNUNjXn7CcAuYGcbt8nIyMjIyMjIyMjIyMicIy50A9xkQRA2C4KwGegCLAIaBEHYClhEUdwjiuL+tmy7wOOWkZGRkZGRkZGRkZHp0AiiKJ79qH8Y/v7+YkREhLOHISPzjyYzMxP5PpKR+evI95CMzN9DvodkZP4e+/btE0Wxfebm/2wXzTMQERFBYmKis4chI/OPJj4+Xr6PZGT+BvI9JCPz95DvIRmZv4cgCPvbe04nd/6TkZGRkZGRkZGRkZGRgQ6aOTydP5OLOJZfxRUDQwjxdnHKGOYs2cWutDIGhnvzw10JThnDc78c5oudWbioFRx7YYpTxtBgNPPtniw0KiWz40NROcn3ccWBXIqr9cyOD8PrDD5gMueGiHmrANAq4cRL05w8GhkZGRkZGecS/cQqzKKUoUlfJH8vylxcdPjMYVFVAx9tSWNrajGfbctw2ji2pZZisojszSx32hiW7sxCBOqMFv791V6njGH14XzWHi3g16Rctp4sccoYDuVU8O3eLDYmF/J9YrZTxtBZ2JZaaHutNztxIDIyMjIyMhcJZqvch8W5w5CRaZEOHxy6alW4a6XMUBfPzm26rmhm8zOkm59TxtDF6nEoIBDg7py/h6+bBpVCuvQDO/k1cb6J9dc4ewgyMjIyMjIyMjJtpMOXlbprVSy6qi/ZZXX0C/V22jiW3zWCF1cd58EJ3Z02hv1PjueKD3dyaW9/5o6OcsoYRnb3J8BDi1qpINLfzSljCPVx5ZWr+1FeayAuxMspY+gs+Pj4cFmMHxuOl/LklB7OHo6MjIyMjIzTuX1kOEu2ZzFnaKizhyIj40CHtLKIj48XZXUrGZm/h6wSJyPz95DvIRmZv4d8D8nI/D0EQdgnimJ8e87p8JlDGRkZGRkZmfZzNK+S3ell6E0W4kI8SYj2R9m8P0FGRkZGpsMhB4cyMjIyMjIyNnLK63jy5yNsSSm2294j0J03Zg+gb6hcji8jIyPTUZGDQxkZGRkZGRkADmZXcMvne0VkpRQAACAASURBVDCaLMyfGsPMgV1x1ajYeLyQl1cnc81HO/j4pnjG9Axw9lBlZGRkZM4DHV6tVEZGRkZGRubsJBdUMefT3Xjq1Ky6fzT/GhNFoIcOd62KmQNC+O3+UUT4uXHXV/tIKax29nBlZGRkZM4DcnAoIyMjIyPTySmt0XPb0kRcNUq+u3M4ES2oSfu7a1l661BcNSru+nIf9QbZvFRGRkamoyEHhzIyMjIyMp0YURSZ99Nhimv0fHJzPMFeLmc8NshLxzvXDSC9pJa3NqZcwFHKyMjIyFwI5OBQRkZGRkamE/PLwTzWHyvk0Ym96B92dj/ghO7+XBsfxqdbM+TyUhkZGZkOhhwcysjIyMjIdFKqGows+O0YA8O9mTsqss3nzZvSG1e1kv/+P3v3HRfVlf5x/HNm6EWKIEVErNh7jzG2NE3vyWZTN9ls2u7ml1421fTuJrtpm7Ipm16NsUWNvXcBUUGl984AM3N/fwwCRtRBZjgMPO/Xi1eGy8y9XyJw57n3nOcsSHFjOiGEEG1NikMhhBCik/r3sn0UVdbyxHlDWrSGYVigDzdN6c3C3blsOVjsxoRCCCHaktuKQ6XUeKXUaqXUCqXUK/Xb7lFKrVRKfaKU8m7tNiGEEEKcnKySat5bmcb5I2JPau3CGyb3omugD68tSXVDOiGEEDq4887hAWC6YRinAt2UUqcC0wzDmAxsBy5QSkWe7DY35hZCCCE6vH8v34fdMLj7jMSTen2QrxfXTkpgWUq+zD0UQogOwm3FoWEYOYZhWOo/tQLDgGX1ny8GJgDjWrFNCCGEECehsKKGLzYe4sKR3ekRHnDS+7l6Qk/8vE28u2K/C9MJIYTQxe1zDpVSw4AIoAQoq99cCoQBoa3Y9vvj3KyU2qiU2pifn++G70QIIYToGD5ccwBLnZ2bp/Ru1X7CA324dHQPvtuSRV655cQvEEII0a65tThUSoUD/wRuxFEcdqn/Upf6z1uz7QiGYbxtGMYYwzDGREZGuv6bEUIIIToAS52Nj9akc/qgKPp2C271/q4/JYFam50vN2a0PpwQQgit3NmQxgv4GLjHMIwcYANwWv2XZwJrW7lNCCGEEC00f2c2JVV1XH9Kgkv21zsyiIm9u/LZ+oPY7YZL9imEEEIPd945vBQYCzynlFoG9AF+U0qtBEYA3xmGkXey29yYWwghhOiw/rf+EAldA5jYu6vL9nnV+HgyiqtZsbfAZfsUQgjR9rzctWPDMD4DPvvd5jXAc7973nMnu00IIYQQztufX8G6tCLuPSsRpZxf1/BEzhgcRXigD5+tO8hp/WVqhxBCeCq3N6QRQgghRPvwxcYMzCbFJaPjXLpfXy8zl46OY1FSLnll0phGCCE8lRSHQgghRCdgGAY/bsvitP6RdAv2c/n+Lx/bA5vd4PutWS7ftxBCiLYhxaEQQgjRCWw5VEJmSTXnDItxy/57RwYxMj6UrzdL11IhhPBUUhwKIYQQncC87dn4mE3MHBTltmNcNCqO5JxydmWVuu0YQggh3EeKQyGEEKKDs9sN5m3PZkr/SLr4ebvtOOcOi8HbrPhmc6bbjiGEEMJ9pDgUQgghOrgth0rIKbMwe1i0W48TGuDDjAFRfL81E6vN7tZjCSGEcD0pDoUQQogObmlyHmaTYnqi+4aUHnbRqO4UVNSyIlXWPBRCCE8jxaEQQgjRwS1NyWN0fBghAe4bUnrY1MRuhAV485U0phFCCI8jxaEQQgjRgeWWWdiVVcbUAW2zOL2Pl4nzR3Rn0e5cSqvr2uSYQgghXEOKQyGEEKIDW5aSB8D0Ad3a7JgXjepOrdXOvO3ZbXZMIYQQrSfFoRBCCNGBLU3OJybEj8So4DY75tDuIfTtFsQ3MrRUCCE8ihSHQgghRAdVZ7Ozcm8BUxO7oZRqs+Mqpbh4VBwbDxRzoLCyzY4rhBCidaQ4FEIIITqo7RmlVNRYmdIvos2PfcHIWJSCr2XNQyGE8BhSHAohhBAd1Nr9hQCM7921zY8dE+LP5L4RfLM5A7vdaPPjCyGEaDkpDoUQQogOas2+QgZEBxMe6KPl+BePiiOjuJoN6UVaji+EEKJlOkVxmFdmYUN6EVabXVuG3DILH65OJ7OkSlsGIU5WZnE1T/y4i92ZpbqjCCGcVGu1s/FAERM03DU87IzBUQT6mPlaGtMIF/hk7QHeWJqqO4YQHVqHLw4raqw88M0OXlqYwrsr07TluPrddby0MIWr3l6nLYPNbrDpQDE5pRZtGYRnOmfuCj5cc4CL/70Gm82mO44Q1FhtbEgvoriyVneUdmtbRgmWOrvW4jDAx4tZQ2P4eUcO1bXyt0OcvDeWpvKPH3bx8qJU7v5ym+44QrQrOzNL2Zdf4ZJ9dfjisLrWRlX9CamwokZbjsMLAZfXWLVl+GhNOi8sSOb+b7ZTUiVvqITzLHWOu+51Njvy/k60B68tTuWlhSk8+O0OraNC2rM1+wpRCib0Dtea4+LRcVTUWFm4O0drDuHZ0goaR15llVRrTCJE+7I0OY+n5u3m4W93kpRd1ur9dfjiMDLYl79M7cOMAVHcOLm3thyPnz+Y0T3DePTcQdoyFNQXx5Y6GxUai1TheR6cNYCErgHcMrUP/j5m3XGEaPh7Vmapo84mzU6as3Z/IQOiuxAaoGe+4WHjEsLpHurPV5tkaKk4eU+eP4RR8aEMjunCq5cP1x1HiHYjv/58aGBQ5ILRNF6t3oMHmNI/kin9I7VmGNI9hAMFVQzrHqItwyWju7N6byFjE8KICwvQkqGixsqHq9Px9TLxx4k98fWSQsMT/HFiAn+cmKA7xnHd++U2skotvH/tKLy9vXXHEW6UW2bB18tMWIAP101KkAsWzbDa7Gw5WMJlY+J0R8FkUlw8qjv/XLqXnFIL0SF+uiMJD+TvY+bLWybpjiE6iBqrjf+uOUCN1c61kxII8j1+SVRVVcd1H21gUGwXHjtvSBuldM65w2Kx1Nnw9zYz0QXTCDr8ncP24tr31vPmsr1c85/12jLc/NFmtmeW8p9V6Ww+UKwlwy87c1iRms/ipFxWphZoySA6nnu/3MYXmzJYubeA6S+v0B1HuNnnGw6RmldOcVUtXfzlQkBzknPKqa6zMapnmO4oAFw0Kg67Ad9tlTUPhRD6rUwtYHFSLitS8/ll54mHvJ/60jLWpxfzweoDvLo4uQ0SOs/fx8w1ExO4dEwPTCbV6v1JcdhGKmsdwzir6/RN2KqsH0pqoG/+ZXx4AAqF2aS03b0UHU9mk/knMmS64+vZ1fG3w9/bTGSwr+Y07dOWg44LgKPi20dxmBARyOieYXy9KQPDkGHAQgi94sICMJsUCkV8+Infj1qavH/PKOrYjR07xbDS9uCZi4bx5cZDXDCiu7YMb/5hFA99t4Nh3UM5fXC0lgzjeoXz/CXD8DabZGiRcJkPrhvN9JdXUFFj5X83jdcdR7jZ+SO6Mzg2hK6BPoRpWr+vvdtysISIIF/iwvx1R2lw8ag4Hvx2BzsySxkWF6o7jhCiE0uMDualS0dQZ7PTw4ni8P3rx3DzR5uIDPblxctGtEFCfaQ4bCPTB3Rj+oBuWjOMiA9j3p1TtGYAnPolFKIlvL29WXHfdN0xRBvq2y1Id4R2bfPBYkbFh6JU64cYucrsYTE88dMuPt9wSIpDIYR2LblJMa5XBFsfPdONadoPGVYqhBBCdCCFFTWkF1a1m/mGh4X4ezN7aCzfb81qmOYghBCifZHiUAghhOhAthwsAdrPfMOmrhofT0WNlR+3ZemOIoQQohlSHAohhBAdyJZDxXiZFMPi9C2ddCyj4kNJjArm0/UHdUcRQgjRDCkO20hpVR3L9+S7ZHHKk85QXcv9X23n+y3SSly4xqGiCq5+bx2frpM3ekK0F5sPlDAotgt+3u1v/UelFFeNj2d7Rik7M0t1xxGi3bNardz04Qae/TlJdxTRSUhx2Ebm/Lybfy3byxM/7tKW4eI31/Dl5gz+78tt2tY5FB3LrNdWsjK1gIe+3cHuLHmjJ4RudrvBzsxShrfjhi8XjOyOn7dJ7h4K4YSzX1/FoqQ8/v3bfl5fskd3HNEJSHHYRg6vvaZzDbaq2sZ1Dour9KxzKDqWOptjvTIDKNC0dqYQotGBoirKa6wM7d7+hpQeFuLvzTnDYvl+S6asSyrECTT9HclusqavEO4ixWEbufuMRGYNjeHeswZoy/DmH0YxOKYLV4yNY8ZAPescio7lxcuGERPix3nDY5nSX+9SLUIIGoZqDu7eRXOS47tqfDyVtTZ+2CqNaYQ4no9vHE98uD+j4kN55uLhuuOITkDWOWwjvSOD6B2pd12uEfFh/HDHZK0ZRMdyzrDunDOsu+4YQoh6OzNL8TGb6B8VrDvKcY3sEcrAmC58tCadK8f1aFfrMQrRnvTpFsRv98o6vqLtyJ1DIYQQooPYkVnKgJhgvM3t+/SulOL6SQkk55SzLq1IdxwhhBD12vfZQ7jUt1syGPyPXzj71eXaMmQVVzL8sQWMeWoR1bU2bTnWpxUxb3s2NVZ9GTqCn7Zlcfarv/HA19uP+tqdn20m4f55THthqYZkQnQ+huFoRjOkHc83bOq8EbGEBXjzwap03VGEaLd2ZpZy3j9Xct3767HUumeO7pyfdpFw/zwmPL3YLfsXnkWKw07k7i+3U1lrIymngtcWpWjJcM7cVZRarBRU1HLO679pybAnt5yXF6Xw37XpfLExQ0uGjuK1JalkllQzb0c2u7OP7Fb6w7ZsANIKq1ienKsjnhCdyqGiasos7bsZTVN+3mauHBfPwt05ZBRX6Y4jRLv06uI9pBdUsvlAMZ+76T3LOyvTAcgpq+HVBbJkRmcnxWEnYrcbDY8DfPXM76izN7lTp2mKiWFAVkk16QWVlFXrW3eyPdiQXsQj3+3kp+0n1xRiQIxjXlOIvzc9wgKO+Twfr5P7x16RkkPC/fNIuH8e17y75qT2IURnsaO+Gc2QWM8oDgGuntATpRT/XXtAdxQh2qVRPcMA8DabGF3/uKmKioqG8+SEOYtafTyvdj4kXbifNKTpRHy8TNRY7QDU2fT88ttsjQVqZY2eIZ2VtVa6+HlTa7NjnPjpHdp/1xwgr9xCal45MwZE4e/TskWz5145ik0HiukbGUiwn/cRX/vDuDg+XZ9B/6ggJvY9uU6mN3y4qeHxb3tlXpIQx7MzqxRvs6J/tN7mZy0RG+rPWYOj+d/6Q/xtRv8W/w0SoqO7dWpfpvaPJCzAh5hQ/6O+fu6/NjQ8zik/uQvef5vWm9eX7icuzI/bZyaedFbRMbitQlBKxSqlNiulLEopL6VUglIqVym1TCm1sMnz7lFKrVRKfaKU8m7JNtEyPbs67uyYFExNjNSSYWiThZlP7acnQ3x4ANEh/nQN9PWoK+zuMCjW0e6+T2QQft4n9+dgdM8wQgJ8jto+56LhpD07mwV/P+2k842Kb/x5Ocl4QnQaOzNLSYwOxtfLswqs605JoLS6ju+2ZuqOIkS7NCg2pNnCEOCaifGt3v/fzhzI/mdn89t9M1q9L+H53HnnsAiYAXzbZNsiwzCuPvyJUioSmGYYxmSl1H3ABUqpZc5sA750NsjevHL25lVwar9IAn313Cz9dF06/1q2n2sm9uSmKX20ZPjfTRO55+utnNYvkkGaiqLP/zyJzzccJMjXzGxNSyBEBPny2hUjqK6zERHkqyVDe/HnKb05f0QsEUG+2lvJn/HKcjKKqvj0TxMYUT905vNbTmHukmR2Zpbz1jVjteYToj0zDIMdmaWcNdjz1rAd0zOMwbFdeH9VGleMlWUtROtNef5XCitrmHfnKSR0bd9rfrbW9ZP7EOzrxQ/bsvjoTxN1xxEdgNuuxRuGYTEMo/h3m6cppVYopf5e//k4YFn948XAhBZsc0pRhYVL/r2GOz/bym2fbm7pt+EyD367i0PF1cz5OVlbhr9+voUNacW8vCiV5OwyLRlySi1sPlDCurRiSqvqtGSw1Nl4fUkqT89LYm9ehZYM7YVSipgQf+1t7+/4ZBN7ciuoqrNz4b9WU1FZS98Hfybh/nksSSqQwlCIE8gsqaakqs5jOpU2pZTiukkJ7MmtYPW+Qt1xhIe78I2VHCyqprLGztQXVjDp2SW6I7ndJWN7SmEoXKYt3xFmA/2BacBMpdQwIBQ4XKWUAmEt2HYEpdTNSqmNSqmN+fn5Ddu3Z5ZSbrFiMwy2Z5S4/rvyILb6hjQGBla7ntl2y/fkcaCokj255axL0/MmYFdWKdsySsgqrWbBrhwtGcSRLPVzYQ97blFKw8/otozS5l4ihGhid5bjFHl4qLinOXd4LBFBPry7Yr/uKMLD1f3ufJJVYtGURAjP1GbFoWEYNYZhVBqGYQV+AoYAJcDhM1mX+s+d3fb7/b9tGMYYwzDGREY2zmUb16srsaF++JhNnDss1g3fmXN6RwSggO6hftoyvHL5CE7tF8E9Z/TXdnV5ZHwYft5mgv28tWXo2y2YyGA/vEwmxvUK15KhM8kprWJpyvGXsnjn2rF0D/HD26z4z7WjuWZCQsPXIoOPns8ohDhSSk45AIlRwZqTnBw/bzPXTExgaUo+e3LLdccRHuynv06hS5POFP7e7pmDW1pVx8Kd2W7ZtxA6tdkEPKVUsGEYh//inwLMBdKAW4HngZnAWmCDk9ucEuDjxfK7p1JusTbbNKOtxIb6k1dmIfYYE4rbwsPf7eDX5HyWpuQzbUA03cPaPkv/qGDeuWYMCn3tkkP8vXnt8hHU2e0e17jB06xPK+Dyt9ZhAP26BbLorqnHfO6qB46cCL/nidPZW1DFoNjQY7xCCHFYcm458eEB2ubVu8LVE3ry5rK9vLtiP89fMlx3HOHBtj852/HfQ0UM6+H6i8BVVXWMfHIhdgNC/b3Y+uiZLj+GELq4s1upt1JqMTAcWADcpZTapJRaDWQZhrHOMIw84Del1EpgBPCds9taksVkMmktDAF2Z5djMplIzdU3x23LQccN1xqrndX7CrTl8DabtK+jYzIpKQzbwBcbMhqWC0kvaNki1z4+PlIYCuGklJxyEqM9867hYeGBPlw2pgffbckir0yGAorWc0dhCLDuUBGHZ+eUVlvdcgwhdHHqHbpS6hRntjVlGEadYRgzDcMIMwxjhmEYjxuGMdowjEmGYdzb5HnPGYYx2TCMqwzDqG3JNk9yxdgehAX4cPHoOG0Z/jS5F/7eJhK6BnDRSH1DbEXn8cg5g/HzNqGAi0fr6U4rREdnqbORVlDJQA8vDgFunNyLOrudD1an644ixDFNS4wiLMAbBYxNOHpheiE8mbPjT+YCo5zYJo7h3rMGcO9ZA7RmuGVqX26Z2ldrBtG5hAR4k/zk2bpjCNGh7c2rwGY3SIz2zGY0TfXsGshZg6P5eO0BbpvW16OHyYqObcs/ztAdQQi3OO6dQ6XURKXU/wGRSqm7mnw8BnjMmLyCihq2Hipp6NbZWVksVh74ehs/bde70PCe3HLSCiq1ZhCtd/V7a3n25yTdMYTo9Bqa0XSAO4cAN03pTZnFyhcbD+mOIoQ2f/5oI498t0N3DNEJneiSnA8QVP+8pmedMuASd4VypYoaK/d/vYOKmjpmDIjipim9dUfSZuory8gpreF/GzKIDPRjfJ+ubZ5h1d4C5v6aikLx0OyBHrkml4CRjy+kuLqOlamF2Ox2HjpnsO5IQnRayTll+Ho5pgx0BKPiwxjTM4z3Vqbxxwk9tc9RF6KtTX5uCRnFjnm3BRU1/OvqMZoTic7kuH9xDcNYbhjG48CE+jmDhz9eNgwjtY0ytkpVjZWKGsdi6zmdfIJ7SUUNAAaQnKtn7bjcMgvpBZUcLKokvz6P8DwVtY0T8N9flc7Ha9I0phGic0vOKadfVFCHKqJumtKbjOJqfpG1aEUnVFxZ1/A4Jad1jQyf+Xk3o59ayE9b9Y4aE57D2TOJr1LqbaXUQqXUr4c/3JrMRbp18ePmKb05tV8kN0zupTuOVuYm3TnjQvVcYV60O4e88hqySy2s3VeoJYNovZcuGY63WQFgNeDh73drTiRE55WSU05ilOfPN2zq9IFR9IoI5O3f9mMYnXtKiOh83vrjaHzMigAfM1/dMumk95NRXM5bv6VRWFHH7f/b6sKEoiNzdqb3l8C/gXcBm/viuMf0AVFMHxClO4Z2qsnjoio9DV8ra20o5UhSWlV3gmeL9uq8kd05c1AEiY8u1h1FiE6tqLKWvPIaBnSQ+YaHmUyKm07tzYPf7mDl3gJO7RepO5IQbWZyv0j2zJnV6v1U18iFFdFyzt45tBqG8S/DMNYbhrHp8IdbkwmXe++asfQI8+eswVFcOiZeS4a5V45kQq9wpvaPZM6FMk/Nk/n6+jKlXwTeJsV5w2J0xxGiU0rOKQNgQEzHKg7BsfxNdBc/5v66V3cUITxSv+gujOkZirdJccUYfUupCc/i7J3DH5VStwLfAg0TxQzDKHJLqg6owmJlXVoh43qFE+znrSXD+D5diQ/z57R+EVqODxDi78OIuBCC/L0wm/U1vP3Pyv1szyjl1StGastQVWslq6Sa3hFBmEzqxC9ohz66cbzbj9H/wXkE+ZrZ/OhZbj+WEJ6mo3UqbcrXy8yfT+vN4z/uZt3+Qsb3bvsmakLo1Pv+eSRGBTD/79NOeh9f/eW4y5ILcRRni8Nr6/97T5NtBuARrT9tdoPKWitdNBVlAFe8vZoDhVXEhPiz8K7TtGTo88A8bAas2l+El9nEpWPb/u7hua+vYEeW40r39oxSLR24nvl5N2/95migsjQ5j22PndnmGaw2Ow99u5Ps0mpO7RfJbdNk/cnmJNw/D4Ciahu975/H/mdnH/H13dml9O0ahI+Px6ysI4RLJWeXEx7oQ2SQr+4obnHF2HjeWLqXfy7dK8WhcIvCihosdXa6h/nrjnKEw+e/pNwqzn5laasKRCFawqlhpYZh9GrmwyMKwxqrjQe/2cHNH23kh21Z2nLsL6iiqs7OgaIqbRlsTYaez9uu5/9F0/UNtx4q0ZJhWUp+w+PyGutxnuk+1XU2ckod3XNlzUfn2H/3+SX/Ws25c1cx9pklVNd63FRoIVwiObecAdHBDXO5Oxp/HzN/OrU3K1ILtJ0zRMe1JCmHic8s4bQXljJ3Sfttwp+Uq++9o+h8nCoOlVLXNPfh7nCuUFBRy4Eix5vvjen6RsHGhfnj720mJsRPW4aeTa6KPXr+UC0ZXrtiBGaTwtus+Oh69w9JbM4Pt07Aq34Y523T9FzjCPbz5vpTEhjRI4wbO3kX3eMZGNXYVffJcxKP+NrhuVYVNVaSssvaNJcQ7YHdbrAnp7xDDilt6uoJPQnx9+afMvdQuNgP27KxGY6hcIuTcnXHOYJPk3fo6b8bNSOEOzk7rHRsk8d+wAxgM/CRyxO5WGyIHzMHRpGUXc6FI7try/F/ZySyYGcO0wZ005bhjatH88HqdPpEBmlbLHnGoGj2Pd36Dlyt4evry17NGQDOGBzNGYOjdcdo1443jOaS0XF8uTGDXhGBjOoZ1oaphGgfDhZVUV1n63CdSn8vyNeLG07pxSuL97Ajo5ShcSG6I4kO4u8z+7FqbwF1Njt/m9lPd5wj7HlaCkKhh1PFoWEYdzT9XCkVAvzXLYlcTCnFn07VPwL2zMHRnKm5EBjSPYQXLx2uNYMQrvLYeUN47LwhumMIoU1yfTOaAdEda43D5lw/OYEPVqfx/IJk/tsGjbBE55AQEcTGh0/XHUOIdsXZpSx+rwpoX5dYhBBCiE4kJaccpaB/VMe+cwjQxc+b26b1ZUVqAStTC3THEUKIDsvZOYc/KqV+qP+YB6QA37s3mhBCCCGOJSW3jJ7hAfh3km69V0/oSfdQf577JRm7XRb3FkIId3B2zuGLTR5bgQOGYWS4IY8QQgghnJCc3fGb0TTl523mrtP7839fbuP7bZlcOFIW9RZCCFdzdimL5UAyEAyEAbXuDCWEEEKIY7PU2UgvrOwU8w2bumBkd4bHhTBnXhKlVXW64wghRIfj7LDSy4D1wKXAZcA6pdQl7gwmhBBCiOal5lZgN+jwnUp/z2xSzLlwKEWVtbywMFl3HCGE6HCcHVb6EDDWMIw8AKVUJLAY+MpdwYQQQgjRvKT6dT4707DSw4Z0D+HaSQl8sDqdWUNjmNQnQnckIYToMJztVmo6XBjWK2zBa4UQQgjhQik55fh5m+jZNVB3FC3uPiORXl0D+fvnWymsqNEdRwghOgxnC7xflFILlFLXKaWuA+YB890Xq+NJyS7hqnfWsvVAsbYMVquVs19dztzFKdoyADz/SxJvLN2rNYNwr0veXMU176456dc/+v1Opjz/K9XV1S5MJUTHkZJTTv+oYMwmpTuKFoG+Xsy9aiTFVXX89X9bqbXadUcSHuy8uSv480cbdMdo96qrq5ny/K88+v1O3VGEGznbkOYe4C1gGDAceNswjHvdGayjOfO1VazeV8gF/1qtLUO/hxeQlFPBS4v38v6KfVoyXP7v1by5bD8vLEjh7i+2aMkg3GvQI/PZeLCE3/YWMfrJhS1+/VvLU/lwzQEOFlUz6PFfm33OytR8lqfkNfs1ITqD5JwyEjvB+obHMzg2hDkXDGHl3gL+78ttWG1SIIqW6/fgPLZnlrFgdx6nPdf8OUdAcUUtAx//lYNF1Xy45gAv/JKkO5JwE6fmHCqlegE/G4bxTf3n/kqpBMMw0t0ZTrhW01WhliTlcf2pfdo8w86ssobHq/cVtvnxhftV1TW+QSuqbHk3waY/F82tZPbvZXt5YeEeAO6Y1oe/nZ7Y4mMI4ckKKmooqKhlQEzn6lTanEvH9KCgopbnfkmmrLqO168cSYi/t+5YwoM0OWWRUSKjVY5lxivLj/h83f4iTUmEuzk7rPRLoOklOVv9NuGkgPpFin299E3VHNkjBAAFvH/jeC0ZEqMaiCOMfgAAIABJREFU58eMTwjXkkG41/+d3njR4YWLh7T49R/eMAEfs2Oo3DlDoo/6+ob0YuyGgc1uMPfXvRwqqjz5sEJ4oJSccqDzdSo9lr9M7cMzFw1l1d4CTn95OV9sOISlzqY7lvAQ10zo0fD4g+tGa0zSvpVV13F4ELtJwfasMoY+toD9+RVacwnXc7ZbqZdhGA1rGxqGUauU8nFTpg7p/evGsiQ5j9P6R2rLMCYhHF9vR5F6qKiK3pFBbZ4hKsQfc6bjjU1YsPwIdUR3zBjAHTMGtGofe+bMOubXnjh/CMtfWIrVMLAb8On6Q9x3VuuOJ4QnScruvJ1Kj+XKcfEMiunCw9/t5N6vt/PkvN2M7xXO6J7hDI8LYXD3ELmjKJr1xAXDeOKCYbpjtHuXj41jwa5czh4SzZp9haQVVlFVa+OjNek8dl7LLwSL9svZ4jBfKXWeYRg/ACilzgcK3BfLtTJLqtiVWcbMgd0wmfTcuRsU24WSqjqGxOobBjS5Tzg/bc9mcEwX4sICtGT4w/ierE8rxtts4pLRPU78AuHxZr2ynFE9Q3nqouEu2V/3MH9un9aHN5btw8/LzOVj4lyyXyE8RUpOORFBPkQE+eqO0q4M7xHKD7efwpr9hfywNYu1+wtZnNQ4N7lXRCBnDYnm+kkJdOvipzGpaG/eWb6XT9cf5MubJxARouf9UXs358JhzLnQ8fjNZam8sigVXy8TV46L1xtMuJyzxeFfgI+VUv+s/zwD+KN7IrlWUUUtZ7+2AkutjfG9u/JfTcMpRz2xiDq7gZcJ9j49W0uGmz/eTI3VILvUwrr9BZzav1ubZyi11FFns2MzDKpqZNhPR9fngXnYDNidW0Gpxcrcq449ZCfh/nkATv2O/O30RJlrKDqtlNxyBkTLfMPmKKWY1CeiYe3D4spadmSWsiOzlI3pRby1fB8frznAExcM5sKRcmFJwOrUfObMd3RxH/PMUtKf1fMezZPcOrUft07tpzuGcBNni8M0wzAmKKWCAGUYRrk7Q7nS9swSKixWDAO2HSrRlqPO7mitobPbdo21sb3HSwuStRSH765Io9xiBQXvrdzPGJl32CEdLvSaWrf/2Mu4fL3xQMNj6UgvxLHZ7AYpOeVcPaGn7igeISzQhyn9I5lSP6UjraCS+77azt8/30Z+eQ03T2n7xmyifbnjs03Nbs8qKmfS878BEB3sw9qHTm/LWEJo4+wYy71KqReAHp5UGALEhwfgYzZhUhAbKsNIDuse5q/nuKH+oBxNcXpFtP2cR+F+D327tdnty+6adMzXzOwX6q44QnQoBworqbHaZb7hSeoVEcjHfxrP7GExPP1zMj9uy9IdSWj24KyBzW4/e27j0mM55bXNPkeIjsjZ4nAYsAd4Tym1Vil1s1LKI8a0dA/z54xBUQyJC+HGyb11x9HKp8m/9tXj9YwRHx0fimGAYcDIHnoKAsMweHZ+En/5ZBOFFTXaMsxdksq1/1nPLzuztWRwl2vGH3klPv3Z2ZwxsBs3f7r9qOeeN3clCffPY8QzK7lzSk/C/L348dbJze7XYrHQ54F5JNw/j+fmJ1FV1fJlMoTwdIc7lQ6UYaUnzcfLxMuXDWdMzzAe/GYHmbJ8Qad28Zie3DmtN+H+Xmx7oPH8c/GIWC150gvL6F1/rjv8ceXba116jJ+2ZnL6S8tYnZrv0v3W1cl5uSNwqjg0DKPcMIx3DMOYBNwLPApkK6U+VEr1dWvCVvL1MvPCZcN555oxXDqmczdAqW0yXO/jtYe0ZPhsveO4BvDhmnQtGT7fcJB3V6SxcFcuN/93o5YMZRYrq/YVUGO1sXBXrpYM7pIYG8x3t01gfEIo6c/O5rx/rmRhUh4r9xYy6ZklRzx3Z2Yp4Ph5SCmwsOXRMxkaH3LUPmtra5n+ykps9SOj/7V8P4OeWMgl/1p91HOF6MiScsoxKegXJSMvWsPXy8wrl4/AZhg88M0ODKO5VVVFZ3HXmQPZ/OiZhIQ0nn/+cf5QXrl0KFP7R7TpPMTz/7kW++9+HNenu3ZNwdv/t5XU/Equem+9y/Z59xdb6ffIQhLun8dXm/S8xxSu4VRxqJQyK6XOU0p9C7wGvAT0Bn4EfnZjPpfw9TLTLViGlDZVXmfVctzuoY3DWXtHBh7nme5TWWtrWFy9VtMEty5+Xozv1RUvk4kZA6O0ZHCnET268vktpwCQUVzVsL246sihOQNiGofG3X1G8w1miipq6f+PRWSVHn2Xd1uGvnnEQuiQnF1Gr4hA/OqXJRInr0d4AHefkchve/L5LdVjGrCLNnTh6Hg+uKFtGxkOaObCjytHWtXUuGfE1PwdjUO07/3q6JFCwnM425AmFVgKvGAYRtNL9V8ppaa4PpZrVdfaKKiooUe4vvbE4YE+FFfWEuzn7P9y1zMBh0uh4d31DOmcMagbO7JKMSvFxN4RWjLcOLk32w+VcKi4mtcuH6klg1KKv5/eX8ux29oPt09k+osrsBvw0Q1jjvjaz3898Z+P77dlHvH54NggUnIqsNphVI9QbvpwA0+eP5RomVMsOoGU3HKGxB59d12cnKsn9OT91Wk8Oz+ZU/tGYDKpE79ICCd9ueEgq/YW8uqVzr/X+PyWSdz7xVbyKmrcUpj6+vqSGBVEal4FY+LDXLbfxOgQNtc3fvz9nU/hWZydc3iNYRg3Ni0MlVKnABiGcadbkrmIpc7GvV9v556vtvHpuoPaclwzsSe9IgO5StNcPwC/JpMOZw2L1pIhNa+Cwopa8spryCzWM88jr9xCRY0NHy8Te/I8qr+SR4oLC2bPnFmE+Htz5Tvreebn3S16/fWn9MLH7HjD1r9bIPPuPI29T88m/dnZrEsvZlFSHhOeXXKCvQjh+SprrBworGKANKNxGR8vE3ed3p+k7DKWpuSd+AVCOOmfv+7hnq938N22LAY+Mr9Fr33+shGtLgzHP72Yvg/O46Fvdxz1tQV/P439z8zmi78cu1FcS/3vprF415+rB8XI3yhP5mxx+Hoz2+a6Moi7FFfVkl9uAWBPrr5CYMGuHPLLa1i0W9/8sqomkw7f+HWflgzr9hdh4JhjtmafnmE8mcXVVNY6htWm5lVoydDZPD8/icLKWqx2eG9lmtOvOzwpv39UEOnPzmbhXVMbvlZS/3stRGeRUn8OGxAjzWhc6ZxhscSE+PHuCuf/NonO5Q9vr2loDuOsn7Y3NpurrmvbKSwfrk4jt6wGqx0+W982N0Z8fHxInTOL9GdnOzUqSLRfxx3jqJSaCEwCIpVSdzX5UhfAIyY8xIT4c8noHiRll3H5WH0NafbklGMzHFd+24Nyi562zLlljW/oDxRVHeeZ7jMsLpTTB0WTV27hghHdtWTobKYOiOTN5fsBCPH34eFvtvLxesdwUV8vRcpTs456zU0frm8YmrIz6+gLO6HBfgT7mSm32OgW7OO+8EK0E4c7lcqdQ9fyNpu4blICz8xPZmdmKUO6y7DdzqbX/fMaehHMvXQw545OOOLrq/Y3NoQ5/aVlLPq/qSfc53e3jGfQ40uwG3Du0LYdrTWhV+Ma0kG++qYzCc90op8YHyCo/nlNz0ZlwCXuCuVql4yO0x2h4U1uexmHnZyr546Zzd549azOpqcZjNmkuHFyLy3H7qzG9YpgSEwwO7PLGZsQxifrG+cR1lib/6WYmhjJoqTjt9ne8dhZLs0pRHuWnF1GkK/XEY29hGtcMS6eVxen8vHaAzx78TDdcUQba3oWuvfb3UcVh01NTYx0ap9+fn7sf6b5LqepOWWc+8+VeHuZ2fjAVHx9fVuQ9sQSY0L4+paJzN+Zw31n9nPpvkXHd9xhpYZhLAeeAlYZhvF4k4+XDcNIPd5rlVKxSqnNSimLUsqrftsrSqkVSqnXmjzvpLd5ksNzprydHcjrZteM76nluEPjGhvhTOgdfpxnio6kpqaGndmOux6/7Mrl/CZzXo/VdPEPE3px0+QEooJ92PXI1DZIKUT7lpRTTmJ0sDRNcYMQf2/OHhrNT9uzqa616Y4j2ljT36jHzh141Nd3PTKV6C6+/GFcHA+dM7jVxzv3jVVYrAblFivTXl7Z6v01Z3RCOA+fMwhvb2+37F90XCe812wYhk0pdTLv4ouAGcC3AEqpUUCgYRinKqX+pZQaC9hOdpthGBtOIpM2sWH+FFbUEuyn75e0b2QgaYVVKGB8765aMoyOD2NHhmNtuxHxUhx2Fr+/KvrqVaN59aoTv+6hcwa75EQshKczDIPk7DLOHa5nYe7O4NLRPfhmcyYLduVwwUiZctCZpJ1gHcPAwEDWPjjTZcfzNZuw1M9DDAuU4k20L84ORN6ilPoB+BKoPLzRMIxvjvUCwzAsgEWphusxE4HF9Y8XAxNwrKxwstuOKA6VUjcDNwPEx+vrCHosH1w/ju+2ZjJ7SIy2DF/+eRJz5icxoXc4Y3rpKQ7vOiORbsG++PuYuXi0vjmgou3dfUZ/3l+dxt9nyBAXIVoqp8xCmcUq8w3daHyvcHqE+/PlpkNSHAq3Wv/AVM54fRVd/Hz48Y7JuuMIcQRni8NwoBCY3mSbARyzOGxGKHC4RWYpMBjHHcGT3XYEwzDeBt4GGDNmTDuZ2dfou62Z/LA1C0utnfvOHqAlw5q0QtbuLySvzMJFI7tjMrX9GNfCiho2HSzGz9vMWUNiCNQwUbrOZuet5fvIK6/hplN7a13/sjO5fXo/bp9+coXh6r0FZJVUc8mYoy8oXPn2WtbsL8Tf20TSk2e3NqYQ7VJytnQqdTeTSXHxqDheW5JKdmk1MSEyt1O4h6+vL8vvmX7iJ7bCgIfnY7HamdSnK5/eNMGtx2pq7b5CDhRVcunoOC3vM0XrOfWvZhjG9c183NDCY5Xg6HJK/X9LWrnNo3y0+gD55TVt1lK4OU/+tJvsUgur9xXyy84cLRneXLaPJUl5zNuerW3dye0ZpazcW8Ce3HJ+3J6lJYNw3srUfP7yyWae+Gk3j/2w66ivr9lfCDhahb+6KKWt4wnRJpJyygBIlDuHbnXe8FgMA+bv0HOOFMIVXlqQjMXqGLa6el9hmx13fVoht3y8iTnzkvjH90efr4VncKo4VEr1V0otUUrtrP98mFLq4RYeaw2OOYgAM4G1rdzmUfpFBQGQEBGoLUNkkGPel0kp4jTdLQv190YpR4YQfz3tlRO6BtDFzxuFYqi0LG/3MkuqMQzHYICmS6EcFujT2NFm9lCZjyU6ppSccrqH+tNF47z1zqB3ZBADooP5eUf2iZ8sRDt13vDGYdFBPm238lxWiQX7cc7XwjM4++78HeAe4C0AwzC2K6U+xdHJtFlKKW9gPjAcWAA8iGMO4gpgm2EY6+ufd9LbPMmnfxpPcm45/SP1XfV96dKh3PDBRsYkhDGsSdfQtnTTlN4UVNRonXPYNciX164YiaXORligrI/X3l0+Np7d2eXklVl47Lyjm9PseuIs3l+VxukDI4kLD9KQULS19WkFPPbDbq4aH8/VExJ0x2kTydnlMt+wjcwaGsPLi/aQU2ohOsRPdxwhWqxfdDDL/u80lu7J5/pT2m7prgtGdmdHZimZxVU8dM6gNjuuMz5dl87Haw/yyOyBTOzr3HIknZWzxWGAYRjrmzSXATjuau6GYdThuMvX1LpmnvfXk93mrI3pRaxPL+KPE3pq6xZabrFRUF5LTBcrYV56CpLL315HUVUdh7Zmc/6IPKYO6NbmGVbvK2DR7lzMJsWZg6MZGR/W5hkA/H3M+Lfh1bSObnVqPjd8uJHhPbrw+Z9Pcfn+H2+mKGyqLU9+Qr8r316HzYCHv9vFWYO7ERHcsecN11rt7MuvYOagtv+b3RkdLg5/2ZnNdfK3RdT7cNU+np6/h7OGdOO1K0brjnNCCZFBXB/Z9hdMH2lnRSFAVVUdD37rGOZ69Xvr2XeM9SeFg7MzRQuUUn2oXydUKXUJ4BFjLjJLqrj5v5v497J9/OXjTdpyPP1zEm8u28vjP+obg11UVdfw+LfU4y8u7i5vLN1HVqmFQ8XVvL8qTUsG4XpXvbcei9XOurQSXlucrDuO6ODsTVqOVda0u/5jLrcvvwKr3WBAtDSjaQt9uwXRPyqInzXNzRft06M/JlNjtfP91hxScj2u9UWnVmVrfP9r7/injFZztji8DceQ0gFKqUzgb8AtbkvlQpU1Nqw2x6Tccstxb3a6VXmN4wezokZfBr8mN8oSo/QMT/LzNqFwLDjrbZYuVh3R3rzKEz+pXl6phcd/2Mme+mYbQjjjrtP70cXPi9nDoumpcR53W0mu//2QYaVtZ9bQGDakF5FXLvOmxNEKy+pO/CQnLNydw4sL5IKqu0UEB3Du8Gi6+Hlxx/Q+uuO0e04NKzUMYz8wUykVCJgMwyh3byzX6RsZSESQD1klFib10bO2H8Cy5Dyq6uz4mNWJn+wmfSKD2JVTgQImavp/MTQ2hFV7HZ2zxibomfdoqbPx4oIU8itquG1aX/prKpRLq+s4UFjJwJguHl8oXz0ujo/XZxDoY2buVc4Pt5n60jKqam38d+1Bkp84g5FPLaZvRCDf3n7qCV/70Dfb+GR9BgCn9A7nk5snnnR+4VnumNGfO2b01x2jzezKLMPXy0SvTlAItxdnD4nh1cWpLNqdyx/G99QdR2hUWVnJ4CeXHbGttLq21fv9cVsmd362FQNYnJTHL3+b0up9imObe2X7HwrcXjjbrbSrUup1YAWwTCn1mlJKX6XVAlsOlVJQUYuPl4lfk/UMpQSoqnPcvay16bufvSunAnCMDX53+R4tGRYlNQ7T+WGbnpHJu7JK2ZlVSm6ZhUW7c7VkqLPZefDbHTz9cxJvLN2rJYMrPXXRcG6b2pvKWhsJ989j8W7Hv/P69EIGPjKfxIfnsyw576jXWepsAFjtBn0fXkC5xcaWjDLOe30FAO+vSmPOT80Pxf5sQ0bD41X7i1z9LQnRbuzMKmVATBe8PPwikifpHxVEr4hAbcs+ifZj/HO/HbXtL59uZVN6EX//fAsVlScuFHdllJJw/zwS7p/H3V9uAWDjgSIOvyPMkc6eoh1x9kzzPyAfuBi4pP7x5+4K5UoDY4Ibuo1NTZTuRIct1FQoh/g3NgQKD9DTmKdvt2CiuvjhZTIxoXe4lgw1VjtFFY4TSlZJtZYMrvb2isY5pPd+vR2AJ37YTXWdnRqrnafm7T7qNVeNiyfI18yMAUf+bu4tqOSR73bw+I+7eWdlOtNfXHbUayf2avy3iw+TjoKiYzIMg91ZZQyOlfmGbUkpxRmDo1izr5DSKtcMIRSeqaLW3uz2i/+9hm+3ZDFizuIT7uPWzxp7Xnyz2bG+8iOzBtYvreXFMxcMdU1YIVzA2W6l4YZhPNnk86eUUhe4I5Cr+XubuWJsPDsySpg1NEZbDi+Twmo3MOkbVXqE0Zq6hI7oEca2jDIUMDJez7DSEH9vXr18BDa7oe1KfJCvF7dN68uWg8XMGqbv59KVBkR3YUdmKQBnDIwCHPN2dmU55kvNrN/W1FMXDuWpCx0nxTs+2ciPOxx3cnc/cRYzX1rW8LzmCuhPbp5IXkklBdW1DIpx/Dzf8dkmftqWg5+3ie3/mIm3t6wJJzxbRnE1ZRYrQ2JlTda2dtbgaN5avp9fU3K5cGSc7jiiFe7/ehufb8jA19vEugdmEhLg/LkhyNdMRY0NXzPYDLDawc8Elvqa0epEh5NLR/fgxYWOEVvdQ/0B8PLyYtk901r+zQjhZs4Wh0uVUlcAX9R/fgkwzz2RXCu71MLC+iFuX2/OYHgPPQXJ4JggMkosRAX7ajk+gI8Zah2j+LhifIKWDAHeZgy7gaEcBZIuSim8NM7/BKiqtVJRY6Wmrvmrkp7mxzsm88vOLLoGejO2l+NO4K3T+nLm4GhqrDYGxYbQ78F51NnBx6zYM2fWEa+f+4cxzG3y+cd/GsOU53/Dajd4/Pwjl7LYmFZITGgA3cMC6RbaOA9r/o4cDKC6zs4z8/fwjxMsgSFEe7cry3HBRe4ctr3hcaFEdfHll505Uhx6uK83ZWIAljo7T/60ixcvG+H0a7c+MpPV+4uY1DscL6/G9y1jn1pEQUUtp/WPOOE+bp/ej2n9u5GaV8YFo1yzxvNZLy8jub4BXPqz7WtphpScMmyGwaCYll3UMgyD3y2bJzRw9t35n4G7gI/rPzcBlUqpuwDDMIx2e9bqGuRDfHgAB4uqGKXpbhlAYZWVihob3mZ93UoPF4YAH63cz6n92n6Y7ZebDmEHMOCjNQe5fFznnOhfbqnjP/VLeRRW1vLipcM1Jzqx4spavtmSSY8wf84YHN3sc84aEnvUtj7dGtdZOlwHOzP3Njok6KgCEuDOzzYzb0cOXibF5zdPYEST3+vuYf4cKKxGARePljdzHdHBwirm/Lwbs0nxyDmDiAnx1x3JrXZmlmE2KRKlU2mbM9Wvx/vFxkNU19pkbdx2pM5m5+tNjnnnF4+OO2FTt4SIAFLzKlHAZWNbdm7w8vJiSv+j1xjd8PDpLdrP4LgQBse5bgRAcpPO4Kc99yvL75vusn23xger0nhqXhIAD84ayA2TnVsrNCm7jBcWpBDi782j5w4iVNPUI+F8t1KPPSv5epl5+sKhVNbYWjSMwNUqa6zU2exU1uorDpsanaBnrp3dMJo81nfHbGVqAXnlFmYNjcHPu+1P+P7eZmJC/MkuraZ3pGd0IPx47QFW7SsAHAVfHycX103JLuWP/1lPVLDz8wKLKmtZuCuHATFdGPG7u/2bDhRjsxvY7AbPL0jh05smNHxt+T3TWZqSy9DY4A6/MHpntfFAEaXVjjlgmw+UMHtYxy4Od2WV0jcySMvfKeEYWvrRmgMs35PPWUOavygm2t6SpFy+25oJQGiAzwn/bRbdNZWlKbkMjA4mOqTjnRv8ffQ3q/p+SyYPfLuDmjobBo4RWktT8hqKw335FaxPK+KUPhHEdz3632D1vkKqaq1U1VrZnVXGpL4nviMr3MPpnyal1HlKqRfrP85xZyhX8zKbtBaGANX1t+1q6mwneKb7eDWZ8Fhj1VOYXT42HpMCs0lxzaQELRmSc8r459JUvth4iM83HNKSwcts4ukLh/LUBUO5ZYpnrLkTHuS4iudtNhHs5/yQ4EveWkteeS07ssqYkBBKbBdf/nv98VtK/3v5Pr7bmskLC5IpqTqyE9zIHo13CvfnHb2qzrTEKCkMO7AJvbsS1cWP2FB/xiboGw3SVnZJMxqtxvUKJzTAmwW7pGtpexIe6NvksXN3mKYlRnWowrDpUNLk3Eoyi6o0poG3V+yjxmrHboCP2UTXQB8emDUAcAwXfebnJL7fmskLC1Oaff1p/SMID/ShV0QQQ1x4h1W0nFPv8JRSzwJjgU/qN/1VKTXZMIz73Zasg+nbLYj9BZUNE5F1CPYzU1zluHM5TNPcyz7dgggN8MGkoGczV47ago/ZhEJhYODrpe9qm7+Pmb7dnLv71h5cOTaeAdGOTq/dWnAXsOlFiQGxIfzvllNO+Bq/+n8XL5MJ8++6ON13diJL9+RRU2dnxiBHk5vSqjpeXbKH3FILf53ZX4bgdWCxof68dsVI3THaRF65hbzyGgZJcaiNl9nEzIFRLNyVQ63Vjo/Gc4ZoNK5XOI+e65hTPjCm8/5+mBQc7ofjq7n/2rnDYknJ2YOvt4kPbxjH+F6NK94ppfD1NlNRY204v/9e327BvPmHtlmLsNxSx0/bswkN8GZPTgUh/l5cPaGnLBdUz9nL/7OAEYbhGAeolPoQ2AJIceikD24Yx4a0Ikb31Hel+8pxPXlz2T66+JqZNuDozpFtYd62LIrq1wRavDuHSX3aft5jQtdAhsV1IbPYwhQnJpILB5NJMbpny4cjXzYqlrdXHiDE34vHzhvi1Gv+MrUvw/cV0LdbEMF+R57xeoQHsuvxs6ioriXI33HF+MftWXy/NQurzU5OmYVvbj1xASral2d/TuKt3/bj521i2yMz8PGR+SaHO/0O6S5X0XU6a3A0X23KYO3+Qqb0lyWx2ovOWBRe+fYatmWUcsMpCdx95gDeu24MT/6YxOVj4lo1YmbQP36hutbG1RPiefIkl9W4ZWpfrp3UCx8zmM1HD4N/9NxBbD9UyiiN74MP+3jtQZbvySOn1EJogDd+3mYSo7swsY9HLOHudi0pkZveavKoM9WK1HxeWJDSsK6cDoE+XgT6emmd0P7msn0AlNXYeOrH5hcWd7eNB4obHi9LKdSSYVtGCevTijhQVMkP27K1ZAAoqapl88FiajUN8W0r76w6gAGUVFtZs7dxfc2KigoG/2M+17y75qjXFFRYGJMQRs+ujfMx80otXP7Wap7/xTHR/XBhCI670GalUMr5IUaifXlnZVpDp9lbPtmqO067sLu+OJQ7h3pN7hdBgI+ZX2RoqXDC0McWcOqzi7nozVX8uC3TZfvdlF7Emv1FVNXaeGOp4/3ctMQofr17Kn+e2vek9rk/v4LbPt5EVa1jnuAnaw+2KqO/j7nZwhCgW7AfMwdFtYtzdJCvI2OArxmTUnibTVpH9rU3zt45fAbYopRaCihgCvCA21K50KHiKm77ZDN1Njvr0gr56pZJWnLMen0FB4uqiOniy8r7Z2jJ0JSuxjh1TQqhGque+ZcmBWkFlVjtBoUVNVoy1FrtPPjtDooqaxmXEM5dZyRqydEaLyxIZtuhUp66YDAJEcceHms2Kez13UljQxuvbA55ajkAv+0t4u7PN/Pi5aMAmPPTbv6zOh0vk+KTG8cxpn5oyuy5K8ivqGVdWjG9IgIpq7by+cZD3DG9L+cO785/rhvDvvxKubLvoUL9vSmsH1Vwpoc1/tidVUpCRCABPq5dnmdXVinx4QF08ZP1OnXy8zYzLbEbC3fl8uT5Q44a6i480z+XpPLD9izuOzORGYNc8zcn4X7HKm/lFiuHSmrYemgr5w7v3ur9vr44lWXxu8jcAAAgAElEQVTJeQ2fe7ngZ/Cmjzbwa3I+piaNAgP9Okfjq8l9I+ji583g7iH4mE34+ZhaNF2mozvhmUw5FhxZCUzAMe9QAfcZhuERl9AKymqoqLGCAYc0TtZNK3C0HM4osWjL0FR2iZ7/F03LQV1NcRydDh1/WCtq9BTJtTY7JVWOjot55XoK1JP11vJU7HaDfy/fj91ucOarK/jkT+MZc4wOuIv/fhr3fb2dS8bE0TOi+c6s2zPLGh4vTXHcXbTaDX7akd1QHNY1WWi4qLKGZ+fvwQD+/vk2zh3enfBAX8xm1S6uSoqW2/TI6Tz6/Q4m9enKmc0sidJe3f7pZn7bk0/XIF/m3zkZPxcWiDszpRlNe3HmkGjm7chmy8HiY/6tE54ju6SalxY5ziE3f7SJW6f14fpTejc0XnOVEy/adGJr9hbw2q+pAIT6e+FjNhET6s/2jBKGxZ18/4jNB0oAsCvFnybFU2MzTnpIqSf5etMhnvwpCaVg7pUjmdyCZd12Z5YSEexDty4d+y7jCYeVGoZhAN8ZhpFtGMYPhmF87ymFIUB4kDcmpTDQu+h6e6OrIc3YJmPNzx6iZ95joK83EcG+dA300XalKMjXi9un9+XUfpH8+TTP6FYKMOHpxTwzfw/PLUjFZjcwcKw3NefnJD7fcJDJzy3h/fr1Gw/rGRHI//48kUtGH7nw79T+jqJPAQvvmtqw/Y7pfQnwNhMR5MOtUxv/33x84zh6RQQya0g0144/ct2kpcm5THtxKefOXcXTPye59HsWbefx84d6VGEIjYvUF1bUkF3quot/pVV1HCyqkvmG7cS0xEh8zCZ+2ekxb3+Ek2zA3KX7GP3Uoha9Lqe0gqnPL+X2Tzc3bLtmQuN5Lj7cn3tcMCrIZFYcvk/oZTZhsdpJK6hs9bnu2okJ+HmZ6BkewAOzBnaKwhBg7f4i7IZjOaw1+4ucft3dX27j3DdWcerzy9h6sPjEL/BgzlZLa5VSYw3D2ODWNG5QUlWHr7cJu93ArPQNBVE4riC1l8EoRRV1Wo5bVt0477OwXM9d1OFxIVw4sjv55TVcOkbfQumT+kQwqY9nNcTJbzJvNzbUj4LyWnzMip7hgdz39Q4AHv9xN9efcuJFbz+4YUKz288f2Z3zRzYOw5nx0jJKqur49E/jWHr3VBbtzuXlX1O54ZQEVu0r5K/T+7FgZy71I1dZkZoPDDz5b1KIFrjltD68uyKNkfGh9HJy7U9nbM90XNUf3oo7A8J1gv28OaVvVxbszuGh2QNRGt9PiNaLCfXnnjMT+WFbFsk5jiWRWnqXb+oLK7BY7aQXVREXmsT9swbyxAXDeOKCYS7NOr5XVx6cNZA1+wu4YVIvbv9sC3U2O72azMm/5F+r2ZtXzpwLhzJ7mHMX2O6c2Y87Z/Zr+HzNvkJ+Tc5l2oBuHvfepCVumdqHlNxyfL1MXH9KT6dftyHN0SfDajdYnJzHiHj9jXXcxdnicBpwi1IqHaikvtYxDMO1vwFuMLxHGGcMimZ3Vhl/ndHvxC9wkyBfLyprrVqXTmgqOkTP0Lvc8sbi4mCRnuLQy2zitmknN3m7s7tqXA8+XnsQL7Ni4R2nkl9VS2peBTMHdmtYkNiVrn9/PfvyHUOyr3hnHavvn8F/VqZhYBAT4s8vf5sCwMieoSxPzae6zsbdZ/R3eQ7RNjKKqyioqGV4XIjHvPm+fGw8l4+Nd/l+tx1yFIdDZb2vduOsIdHc9/UOdmeXMThW/l083a3T+nLrtL5Mfm4JGcUW4sJaNpLI2mSqQ76bp4fcMLlXw2LyX9wykbT8CmbWz5N857d9Dc3+/vb5VqeLw997+7d9VNfZSMmtcGlxmJRdhrfZ1G6W7uoTGcQPt09u8ev+NrM/j/24ixB/b2459cQXwD2Zs8Xh2W5N4UZWm53IYF+6dfHF31ffRNshcSFsTC/S2nrZ18vUMM+vX5SeE9vI+FB+2ZkLwKkal5GwWu1YrHaCWrCYu4AnLxh6xNCToECfhrsll46O46ftWcwY6JrhwokPzz9iXqqftxlfLxMxIT7sza+iT2TjVdPoEH/WPKC/0ZM4eTmlFh74Zgd1NjsXjYrjsjE9TvyiDmzroVJ6RwYS4i/NaNqLmQOjMKkdLNiZI8Whh8oprWDiM8sxcAz7/O3e6ay87+TOHe9dO5q/fLKFbkG+vHT5CNcGPY4+kUH0aTJKIbLJPMnjNaopqqilqraWuPDmi7Q+kUHszCqlrwtHQKxIzeeNpXtRKB6aPdCjh8lfOCqOC/+fvfOOq7Ju//j7PovDHspSQFAcIIgDcWtus7Qsy7JM2z6Np/GrnsqynZU9TduZ5dNwlWm59wgXKIhskL33hrPu3x8HDiBTBQ7oeb9evjzc49zfczic7319r+v6fEYar9qsK2n1zlgQBCWwHPAGIoC1oigaR8HjCskpq+F8un4F9lBMLlMHOxllHGdTilBrRc6nlxjl+tBYACYio4TZfq5dPoZFo93ZH52LBDpEwetKSMor58ZPj6HW6nhoshcv3ehrlHFca6y+I4DVdwRw59fBeL64AwGIem0a5uZX1rjd8PMqEWCEmzXH4nP545zefqSqRsMT04xXDWCiYympUqPW6n/n+UZSEe4uiKJIeHoxk7yv3dKunkgvKzNGezqwJzKnRypMm4BvjiYZykfTCqsAeH9nFF8d1ffKb35kLKP7t8/rbspgZ6LenNMZw2zE8fg8nt4Yho1SzvbHxzeycQK4daQ70dllHE8o4Nt7mzeR//5IIm/vigFg4sBe/Pxg07aO/9w4hLTCStzsr9wv8VLqvstFxOv+e70n0VaN409AIPrA8Ebgv50+og7GxUbJSA97zOVSZnRQRuNKqPOy0+o6Qrvq6jkZn9f2QZ3AJ/viUWtFarQiaw4mGGUMnx6Ip1qjQyvCpjPpRhnDtczpZH15iwjc/m3TNuW3/47C88UdeL24g70XWvaZNJfXfz0JgsCe6HxWNWjAv1hQyfrgiwxasZMFXxzvuBdgwigMdrHmvnGezPBx5u5OKNPsSWSXVpNXVkOAkYTDTLTMHD8XYnPKuJhXbuyhmLgCHp3sZdB+8KpVz/76aL2I2tJ1p1s9XxRFQlOKDAr0rbHwq38YuGInaw7GXfF4Qd/HX1SpJqWwko8PxDd7zEtzfdnx70n0dagP7O765gSeL+7A++Ud/BRc/xrPJDUvpiKXSujvaIWiA9ufbvRz5SZ/V24b4cZE02JXj6GtmjpfURT9AQRBWAu0/lfTDZFKBG4d0RdvJytGG1F+Wrzkf2OjNDNOP09sbeM36LOpxuDesf34+3wWWlFk0mVIGHc0aYWVRGWVMm5Ar2vGx0ylUjX6+Y6RTbPDm0LSAP3fwkf745h1SQY78O19FJSr6NfLgsPPT2XcuwfILa9BIoBMXv+5nTKwNyu364PFc2klbD6TiplMSnxuGf83e0gHvzITXcFc/66vZuiO1PUbmoLD7sesoS688VcUeyJz+NcN3aOHyoSeNQfiWBecwlx/lxaVN11srUh676ZG2xws5BTUWkuNaENkZFtYJhvOpCIRBN5d4I9nC/ZMey9kElJrFfHh3niemKbvhf/+SCJSmaRdom11jPCw42J+BRIBJrdxz+L/+h7KqzUMc7M1KClrdODjakN6SR4icGcXCvEp5VKWjPPssuuZ6BjaCg4NkpaiKGp6ikBAQ/JKa1iy9hRVKi17I7P5ekmgsYfULbBSmhnluhpdfalgjUbbypGdR6CnA/+8OI2C8hp8jdQ3Uq3W8tr2SCpVGk4nFfLqzT2rtPWzA/H8cioFvz62rF022rB9wgdHDI8lAtw/qalNx83DXPn1dBoC8NCk/o32lVSqya9VRE0uqOSn4GR2/HsSh+Ny2HQmFQQJ94zx4J0F+om/znAYYE9EFvvj8gH4KzyLwy9M7bDXa8JEVxKWVoJcKuDjam3soZi4hL525gS42/HnuQyWT+nfY4STrnUWfRPMqdqM2P9OpnJ3kDu+fdq3uBK6chavbbtAHzszHp3SeqtCcaV+ftKJIqXV7Vd93x6ewYbTaQQn6hUvj8Xl8cP9Qe0694OFAcwP6IOLjRJv55a/E/ZeyKKsWt/5dT69BP++tpzPKEEiwGvz/fh2WceVi3Yl+eU1bD2bgUcvC2YPdTH2cK4L2goOAwRBqHOnFgDz2p/r1Eq7vTtvXnkNVWp9EJJeVGXk0XQf7IwkctDLUk52mf4L1d3BeF9UzjZKnG2M43EIIIr1Smd1fVY9id9D06lSaTmTXMjRuFzsLRT4u9lR3aBPsKUK6ndvG8Yb83yQy5t+Bm0t5MilAmqtiESAXReyMJdLuXO0O+4OloSnFTPHr35yeHO+D+/siMGvry1pDTzmMktMf+smei7hacX4utpgJjOeiJqJllkU6M7LWyMISytuM9NkomuIzCxt9HOVqvV5NTm/nMIKNSNrvZffuMWvXddZGOiOVCLQy8qsVQP6WX59GNA7lsT8SsxkAr+cTG1UORV+mfoT7TFqn9i/N1IBtCI4WCrY/uRE1Gp1s3NtT+LnkymcvKgPqgc5WxvKgU10Hq0WFouiKBVF0ab2n7UoirIGj7t9YAjg42rNXYHuDHax5qW5xis1s6jtn1IYca63VtZf/IFJnkYZw6xag2sBuHWEcQRpugPmCinejpaUVml6lI9ZZHoJni/uIKWwkrJqDTbmch74MYRbvwxm9Z4Y9j0zwdDPMcen5f6C1iar+Hfm8vldAYzx0osC9LbWN9+P9nTgoUn9GzXL3ze+P7HvzOX3xybw0wOjkNeaBb801+RzaKJrEEWRhNxyKlUdo9Wm04lEZJSYSkq7MfMCXDGXS9lwOs3YQzFRy0MT66tQpnj3YlQrbUTH4/OY9fFR7vjmBCu2nm/2GJ9Xd9X26+1stN3KTMaScZ7tKoH/9ZFxeDiYYy6XMcvXmU/vCkAqEZBKBL68Z0Q7X1n7sbCQE/PmLLY9Pp7QV2cCrc+1PQVHa32lm0ImxbqDFOYzi6vINZLXdk/gmtfxFwSBl28yfsmeWicilQgGo25jUF5dX8b584k03ry1628+fF1tcLc3RyIROlQR63JZe/wiqYVVPDtjELYWXf/lWVKlJiqrFBtzGf8k5HP7qJ4hj7xiW4ThsYihhAAEgePx+Tw/e0iTfo4rYd5wN/zc7KlUadotGe9ia0X8O3Ov+tomTFwO3x69yKHYXFxslKy+IwC59OrEHBLzyimv0bSalTBhXKyVcuYFuPLX+UxeneeLldk1fyvV7Xl65iCentk+j9uDMbmGe7HTLYizVKn1mUeNTuSur44xb4QH94xtv2E66CuUDj93AyqNDqVC/xlJfPfK5qhfTqUQmlzEUzMG0q9Xy5kzuVxOgPu1lc1eHOSBr6sNLrZKeltdfUtUSHIh/90bh1Qi8No8Xwa2Uqp7vdI9HNmvA9zszNDqRFysjbeKI23QGjHM3XiJ37IaNWXVaqSt+PF0Jnsis/l4XzxbQtNYsTWi7RM6ARuljJEe9ggITBlsPFGcy+WZGY37MbJLqpBKBKzk+ux4fkllo/3rjicy6q29RGQUXva1vHpbmrzETHR76lQLs0urqay5+j7qOjPrUf2urRu8a43FY/pRqdKyOcSUPewpPPnzGca/u58npw6kr50SW6WMF29s25LkTFoZr22PJDn/8hVqJRKJITC8UqIyS3h/Vwz7o3N4bnP4VT1XT0QQBEZ42ONqe2W2WJeSlF+BiIhGpyO1sLLtE65Drovlroj0EuJyypjh42yULBFAUoE+fZ1RomrjyM5D0yBrGZNV2vKBncif59IprtSXX+290HGG6ZdDcaWKCpUGREgtbFuOujMQBIEX5gxBpxORGClIvhKmDHbG19WaqCx974REIjBpoCP7o3M5kVRE4KpDJNdmDrOLynnjb72v0rzPTxi215GSX8H0j46g1Yk8ONGLV65ClGfxdycprVLz84OjsbM0Xi+pieuPZRM82XougxHu9h0yv5xJLqS3lQLPXj1TPOJ6Ybi7HaM97fn+WBJLxvZDdpUZYxOdy4M/nuJAjF6wbMTb+5rMRw35188hzW43lhOZuVyKRCKg04lI0TH4lV2oNDpuHd6Hj++6uvLU+9edJqukmnXLRuNq1zHBV3dnjp8L2SXVmMklTBxostdojmv+26yoQsV7u6PZHJrGN0cTjT2cbsPeyByjXPdCg6bxowkFRhmDKIKZTIJcJsH2EjPZrqYnBYZ1/O/BMUwb4sQcP2cem+rNJ4uan5zqZLxb4uWtEWh0IiL6kpkr5d+/nSM4sYALmaXc8c2pK36ey2X3hSy+OZJoMva9zhniYsNLN/o0Ekq6GkJTihjVz96kgtkDeGTyADKKq9gR0bJfq4nuQWgb81FDjsQ29oEe178Xr9zkQ39H41iXeDla8fndI3hgohe9rc2p0egQgb+v8nP3xvYLHIrNIya7jDu+Du6YwRqBo3F5fHk4gfSi9mUBrZVynpw+kEcmDzCJfrXANR8cSgQBSe0ke7W9IFdDnaeoMWOBhr6mb80fapQx3NjgBmrJGE+jjGH2UGcGOlnjbGPGveMur4fABPSyMuOHZaP5+t5Anpo+CCulzPDZavgZu3m4m6GU2c68aZHC4jH1RudXI8pjLq+/aHmNmmc2hhGXU9bKGVdPYl45PwYncyg2l19OpnbqtUxcP+SWVpNSUGlUT14T7Wf6ECcGOlnx6YH4Hqk6fa2h0+lYtTOK17ZHUn2JQNTx/5tgeDzZu/W/r+/vq7c8mz7YkZ8fGsOyy/Al7AwmDXTk6RmDuH+Cl0H0zdvp6oJV8wYKiT01811UoeKrw4kcjcvj+2NJxh7ONcM1X1ZqayFnydh+nEwq4O4x7sYbh1JBSbUaSyPKlS4c5cbmkHQszWQE9OtllDE8ccMAfg/NQCKBB8YbJzCztzRj62PjUWvFRl+O1yOpBZXsj85hVD/7K1JHLK5UEZlZyrmVs7BWNi6p+2RfLFKJgK+zNX/9e1KTc28a1ocxXnbklKoZ2rd9vYU7zmfwf5vO42ClIPjF6QC8vzCAKrWOtMJKEvPKORCdQ0JuGX892fSaHYWtuRyFTIpKozUoqZm4er48lEBYWjGf3TkcZQep0vUkTP2GPQuJRN8e8PD6EDacTjWZfRuZb48m8evpNGrUOmKyStn46DjDPisrq1ZLSRsyfqBju4/takZ5OhC2chbJBeWNhGemrj5MZkkVr84dwr3jGwey+eU1xGaXMcLDDosG/Y8vzPEhr1xFakEFc3ydGP7GHkZ42LOunf6L7eX/NoVhpZTyxnz/Dn1eAKVcr2BaWq02zcUdSM9cKrgMiipUrD+RQlRmKT+fMN4Kf6Vai04UG/nAdTVbQtPRilBarWHr2XSjjGHqR0fRARodjHp3v1HGAPrMT/DFfKNdv7vw+cF49kZl8+HeWGo0ly+m8fr2SD4/GM+qXTFN9n1yIAGVViQis5QtIU3LRpMLSnlucwQC9Y0caQWVzPr4MDM/OkxlZVOD4ac2hFOt0ZFZXM1Tv50zbP/s7hF8vWSUYfXTXN65QX9vKzPev92fF2/04e4g4y06XUtsPJ3K6j2x7I3KYeanR409HKMQklyEUi4xCTH1IGb4ODHGy4GP98dTVGE8TQETYG0uo1qtRaXVcS61iN9DO0cs6O/wDB7+6Uy7jo3KLKGwvP2fize3RzJu1QH+PNvy2G0tGiuSrt4VTVJBBTUaHSu3RzU6VqsTWbntAp8fjOe/e+OaPNfqhQFsfHQ8b++MpbhKw6HYPA5EdVzb0d3fnuD3sxn8FJzK81s6XkzHXCFl1W3+vDBnCI9O7t/2CSbaxTUfHAqC/h8Yt6RTItQ2MwvG87JoGJemFBhHiKVhQ3dbJrWdxT8J+dz02TEe/imEf/921ihj6C7YmuuzfVZmMqSX2eMkiiIlVWpOJRXy66lUHv3pdIvHWpuZUV3d2FPohtXHOByXz9zP/wH08uJTPjxEXE4F8bkV3PjFsSbPI28guevVu7Fgh7ONki8Xj+T+CZ58fW/gpad2OK625gx3tzP1hnUQaUWVhmWCipqO8QzsaYSkFBLgZodCds1PzdcMgiDw2ryhlFWreXXbBWMP57rmnjH9GO5uh5lMglIuRSrp+L+jP8+l8cRvYeyLzmXASztaPXbVziju+vYkN352lLQG/XCDV+zE88UdPLf5XKPjU/Ir+CE4maySap7d3Lz/YnN4NDCFl0obz0eZxZWUVukXWoubWXCto6H+gV0HCjcWNFgwySrpHF/BXlZmjPSw77Glsd2Ra75ux85CwSs3+RKfW8YNg52MNo4KlT4rU6M2otFhA0JTm/f26WwkQF1IaGkkV48D0TlodXqfvjPJxnkfugvPzhrEudRiBrtYt/uL9YfjF/nsQDwTBvZGJhERaz/Se6Lz+PxAPPeO6cfcz4+hlAtIgGk+Ljy96ZzBNypsxXTsrBsrihaXVXPqYn6banBnXpzOwu9OMMrDnqdn6iXIP9sfS39HK24O6MvYAb0YO8A4JdMmro7nZg/hdFIh6UVVrFnc8QbR3Z1KlYbIzFL+NWWAsYdi4jLx7WPDU9MH8uHeOMYPSG3UT22ia/nfA0F8djABZxslt47o22T/X2EZvPznBczlUrY/MQGXFuwRZn50mJJKNb8+MgZvp3rrrxe31NtfteVbvTMiC1Vt72NEWgnu9hY88tMZampP3BKayYd3NP9dpxNhzcE4npjWtnfjotEeJOSUcSQuj/UP1i+MPv7LWXZHZmMmFXh0cn9uHdmyn/Kfj03g/zaHcZO/K6M6sOf55wfGcOe3J1DIJHx/z6gOe14Tncs1HxwCWCtlOFgqUJhWFeoRjR+k6oyUcfFxsTJkKIzZA5pbVk18TjkjPeyN1vtooZAxwfvypJzf3hGNToQd57N5+cZB7IuuL8/dHZlFtUZLbplewdPd3pw1i0fi+WL9Cus3x5P4z40+ONsoyCnVryou/uE0P94fxDdH6xvKdz2u7xncFZHFzgvZTBviyIIRbux+eorhmFFv7aWgQr8a+tymMGLe6Z59Iibax6bl4409BKMRllqMVicyytPUb9gTWT5lAGeSi1i57QIutmZMG9L1Nk0mQKmQ8cKcIS3uX3MogUqVlkqVli8OJfDWrU374B766Qzxufrqqju+Psm5lbMM+2oaRIStdS/c9uU/pBXpM2V2Cilz/PSfh5lDndgbnQuAFBjw8k60OpHbR/Tlv4uG89BEL9afTEKlgQ/3xrMpJJ31D4xhzaEEelkqeGbmIBBFSqo1ONvUL7KuuHkoK9BbSA1asRMPe3OKqzWGMbvYmtOvlyUtMbSvbaO5taNwslVy+PmpHf68JjqXaz5aKqtWs2zdaR7/9Swf7m3aF3W9YqzOx4bXrVQZJ0DdfaG+nr690scdTY1Gyytb9X0Anx6IN8oYrpSGIf3phIJG5dpOVkrmDHUxlH9OqvUQslbWz6JPTdU3yz87s958OCqrDJWmcSmhRW1py5bQdPLKqtkcko54yaJGYUV9mUy1Fsa+s+/KX5gJE0bk5EX935JJjKZnIpNKWLN4BENcrXlkfSgbTqc2+b4yYTzu/DqYQSt24mylQABkEoGbA/o0e2xvq3qLq0tLvP371mcRP75zeIvXi82uV8wWBNgSmsHr2yMZ5ubA6oV+zPBxItDLHm1tucyf4ZkAvHKzbyN7hfSiKvZF5ZBeVEl4ejGHY3OZ8fFRZn50hE8PNO0hHPv+EVRakYT8SuQS/fj72ilZMLxpFtWYhKYU8cHuGNIKTCb03ZFrPnMYkVpCfE45IvDrqVRennvlRts9nYYlncsnehplDAIYsnYKmXEyh4Fe9hyo9THqbWUcdSuNVqSyttS4pKrlPoDuyPu3D+OVPyOo1ojsj6/3qhSA7NJq/N3sCHl5OvkVKjx766W2I16f0+R5pgyqL12xUEhxc7DC2dqM3LIafFytDfvG9HfgYEwuQV4OTfr77hjZl01nMww/F1ddn71qJno+wYkF+LvZYaM0Ur29iavGWinnt4fH8q+fz/LiHxHsiczm2ZmD8XczCQwZk7/C0jhd20JyNLGQYy/cgJVCjr1V8z7H790eQFmNhvTCKrY8OqbRvu2tqGDnl1fzxcEE7gh0Z+U8X176PQJBIvDOLUP59ngyAL+dTuX1+UO5I7AfO85ncCpJPy63Bgb0ny0azv0/hQLw6OT+jOxnz5G4PGzMZZRWaQw9hMfj83lqestlpwIC0W82nXuNTbVKw6P/C0Wl0XIgOpc9z0w29pBMXEKXBoeCIHgCp4BoQCWK4ixBEJ4HbgFSgGWiKKrbu60911SaSQ2CNJ2tYNjdabiGqcU4gdnjN/RnzeGLALx/m59RxjB1iDNbQjOo0Wi5z0jS45ZmMp6ZOYjwtGJmDe055UflVSp+O52KmUxC9SXqphIBlk3wBGDdiWQ+3hePhULKhTean5xcbK04+8pMjsTmsGCUXvHz1IoZTY57YIIXQ1xsiM4sYdL7B7lleB+em60vG/rgzuEM62vDK39FA3BfkGsHvVITJrqOihoNYWnFPGxS2+vxWCvl/PRAEOv+SeKzA/HMW3OcgU5WTBnkyNC+Ngx2tqG/oyXK6/x+pCup03yow92h5fLKOt6e78/DP4ew9MdQ1i4d3WLrx67zWazaHc3UIY5sCcmgQqXlfydTiXlzFotG63tPq9Va/gzPJresmiEu9QufNw3ry1BXW2JzSpng1RufV3eh0oq8u8CviZXG90sDkUkENFodf4ZlkFFcxUMTm35fPDDBnR/+SUMCBL/cdD5tL/d8d5JzacVMH+LE54tHNtpXpdISnl7MQCcrel3BArsO0NVm1VUmf9BuiTEyh/tEUbwXQBAER2CqKIoTBUH4D3CrIAiH27MN2Nyei43sZ8+/p3kTfLGQ12++frOG0Dg4/GhvHLeO7PqmeRc7c2zM9b6iGvYAACAASURBVMqYlmbNr9p1NkNcbHhiqjfJBZUsGWscr0XQl4/1tBKy53+PICy9pNl9iavqJ7NP9iegE6G8Rsu/fg7hqxbUQx2sFIbAEEClUjH0jf2otSKzfZ355r5AfjqRwr6obE5dLEQEvjiUyEMTPbGzVJJdUkVWWQ3S2trWzWG5vDy/416vCRNdwenkQjQ6kfEmMaVrAqlE4KFJ/blztDt/hKazJzKH9SdTUNVKhgsCuNtbMMDREm8nK0b1s2fyIMdGHnQmOo67gjz59mgSyfmVPDhBP+c/vzmcpPwKtvyr+T7npzeFcS61GICXtp7n1Zt8OZ9ezNRLekmf3hRGjUbH+uBUwz2WRieSV67G1U7/+1TKpXywcBgFFSr62jUWwPF0tMLT0Yp5nx0ziLa9+ucFQ2BZR91iwkt/RBCcWIBMIhDgbtVk3CvnDWPlvGGX8e40pUql5WRSIQB7mrG1+GR/HOHpxdhbKPj87hGXrRJqoZDx3m3+7InMZul4z6saq4nOwRjfRFMFQTgG/AHEAYdrt+8HFgOV7dzWKDgUBOER4BEAD4/Gf1RB/XthY66gt8kg04DSSAIoeyNzKK0t/TsUm8vMoS5dPoaLeeW8vSOaGo0WmRSebIca2LWKKIqkF1XhZGPWqM+hJZxt6v+GhvW14UJGqaFUefx7BwzG9A17bSYPdGz1OU8k5HEhs5SHJw/g+d8jUdc2/O+JymHQip1YmskY3GC1FQGUUhkX88qZ+9kxqmsnVKlEIMDdrj0v24SJbsWJxAIUUgmB/TpOJdCE8bFRylk2wYtlE7zQaHVczK8gLqeMhNxyEnLLScyrIDixgO+OJaGUS1gwwo1HJ/fHs3fbmS0Tl8fB5+pFUZ7fHM7mUL3X84g39zYSnKnjYl6ZoR/QTqlg8geHqNbo8O9jy59PTDAc17Dnfv4wFw7G5jHa0wHXS4JApVzaJDBsyNj+DkRklgLQq4VyV4A/zunbKDQ6kWXrQhFEeOuWIQT2v/IKpC8PJfDxvjjM5BIOP38Dva2U9LJUUFChwsO+6ZgLa+0pyqo1aHQi7bh1aMKsoS7MMsL9n4n20dXBYRYwCKgBtgE2QN2yRAlgD9gBpe3Y1ghRFL8FvgUIDAw03Jnml9fw8b44qtVaskureXmuT0e/ph6Ji42y7YM6gYj0YsPj07UrU13N9vBMimtr9reFZV3XweGXhxM5Fp+HV29L3l3g36Zn3+vz/XC0NkOngyenD2Tah4e5mK9XdSupVJNaUEl8blmjc1qzkNkSmsZztX5Om0LSeG3eULbVNuYDqLQiqko11goZz88ZxN7IHDwczPklJA2FFENgCCCXCPx4f9BlvwdXSlxOGaEpRUwe5NjqpG/CRFsEJ+YzwsPOaKrFJjofmVTCIGdrBjlbN9qu1uo4k1TI9vBMfg9NZ0toGv+aMoDHp3m3a8HOxOWTmFdueFx5SckpwJ9n0wxKowCTB9rzv1MpACQVlDc6dvPycby2PYqb/V24v5kyz/ay4uah9LZWkJBbyeo7Alo8ztXWjPTascVk68ey8NsQfnsoiHHe+oXY/VE5/BWeyc3DXZnp03YA9u3Ri6h1IuoaLat2xvDfO4dz4sWpxOaW4+vatF/2iWne7I3MYWQ/+y4pjz6fXkxUZikzfJ2NphNxvdGlwaEoijXoA0MEQfgbfcBXJ6FkAxTX/mvPtnZRo9YQkVGCWiti0g2rR2mkSaeh0aqxnEWmD3Hm+2NJaLQ6Jg+8PBuHa424HH0gl5xfSbVa166b08enDjQ83v6v8Yz74CBqrcgPy0bx2vYLVKm1KOVSKlValDIJ9q0Y6u6+kG14nFZUxRBXG56fMwiVWsunBxIN+6zNpTx2w0D6OVjxv5PJ7IvKZskYd+zMZQYRmhpN1/UuaLQ63t0ZTbVaS0hyEf+9s+XJ3ISJ1iiuVBGZWcrTrQhLmLh2kUsljPfuzXjv3jw7cxCrdsXw2cEEDsfl8e2SQFxsjbOQ25MprlRhZ9Fy9m3DQ6MZs+owlWot3y5p3E93y5rjhF/SOjHNtw8Bbkkk5lXw0ESvRvv8+trxewulqXXUaLTsvpCNrbm81cXSR6cMbHFfHcf/M53t5zKIzCzhm2P11k/7onIZ5+1IZnEVK/6MMPQFjvHq1abI1ah+dhyIyUMiwO0j9bfaUqm02cAQoF8vyy7rjy6tVvPB7lg0Oh1xOeWsnHd9t4d1FV0tSGMtimJdWmEC8Dn6EtEPgBnASeAM8Fg7trWL3DIVMokEiSCi1hgvPDSTSqjR6pAb0TxEJoG6++e5LUg4dzbD3O04FKNXCh3rZZz+Gn83W/54bDw5JdVMvM6Dw6XjPdkelsnY/g5XlLWwslTw5LSB/H42nbOpJYaS0LuDPOhrq+Sz/bFMfP8QH981nEnNlJcG9rPjWFweWlHk/2YOYs3BBGKyS5FLJVjIJVTWZgYTcvVy15ZmEnRaHVKpXt007LXZDF6xkxqtyJgONO5tC4kg6EV51FrMFde8I5CJTuREYgGiCOO9Tf2G1ztONko+XjScOX4uPLsxjPlrjvPLQ2MYeEm20UTL3P3tSSIzSxjbvxff3td8r7tCoeDca01LSQHic+szg0qZhDduGQrAH49NaPb4hpRXqbj/pxAA1i0NpFylxcXWnK8PJ7IpJA1HKwX2Foorbn8or1Kx/JdzKGQSvlsykh+Dk6nRisgksHK+fpw1Gh0KqYQq9Iu07UkErF0WxIWMYpyslDh1s8UImURALhXQ6EBpzBvo64yuLiudJAjCW+izh8dFUTwlCMJRQRCOA6nAJ6Ioqtqzrb0XHOFhz3QfJ6KzSnlymndnvKZ2UVOryKQ2ojBTw8RKfnmNUcaQVVRleJxZXNXKkZ1Lc+U91yMjPewZ6XF1ojir98aiE+GT/fFsXj7OUP7x+cEEdIIElVbH3sicJsHhR3tj+TE4GTO5lBdv9GHxGA/e2h7ByYv6cuPellKq1Hqfps/vHsFzm8PZei4DhVTgx2VBlFareen382h1IlKJQFhGuwsKrhqJROCN+X5cyChhdBcGpSauPQ7H5mFtJmO4qV/WRC2zh7rwx2MTWLL2FHd/d4oNj4zF26mp+IiJxuh0OiIz9Vm/s6lFbR5/IDqH/VE5LB3vyRBXvX/hMzMG8t6uGORSCYefn4KLrUW7r//clgjO1orYBK06QI1GpK+dktIqDWU1GgoqVE18Ey9l8XcnOZtSxLLxnrx4SRvUvzeG809CPiIw46OjxL4zt8n5Xr0tefc2f0KSi7gryL3N69Xh17f++2fr2QzWHr/IpIGO/OfGIe06v7OwUMh48xY/4nLKGNvftIDWVXRpGC6K4k5RFEeJojheFMUXare9L4riRFEUF4uiqLqcbe3l07tGsPeZKS0anl6P7IrIbPugTiCloMLwODy9627mTXQ8lSp9Oaeitj5YKog8vD6Et3dEEZ5axD1jPHCyUeJoreSeMXqRqOJKFZ/sjyM4IZ/S6npPwuIq/Z/01vAsw7b8Ci23jexL7Ns30q+3Jcfj9RlnlVbkXHoRz2wIY0dEFrXJSmSSrrVncbFVMsPXGdtWymZNmGgNURQ5FJvLpEG9kRurzt5Et2SwizW/PjwWgCVrT5FbVt3GGSYkEglz/FywNJNxSxum72XVap7fcp4dEVk8+ds5w/aHJw8gcdVNxLx942UFhgAutvX9cNUq/Wp8amEVEgmYySRYm8nwqQ1Cm+N8WiHBiQVUa3R8ffQiw17fw6i39pFbov/d25jLDO1RyQWV/HIypclz/HwimfXByUwa2BtX2yvrhf94XyyphZX8fDKZd3dGcax27u0ssrOzueuuuxgwYAC+vr7MnTuXuLg4w353Bwum+zhjadZ91Hw3b96Mj48PU6dObfvgy2D37t0MHjwYb29v3nvvvWaPqampYdGiRXh7ezNmzBiSk5MN+1atWoW3tzeDBw9mz549hu2CINgJgrBFEIQYQRCiBUEY19o4us87fY0jkwhodCLSNgQ/ugr7VurxOxVBoM5UQ2LE92L3hSzyympYMNINq270hdNTeGVrBNvDM/HsbcnGh8fw25k0UgorOZ5QAMCLf0Rw5pWZ7H92iuGc8LQibvvyBDpRxM5CzpblY9HqRJRyCctr+xfszOUUVtRbmLo71E/OS8b1Y83BROwt5NwV6MYPx5NBC662SkZ7OXC/SRLbRA8jKquU3LIaprbSh2Ti+sXbyYof7x/NHV+f4NH/hfLbw2NN/oht8MHC9vd/1y3HdNTCYp1gG8DppCJOJOYhk0moVuvo39uSV25qvl/u8V9DORyTx5xLPI/rFlCf3RLOzw+O4ZNFIzgel09BhQqJRMDBsvF9XE5pNav3xiGKIkkFlY3m38uhX29LitOKUWtFfjudxuaQdP7413i8HDs+ey2KIgsWLGDp0qVs2LABgLCwMHJychg0qO0+bK1Wi1Ra/zchiiKiKCKRdO5i29q1a/nyyy87NDjUarU8/vjj7Nu3Dzc3N0aPHs38+fPx9W38uVm7di329vYkJCSwYcMG/vOf/7Bx40aioqLYsGEDkZGRZGZmMmPGjIZB9qfAblEUFwqCoABaXfkwLVV2EeMG9MLVVsmoft2jdGiIS8urV52JZYO+NjsjZVwuZJTwY3AyOyKy2HgmzShj6Okci88HIDm/AkulnHduG8Zc/z7UTbF1JVB7o7L5YLfeoH7pD6fRinphqNIqNaIo8Natfqy4ydfwRX7wuanUxerWZlLuG+vJ4u9O4rdyN72tzIh+aw7BL03HzlLJl/eM5M7R7qx/IIhP7xrB8KssjzVhoqs5HKtfkZ8yuHW7FxPXL359bfnozgDOpRbzxl+Rxh5Oj6O6WsPbf0VyOrmg0XZrpZw1i/VzyNdLRnXY9R6fOpDHpw7kpweC+GDhcMxkEmQSAUszGWOb8TGtrFSz43w2FSotf5zL5P9mDcTDwZyRHvp7NAEY5GRJwBt7uOGDQxx+bgq3j3Lj1Zt8uNHftdFzWSikmNWWkdqaX/mi97qlo/ninpEMdrFCALQ6kSpNU1XXjuDQoUPI5XKWL19u2DZ8+HAmTZqEKIo8//zz+Pn54e/vz8aNGwE4fPgwU6dOZfHixfj7+5OcnIyPjw+PPfYYI0eOJC2t5fu6nJwcFixYQEBAAAEBAQQHBwPw0Ucf4efnh5+fH598Ut+59vPPPxMUFMTw4cN59NFH0Wq1vPnmmxw/fpzly5fz/PPPd9h7cfr0aby9venfvz8KhYK77rqLbdu2NTlu27ZtLF26FICFCxdy4MABRFFk27Zt3HXXXZiZmeHl5YW3tzenT58Gfaw3GVgLIIqiShTFVkv3TCmTLmL5lP5sCklvs9Shq1DpjCPOI5PWr9DJu7gMsA4bpRypRECrE7EzN5UEXgm3jerLr6dS8etja1hNXDzGgz62SpLyy7l/Yn/2RmXz6PpQRPRKatZKuUFZdJCLFb2tmn/vQ16ZxaYzaYwb0Ivj8XkEJ9ZmI3+PYNFoD/67J4bvjycx2sue9Q/oy65qNFqS8ivw6m1pkn830WM4FJOLf19bnKy7lwiEie7Fjf6u/OuGAXx1OJFJAx2Ze0lQYKJlJqw+REGFih+Ckzn4f1Pw7F2f/Ro7oFezAVtHMd3HiXX/WJJbVsM9Yz2aPcbCQk5dPZUg6H2X6+y1fj6RjJOtkqd+O0eVWkdJlYblv57l5wfHGs7PKq4it7SaAA97rJVy1j8QxD8J+Swc5XbF45bJJEwa6IiHgwWf7o8nPL2I278M5qGJXvzf7KvvQdRodSTkldPPwZILFy4walTzwfkff/xBWFgY4eHh5OfnM3r0aCZPngzoA6kLFy7g5eVFcnIysbGxrFu3ji+//LLVa//73/9mypQpbN26Fa1WS3l5OaGhoaxbt45Tp04hiiJjxoxhypQpKJVKNm7cyD///INcLuexxx7jl19+YeXKlRw8eJAPP/yQwMDGokdlZWVMmjSp2Wv/+uuvTbKADcnIyMDd3d3ws5ubG6dOnWr1OJlMhq2tLQUFBWRkZDB27NhG52dkZACYAXnAOkEQAoBQ4ClRFCuaPHkt13xwqNOJfLw/juisUu6f4MUEb+OoU/5nSwRZpdWcvFjAqZdnGGUMDbmYW9r2QZ1AcWV9n1l22WW1jnYYHr0seG7WYNILK019qJfJT8FJvL49CoBXb/bhgUt8nW4Y4sQN6EvkziYXGfojckqrCV0xjQfXn+V8ejHRWeUEvnOQQ89Nxt2hcamKtVKOTCqwNyoL/z71mfa6pYTPD+ktLo7GFRCVWYxvHzve3RFNbE4ZQ1xseL1Wtc2Eie5McaWKs6lFPDHVeEJpJnoOz84cRHBiAS/+fp4AdzuTt2o7KastzdSJEJdb3ig4bI3PD8Tx0b54AFbfMYyFo9zbOKMp1ko5256Y2OZxaxaP4PtjF3lpbuPA695xngCN2pGsG7TBHI3LZdm6M+hEmD7EkbXLghjiamMQ17lSSirVrNoVxd1BHiwb78H8LzIA/dzbEcHhJ/vjCUkpxM3eAnex5UTF8ePHufvuu5FKpTg7OzNlyhTOnDmDjY0NQUFBeHnV24r069evUWDUEgcPHmT9+vWA3q7D1taW48ePs2DBAiwtLQG47bbbOHbsGBKJhNDQUEaPHg1AVVUVTk6ttwBYW1sTFhbW5jiaQ2zmvWjOe7ql41o5XwBGAk/WCoF+CrwIvNrSWK75stKs0mrOJBdSXqNhT2R22yd0EhnFVWh1IrmlxlEJvZRKI8mm9raqr5H36m1plDFkl1Tzyf54fjmdyp7IHKOMoafyzZGLiOhXOd/8Oxq/13Yb9qlUjYP9F+f6MKC3JTZKGe8s8EMul7P+wTFU1X72NDqR/VG5Ta6xYmsEr22P4pP9iXx15CJ3jHLD2dqM9Q8GEZvV2H/KQq6fKFMK9VYXDQWPTFy7bA/P5NujiRRVGGeBqSM4EpeHTtQvqJgw0RZyqYTP7hqOVify7MYwdEaq/ulpPD1jIFZmUkZ62DHLt21D+Dp+Ck4xzHWfH4y/omtnFFYy8OWdeL24g+c2tRww3DSsD1sfn0iQV/PJi6MvTMPNXskYL3u+ujeQbw4ncN/3J9h8JoW6j0FoascJ/AW9u58NZ9K59YtgRF19cNJRtV5183VmcRWDfXwJDQ1t9rjmgp066gK5hj+XVKn5/thF/jib3uq57b2OKIosXbqUsLAwwsLCiI2N5fXXX2/1ucrKyhg+fHiz/6Kiohodm5aWZtj39ddf4+bm1qgkNj09nT59miYwGh6n0WgoKSnBwcGhtfNVQLooinVpyC3og8UWueaDQ2drM/o7WlGl0jLJSFlDwJBB6S5f5+VVxrmpcrSuDw4bKnt1JWlFFSTklnMxr4Jz7ZC7NlHP3UGNV0/La7R8czAezxd3MGjlPoLe2ddo/4HnbuD867OZF1BfTn3HKDdkEgFHKwVLmim1OZ1UaHh8Ma8cN3slfR3MCU8v5qbPjxv2LZ/kgaejFSWVao7F53HyYiFnUwp5YN3pjnq5rfLermju+e4EGUXGs2S5HonMLOHXUykcjMllY0jP7RneFZGNk7UZw926Rx+6ie5Pv16WrJzny6mkQn49nWrs4fQIHpvqzYU35rTLp7Aht4+qn7OW1mbwmuOXkyk8tzm82Xuqt3dGo9bp++y3h+sV4p/67RzLfjjNL6dS0Gjat0jvYKXg+H+ms/HR8fx3TwyrdsdyNKGQHRG5WJtJkUsFHr9hQJPztoVlMGX1IZb+cBqdrum1skqqWHMwnt0XGidOVLXjEoH7fzrDk1MH0NdeyY/360soQ5IKWLL2FJuv8Pv3kUn9GdXPnuVTBjB75gxqamr47rvvDPvPnDnDkSNHmDx5Mhs3bkSr1ZKXl8fRo0cJCgpq8ny/nkwhraiSLw7Gsz86h00haYSlNR8sT58+na+++grQC8CUlpYyefJk/vzzTyorK6moqGDr1q1MmjSJ6dOns2XLFnJz9YvYhYWFpKQ0VYhtSF3msLl/l5aUuru7G/YtX76c0aNHEx8fT1JSEiqVig0bNjB//vwm15g/fz4//fQTAFu2bGHatGkIgsD8+fPZsGEDNTU1JCUlER8fX/d+aYA0QRAG170NQFSTJ27ANV9WWqPRkVtag7lCSnJBpbGH022IzzVOhiUys8zw+GhcvlHGIAAKmQAIjXogTbTNk9MH8eikAQxaWZ8x3BNVP7Hk1pYKV1drCM8oYUyDfo7PDsTzU3AyAxwtiXlzDrIW/Jdu8nfls4PxiEAvSwWfHEhAFCEstZiGi+V3j9GXtK49nkitjSgl1VoOxuYR9M4+Tq+Y2UGvuim/h6Qbsqi3fxXMyZend9q1TDTGwVKBXCpBrdXhbGOcBaarpVKl4XBcLneMckdipN5rEz2TOwPd+Ss8i/d2xTBtiBN9TOWlncJLc315aa4v+eXVZBQ2vwB4IDqbldsj0epEtp5L57aRbqxuoJZ6/4R+7KoNvIb2sWHeZ8eIyNS39ByNyyM4IZ8v7rk8MZw/zqYbHuuAiDfmtHjs98cuUlShoqhCxT+JBU28hn8MTiY8rZjjCfn49bXBzV4vYDnH15ldUfqqqsJKNf83e0ijctIH14dQXqPl5MUCZgxxxt7q8tTv/d1s8XezNfy8detWnn76ad577z2USiWenp588sknTJ48mRMnThAQEIAgCHzwwQe4uLgQExNjODcqs4QvjyRSpdLyv5MpBLjbIZNIeP/lZ3ju6Sea9AR++umnPPLII6xduxapVMpXX33FuHHjWLZsmSHwfOihhxgxYgQAb7/9NrNmzUKn0yGXy/niiy/o16/fZb3e9iKTyVizZg2zZ89Gq9XywAMPMHSovk1m5cqVBAYGMn/+fB588EGWLFmCt7c3Dg4OBpXXoUOHcuedd+Lr64tMJuOLL75oqOT6JPBLrVLpReD+VsfSKa+wG1FRo6G8Ri+Nn11q8gmqw91IWTu5VEBVa0xnozTOx2+AozU+rjYUV6qZ6G1SCbxcVFqtwZpFIcCzM4Zw74/12TqfV3agFSWotDrc7JQcf1EfOG0Pz0St1RGTXUZMThl+fW2bff4hrtYEeTkgk0govKRscJaPE8cS8hnVz4F+tWXJi8d4sOZQYqPAsaRKQ2dSXFVjqAKo6SAVt4LyGo4n5OPf15b+nSAZfq3gamvO+7cPo6Bc1egGoydxJDaParWOG/3aX+ZmwgToe4hW3ebPrI+P8vLWCNYtG91sX5KJq+dCRjG3rAlGK4qM8bJn46PjG+0vrFAbyntFEQ5EN26TWPxtvZjI2P692BTSOLDLK7/8Cq4f7x/DzE+OAtDPofWFgfEDepFSUImdhZyhrk2/K11tlIQDVmYybBqI8311XyBDXt1FtVrXJaJ9ffr0YdOmTc3uW716NatXr2607YYbbuCGG26gsEJFZGYpcltn+jz4JSLwyk2+2FnIcXvox2afz9nZuVkF0GeffZZnn322yfZFixaxaNGiJtsPHz7c5uu6EubOncvcuXObbH/zzTcNj0+nlrH8zTVMHezUZHFxxYoVrFixosn5oiiGAYFNdrTANR8cOtkoeWRyf6KzyrhluEl8pI6Jg5zbPqgT8HAwJzpbn7Uc5GJtlDHYWypYMrYfWSXVjOwm1iI9CStzBS/MHszf57P41w0DmDjEEQdzGYW1AZn+P30qL7tBj+3soS78cjKFfr0tGOTc/O9+U0gaUZmlPDtjEO69LCiqUPH2jmiyiqtYGOjG8inelFSpG/k7udhasPJmX7afS+NcRhmIsDjo8sUDLoel473YH51LUn4lH16Gr1ZrfHognricMv6US/l6ySiT6iqQVljJl4cTsDGX8/T0QZjXWuH0sTPv0RmTXReysbeQE+TlYOyhmOiBuDtY8MKcwbzxVxRbz2Vw28grV6a81jmXWsTnB+MZ49WLR6c0Lb1sje1hmWhr+9EiMxqL+G0Ly+CH4xdxtFJQqdIgCBImXtK6pGmwYHnyYgEbHh7LzWuOo9XpCPJy4PX5fpRUqjFXSAl6Zx+l1RruGOXG+63MKQNdrEl+76Z2jf+lub4sG++FvYUcpaLp7f7S8Z4EejrgaqvERtk4CIx560bUajVyedPgcO19gXx6MIH5AX0uO2vYURRVqHhucziVKg1D+9iQV17Df+YMaXHRuSdTUaPh0wPxlFVrGN/fgV9qS8q1OpFZQztngfGaDw4Bpg1xZtoQ4wRDddRbv3cPCo3Uc9jQ4DynxDiZ3PicMj49oG8wr1BpWTK2c0oErmUemTKARxpMtL0t5YbgEKCPnZLc0hqmNvBve372YJ6fPZiWCEku5O2/9WXwyQUV/Hh/EK625vz6sF6BTKcTeeyXs0RklLB4jAePN1B5TCuqQqGQI5MImMmkbAvP4tWbfTvNCFcmlfDbI+M65blN1LMvKoekfP1i0tnUIqOpTXckNRotB2NyucnfFZn0mm/7N9FJLB3nyd/ns3jz7ygmDXQ0mK+baMzLWyPIKKoiJLmIcf174dfXpt3zwr+nD2JTSDrlNRruG9/4PuHtv6PIK1chAINdrNj9dFPD+QcmePDDP6nIpQJbH9erlsa+faNh/9/nM3ngxzNotDqDzdOmkPRWg8PLxbWVRTRBEFoNppoLDAECvXrxvwc7zwKkPRRUqKhU6d+zaUOceHZWy/cWPZ2QlCLOp+t7KJXyrpkzrouZKS6njB3nsyiv6dxSs+5OQ1/B6UYKlhuWKPQykrdXwxIcU7tP+9BqtTy98Rwv/X6+2f2jPOsN6AWgvFrDCA87vls6ut3XkDb4ZdRJd/9yMoW5nx5lfXAS2aVVHIjJIbu0mu+OXmx07tJxngR5OtDbygyJAFYKaacFhg3RaHWXpYrWGs/MGMQ9Y/qxct5QU9awlhEe+v4RG6Wcgc7XRqntoZhcyms0zB1m8qozceVIJALv3z6MSpWW17ZfMPZwjMrx+DyWN1e4GQAAIABJREFU/nCafc0o0jtY6DNbGp3IPd+fZOqHRyhsZzmnlVJG2GuzSHh3Li/M8Wm0z95SgYDem1AqNJ1rispVXMgs54bBjsS8ObvZ5/9obxxZJdWNKmzMWujFN9EYbycrFo12Z2z/Xiwe0/kL/BqtcRT+AYa4WGOtlCOXSlgwoi9PTB3Io1MGMNO38+7jr/nMYXGlirf+jkKt1RGbXWq01QWJAFrRuNG4pkFTltpIMtjqBn9gGo1xgnVvJytemDOE3NIapplk5NvFE7+Fsbe2QV0mFXjrVn90Op0hAHtxrh9yuYzY7DISc8pQ6SA2u4x7vz9JWFoxfWwUJORXIRUENj4axMh+TTNAIzzsefMWPyLSi1FrRe5fd5qjtXL/b/4Vxc3D+iKTStBodViaydh9IYvkgkpuH+mGu4M5D03uz71jPNgVmcM0n87/vZ5NLeLjfXH0slTwxi1+2F5lb4a9pYJ517Hv5if7YtkfncszMwcy3UdfKjPCw57v7gtEKhFQdNObpoj0Ej7aF4ujtRkr5w3Fyqz1afX3sxk4WZsxoRPNt01cH3g7WfH0jIF8sDuWXRFZ3Oh/fS44PPK/UGo0Ok5eLGiUmQP4bmkgW0LT+d8/F0nIr6KsppKvjsSz4qamfrhpRZU89nMoOp3ee9Crld7vDQ+PY82heIrKqjkUn8/QlbvZ8mgQPn31peJP/HaWM7XK26/8Gcmq24c1eQ47CzlpRXrT+cem9Cc+t5yP7hhu2N9wjr1S0osqcbBUYNFMWemVcDqpkC8OJaDW6pjp48Tisf1aXMx89c8IwtNKePOWoQz3sG+0r7RajbWZ7Kr6ZReM6Jpy6oMxOXx3NIn+jpa8Nm9op8xFv5xKYVdENlOHOPHgRK9G+5xtlHyxeCRanWhorehsuuds24GIov4fgDFtgepCImOWlja89teHE40yhosF9apfJ5OMYyNRrday43wWOyOySDb54rWLhskxjVZkU0gao97ez5QPDhGaXMiTG84Rn1PBMzMHc3ugB5ZmMsZ69eJ4QgHlNVri8qrQifpFidu+OkVJC2XNAW627IvWWxTkldegFfWfW62ol/N+7zZ/bvLvw8p5vvwYnMzh2Fze2xWN32t7CHxrP18dSWTpeE/ca1XXOpOTFwtQa3Vkl1aTkFvW9gkmWiSjqIo1hxKJzi7jmY3hjfaZK6TdNjAEOJ6QT5VaS2phJTFZpa0eW1ih4lBMLreO6GsqKTXRITwyqT9+fW14dVtkj/b9vBpau6+yUMi4b5wnLvYWhuM2h2Q0e+xPwcmkFFSSVlTJd8cuNntMHQ5WClbOG0pMXgXFVRoqVFpuWnPCsL+iRmPwSaxSN78Q/sXikdw6vC8vzB7MUzMHs+aeUTy54Rxj3t3P4z+HEvTOAcavOkBcTvvnl7/DM5nw3kEWfPmPwWbjuc3hl105l5hXzqYzaWQUN1ZqPRiTS1ZJFRcyStgalsG+qOa9og9EZ/Pr6TQis0p57Jezjfb9cDyJR9aHsGpXTLPndjeOxxcgIpKYV05WSedYVx2IzkWj03EgOqfZaiSFTNJlgSFcB8GhvaWCl+f6cHeQB49M6W+0cZhJBQT0ap3dga6qW24NY70TkZklnE8vJqO4ssUvNhON+WzRcOYMdWF+QB/evnUof4VnotGJFFSo+Pt8FiqNFhGR+JwyXprrw4mXpvPZouGNSkUbEpFeQlG5iuPxeY22bwpJp6iiBlEUySurwVIhQS4VsKzNxszxc2FUPzsu5pWjqL25jkgvoUKlRaXVsfVcZue+EQ2Y4eOMo7USX1dbfJtRgjPRfpRyCZLaFeTuHAg2x+RBvbFWyunvaIWPq02rx9b93dw2sm+rx5kw0V5kUgkf3B5gqJK6Hllz93DGejnw3zubZufqWDTa3XDP4WzbfEvLJO/eSCUCUonAlEFNq09OJOSTW9o4OPDqVb8Q2TABMcDJCoVUgplMgodDY8P2OlztzFl9RwAPTtLfm+aUVnPiYgFVKi0HY3NRaXWU12jYdSGLKpWWzOK2A5P1J1MorlQRlVnK5lC9OmphhYr8spo2zqxHFEXe3RHNH+fS+e+e2Eb7pg52xNJMhoVCilIuxamF9iB7CzPD+21xSVATkqLPqJ5PL+4wte/OZK6/C/YWCoK8ehnsPjqaOUNdMJNJmePn0i3Uh6/5slKAQc5W9LUzb6LG1JX0tbPgYkEFTjbG6bO7lHuCmpqPdwWBHraEpJYAsMBI6rH2lgpS8iuoUmuZa+QyHI1W1yMyCAqFlC/uGWn4+ZbhfTidVIhEAK/eljjZKNl9IZNXt0Xy6rZIvrlnOLP9+/LXExPYGJKKm70F7+zQrxL2tlTg72bLhPcOUqXW4dfHhm1P6Jv15/g58/vZdOQykVW3DSMio5i/w7MMkv/7o3L5KzwDiUTCrcP74tvHhgPR2cQdKAdguHvXBWmDnK35/O4RXXa9a5leVmZ8s2Qkf5/P4slp3m2f0I0Y2seW7+5rn0L4H2fT8XG1YYhL60GkCROXg28fGx67YQCfHUxgXkAfpl5n7RLTfVwMpegtcfOwvihkUsJSi5r0D9YxZbAT+56djE5Hk3u1ZetOcyw+H7lUYOe/JxnshqYMcmLnBf0is7djfeDw2FRv4nPLUcokLBvvxYWMYm7+/B8Abglw5dO79fNptUpjUBJ1tFLQ39GKi3nljPZ0ICG3HJlEwNPegue3hJNfXsPCUe4sHNVyOeVMHyfOpRYhEQTUWh3+fW3x7WODZ+/mA9SWUMgkVKiaLtaN6d+LrY9NIDGvHFEU8XZqXnl8ZD97Vi8cxomLBbx0yft9R6A7f5xNZ9JAxx7RXx/o6UCgZ+cqS9852p07R3euyvrlcM0HhzUaLa/+eYHUwkruDvLgluHGWbFNKqhAFGnXyk9XsDUsk0VjPLv8ukUNFC1Tio2jVhqTVUpxlRqtCCcSC3hwYtdnlEVR5L1dMYSnF3NnoHuPkyIf7m7PCA+9DUhOWTXPzx7C6j31JSJPbzxPtH9ffPvY8sZ8f5789awhi+jRy4KY7DKq1Ppi6zo1SoAAd3uC/zMNjU6HUiFj2hAnnpo+CND3X3yyP46L+RX0slQwyMWa82nFfHZAXyItABEZpZxPL2aYm8mipKcxdYgzU2uFsmKzywhJKWTyQEfcHTq/RLgrqFJpMVdImedjXOVsE9cmj0/zZndkNi9vjWDPM5ONuhjeXZnl68Is39aDyN5WzS/gR9Wa16u1IicSCwzB4dH4fMPcZmdZrxg7wNGK7bWLngA3fnrE8Hh7eBaf3g3fHEnky8OJOFjK+X35BBysFPz5+ATKqzVYKWUEJ+Rx79rTPLUpHDtzOUNcrZstXY/JKuVATC4LR7nx8OQBFFWqOZtShIOVgldu9rnsAEwQBF6bN5Tw9GJGtxAUDWiHF++CkW4saObe5q+wTI7E5pFbWsOdgU0DooMxORSUq5gX0Ael3HjB46qd0aQUVLBiri/uva6Neai9dP+UxVVSUK4itbASgNAU4/S4QX3PVgcJG141lmbG+dWPbqBqOWWgcWTpC8pVCIKAVBAorVa3fUInUFqtIbxWmvh4fL5RxnAl7I3MZsrqQ7z0x3lm+jrj62rLwlH6L3dbZf1ak/oSZa8VN/nQx1ZJbysFK2/2pbBcRf/eFliZSXlggmejY2UySbOeTBkl1eSUVteWIMJID3v+Op9p6CMR0ctbL/wqmKiMko582Sa6EK1OZNWuaP4Kz+TjfXHGHk67aI9irblCyoZHxjURGzBhoiMwk0n5YGEAOaXVvLYt0tjD6VG8+VckE98/2GpZ7pPTvLE2kzHQyYq7RtcHPC/P9cG1dm577WbfFs8PbHDvIwIF5TXsjcpGFEUKylWcSi4w7LdS/j979x1fd109fvz1uftm3ezR7CZN05Xu0gmFgi1bRaaggoICMhQVRRT05x58QcUBKCgqQ5ki0tICpYWWtnSmbdokTZs0e6+77/38/rhJWujKvJ/ce8/z8eBBxr33c5Lm3vs5n/d5n2Ng/YEmHllXMVCq6vL6KE6P45qPzfD1ev18/skt/Gl9JZ//yxYAvnZBEfdeWMxPPjWDF7cfZV/90N8P020WVk5L/8hM4dHyfmXgnGd/fRfdHzsHK63t5LF3D/HC9qMDZbGjZSidxdfsbeCZLdW8X9nK/a9EXjfgsE8O0+PMmA16Drf0UqzR0HXgIyew44FVo6X86RNsmPQKZoNyynKEsXbZzEymZsSRbrNw23JtSthsViMritOIt4ZOh8oup4c/rK+kvdfNgYZukmPMfP/SqeT3lavseGAlxr69tTq9joMNx65wptusvH3P2Xxw3/n868MavvrMDqpa7Nx/8VTuvmBwHYSzE6JYkJ9IjMnA1X3lF+lxJ85wcvtU7vn3rhO+LkKDTgFr39Viq0mP36/y9oEmth1u0ziyEzk9Pr7z4h5u+PMWNlW2nvkOMC72k4jwNCs7nrtWFPHSjlpeGOUT61Cw/mAzt/9jO3/eWPWRr3fY3TR1nbpS6cUdtXQ5PLy4/Sher/ekndRvWJTHzgc+wRt3n41ef+z8KTPBysZ7z+OD+85nxmkqVh797DzS4gIrizoFvv3ibq5bEGjeVpAawzlFx2YCv767njue2cHuox0Y9QpGvcId503iwcumnXDe5PX7cXsDF2P75/4Z9Tpm5yRw45Nbuf/lvXzy0fepGEJTG4Bup4ft1e043KO/J/CSvhXBJYWB/drHsxj1KH27FaNGadWw2+nh68/v5PNPbmVnTceg7pMWZw400fOpJI1BgjzehX1Z6eFWO6W1nXh8fl7dVReUeSgnYzbocHn946YhTbrt1INRx9Jf3juM2xdIkf+2qYpPTDt9icdYsEUZeen2JUE/7sfdfPZEbtY6iEFq7nbx7Rd209rjxuPzY9ApfO+lUp7fWsM/+obUV7X0MsFmobbDSWKUkbcONFPUt7dq1g/X0GH3kBVvGSjbUYEPqtq48iRlJafyRN/cxKYuJ3c+s4MtVW1Em/W4PH5iLHo67F50ChQOouRFjE+KovCDy6ZRWtfJ3NxE/rO7jme2VAOBq/TjqWT4cGsvVS2B/a4bK5pZJOMphMa+el4h71e28L1XSpmdEz9Q/hgJXtlZS2uvizf3NfCZOVnYooxUt9q5/5VSPF4/d58/ibMmnvgcnZYRx57aThKijBR9bzUqcN+Fxdx8dsGI4nG7fVz66Eaae9z84NKpfHpOFo/1zeidlhHHFXOzuWLuie9/Ne12PH4Vt08lMdrI324665TNriwmAz+4fBqrSxu4YWHeR753tCNQNefzq+yp7aQwbfAX5B94ZS91nQ6mZMSRFG1iy+F2rp6XzcWjMJ/1/ouncv/FJ19lLUyN4XuXTKXd7mbRSf6thuNgY/fAlq73KlqYlX3m95CEKDO5SVbsbh8zMiNvj3jYrxwa9AqGvnpwq4a1y0WpMdgsBvKTtatbPj4tNem1+V009xzbc3lEozESHp+fR9aW892X9lDdatckhlBztN1Or9vLhHgLX1yWj1+FXo+PzVVtAyWc7XY3KbFmbFYjUWbDQAlxj9NLhz1QOlLb6eQnV0xngs1CQXI037tkCn6/n9LaTpxuLzf8+QOmP/AG3/jX6Vf+PjzSTlO3k4x4C1nxUSRFm5iUEs0FU1O55eyJJ50pJUJHapyF84rTsFmN+I5rAejVch7RSUxMjqEkKx6b1cj5spdQjAN6ncLD18zCZNDx1X/uGJOVn/GqP5mYPsFGnDWw9lHZ3E1brwuPz095U89J7/f0Fxew+u6ziTIZ8PeNP3tua82IYtlU0cLM/7eGA409tPW6+fnqA9y7qpiHrpzJI9fMPG3FzBeX5DNtQhw2i4HshKgzjii5bGYmj352Lgs/dnHq/oumkhJjYn5uwkn3/p3K/vqugREWdR0ONla04Pb6WLOvYdCPMRJTJ8SxpDAZ3Sm6nR/PN4j3hKkZNianxZIYbRr0bGufqhJrMZIWZ8GvWW997YT9ymFOYjTfWDmZ0rpOPqvRqiFAnNWITqdgs2q3PJ1hs1DXGSituFSjTqHJ0Ra6nYGELPsU7Z3H2u6jnWw6FKh5f21PnWalpQ63j7pOB/lJ0YN6EdRSSVY8F0xNp6nLyWfPymXt3qZAJzajjpzEwCr07Ox4Prc4n5ZuJ5+anUVCXylGjMVAhs1CQ6eTorRYpmbY2HDveQOP/YUnt7D9SDupMSaq2gJvSP/ZVcevrpx5ynjm5ibwemkDXp+f+y6awvPbanhlZx3tDh9dDi8/eHUvvzzN/UXouKyvBCnGbGDOxwYpa81k0HHfRSfvfCiEVjJsVh66aiZf/Os2vvnvXfz22tkRUc585bxsLps14SMNWErruuh0eOjVeTlv8skTA51OR0a8lduXF3LHsztQgS+PcPTZL1YfwOU9tvd+Rmagk/bls8/cFNFg0PH0TWfxxMZDxFoMLBzmCtrlszMHdbzj/fT1fTyzpQajXsdn5mXxyVmZrN3XyJbDbePqApjT4+PBV/dytN3BbcsLWFx46h4WVpOeH1w+fUiPn58czT2fmExdh+OMTYzCUdgnhwBn5SeRHGsmR8Oud9FmA5PTYzVt2xtnNdDQCXodNPe40OKUZmFBEtXtDhRgcUHKGW8/FvKTo4m3muh0eJipUYma1+fnuy/toa7TwTlFqdy6fGTlK2NNr1MGGml87s8foCgqBalRpESbsXv8xFgD5YCXnWL/5KbvrDjlYx9oCOyFaOpxE2cx0OX0kpVw+rLn1DjLR8ZIdDk8TIi3cLChm1iLgcbuwKzESDghCncGvU7zkTNChJrzitP41spifv5GGZPTYrljxSStQwqKj59jtXS7yIy3oqBgPsN85wtLMqg4rmzy2sc2YTHqefLGBUOO47ziVPbUdqJT4Mtn5/PNU4zPOJWdNR28X9GKQR+YuZg/xFEUw7Wtr3Gjx+dnbk4CUzLizji/VQtHWu0c7qs+e6+y5bTJ4XCdqlNrJAj75LDT4eF7r5Ti8vooPdqp2QvknSsm8XZZE0s16tAJUN1qxw/4/eBwnbjhOhi+tbIYnaJgMeq4aWmeJjEkRpt45NpZOD1+bFZt2n07PIFVQ4DK5pOXuoxHn3p0IztqAmWkUUYdJoOeo+32Ec3vvHnZRP65pZqlhcnct6qY3bUdmAwKr+2u47ziVKJO0rn041ZNz6C+08nK6elkxFlZMilZEkMhRET7yjkTOdjYza/fPEhucvQpL96Fsy8unciru2qZlmkjKcZ85jv0WfXwesoaAu/Nn31888De+sG6Y8UkLi7JwGzQk3mGi50nc6ilBxUVj0+lps1OjNlAXYeDGZm2Ma00uuO8Sfz09TJyEq2cP+XElVaH28dbZU3kJkUxPTN4c4U/Lj85mpnZ8VS32rkgAlf2xlrYJ4den3+grX6vhrX30zNtmj6RAJzHlTiUNXaxckbw3yg6HR4aOh2YjXp6XN5BnfiPNr9f5ZkPqmnucfH5RXkjSmyGK9Zi5AuL89he3RFSb9jdzmMXFdw+lR6nl3113czJTTzjSt33Xt7DqzvrSI41s7wolRVTUllcmMxNS/O56bj2/jnJ0XztuZ34/CpVzb2DuqCzqCBJmoEIIcRxFEXhp5+eQW27g68/t5MYs57zisdPaWAw5CRF8dXzhr4o0Os6dr7Ybj+2509VVeo6HcRZjAOdNr/8t218UNXG8smpPHzNrIHbjqQZ0MUzMmjqchFt1tPe6+aKP7xHrMXAFXOyP/J+OdqWT05l+SnKbwH+uukw7xxoQqco/PqqmWRo1NzQZNDxnQulpH+shH1DmqQYM/d8oohLZ07g5mWRPV/q+E6pGTZtSmxf2nGUbUfaeb+ilTf3NmoSw66jHbyxt4EPj7Tz4o5aTWKAwGrXfRdN0fyiwVC8cOsSMuMtpMaamZVlI91moanbyVtljVz/5w948NW9J8w4BLjn+Z3844NqulxeDrf2suVwG3/s69p2gvHVcyQoajscrNvfSI9GK/pCiPBkMep54gvzKM6I5da/bx/0yJVgaulxsbOmY9BjBoLhpdsWkh5nJjvByiu3LQLgX9tqWP7LdzjvV+tZ8ev1HGzsxu/3s7mqFb+q8m5586gdPz7KxNcuKOKmJfn8bfMROuwe6judNHafeiRHMIy3md3imJo2O2+VNY5KE6qwXzkEmJubyNxcbWuHV+9t4I3SBs4rTtVsrp1Jr+DyBp7RZr021wUsRgN6XWCI+Znq/8dKZrwVq1GPw+OTkQdDZIsy8t63A/sH3yitp6rFzhVzM/n925X4/CplDV00dDrJ/tj+3p01HegUBa9fRa9TUFFP+btPjbPwnQunUNXSO+jOYqHM5fXxwCul9Li8fFDVJg1OhBCjKs4SGIdw9Z82ceNTW/jD9XM59zSrQ8FQ3tjN89tqeH1Pw0BnzIKUaNbds1zTuPolx0ax+b7zP/K19Qeb6XS48fpVHB4fmw+1UpQWy9LCZN6vbOXcyYPvo9DY5eQ368qJMum56/wiYswnPx036HUUpcXS4/SSGG3iC4vzBr7X1O3kxe21TEyODtpYsC8sziM70UpOYpRmq4biRL0uL99/pRSHx8eHR9r55sriET1eRCSH48Hj7x6ioctJZXOPZslhcqyFHpcdnQIZ8do8qc8uSuaF7Ucx6pVRm2EzVKlxFh6+ejbdLg9ZCdo1KQplde12GrucmA06Ys1G5uTEs3pvA8kxZmItJ76s3Lgkjx/9dz+KAlEmPXEWI9+56NQvXuOhDDtY/H4Gutr1ysqhEGIMJEabeOaWhXz+L1u4+a/b+PVVM7l81tA6WY6GqpZefrX6AK+X1mPQKZw9KYUbl+SRnxw9pD2BY83u9uL2+omPOtZh/pKSDOo7HBxps2OzGnn3QDMWo55HPzt3yI+/dn/jQL+Bt8uaqO90EB9l4sq5WSdsz3jwsqnUdTjJSYxCf9x+w6c3HWHr4TbeOQDF6XHkJI39+YzVpOeSktDZChMpvP7A/lQAh/vE6q2hkuQwSDocHrocHnQaNsmYnmmjvtOJ1agnOwgvIiezq6YDt9eH16dQWttJpkbJWY87MHsva3x1xg8Jf9lYxXNbq+mwe8hPjiYx2kS300NuUhQer8rD68r58rKJqMC6siZmZ8dz/cI8GrtcPLe1BrNRR35yNEaNVq/HG6tJz72ritl9tJMVJ2kAIIQQoyE5xswztyzkS3/dxl3P7uRIq52vnlsYlFFKLq+PP60/xO/ersCk13H78kJuWppPYrR2471OpbHLyXdf2oPd7ePOFZMGRkmsmp7BqumBbqZffGorPW4vL22vPWlCdyYzs+J5o7QBs0HHoeYeNh0KlPsWpESfUOlmNuhP2q00NfZYMr1mXwNXzs3CFjW832dzt4vVexuYNiGO2eNsZJA4M5vVyDdXTmZvXRcXTB35vmJJDoNk0cRE9td3UaBhGaPb60dVQQGcnpFfWRiOPbWd1HUEauYrmntYqUEMR9vtfPuFPXj9fq5dkKPJ1dNQtqe2E5NBh8Pjw6eqpMVZKEqL5dG3K2nqdrK3rpO39zexqCCJw629vLmvkcc/N5evX1DEtQtyqO90MiUjVusfY1yJpJVSIYR2AiWmC/jOi3t46M2D7K3r5NdXzTplWeNo2Hq4je+8uIeKph4uKcng+5dM1aQR3GAdau4d2P+9t67rpHMGFxcm8+a+BhYXJA2rM/b0TBuP3TAPnQ7eOdDM05uP4HD72F/fPehtUNcvzGX6hDhu/ccOfrOunFd31fHqV5cOORaAP66vZG9dJ/8rref3183FFqVNJ3cxfDOz45mZPTrj2SQ5DJJ7V01hc1UrC/K0uyJzoKEbj89Pl1OlprUnaHNzjhdlMmA1BeYQaTXzsa3XjdcfSI6bu12axBCqupweAHx+uHlZPhfOmEBhagyltZ30ur2oKrh9frqcnoF/Z4tBh15RUBSFCfFWJvSVNPv9KvVdTtJizRhkFVEIIYLCYtTz0FUzmTYhjp+8vp+LHtnAQ1fNZN4oz3XrdXn5xRtl/HXTEbISrDx543zN9zoOxpzceGZlx7OxvIWatl56XV6ij0ueHW4fF81I5/qFOSM6j+l/j0yKNuFw+1AUeOaDaq5fmDuo+yuKwuSMOJyeQAOStl73Ge5xatF9sZj0Ogx6GQMV6SQ5DJLvvLibD6ramJUdz2Ofm6dJDD1OL34V/KqKxahNYvalZflsqmzBbNBx1bwsTWIoyYrnmvk5NHe7uHJutiYxhKr1B5qp73QQZzWQmxxDYWpgJTw3KYpoo0K3M9DFbEVxKvd8YjJbD7cxJT0Og15HfacDj1fFZjViNCg89u4hNh9qpTg9jgcvmzboGDrtbt452Mzj7x5iSWES37lo6lj9uEIIEZYUReFLyyZSkhXPPf/ayZV/2sTNyyZy54pJo7KK+O7BZr7z4h7qOh3cuCSPb66crMnoquEwG/RMSo1lZ00HZQ3dbChvYdX0QMMXu9vLN/+9m9YeF1fPz+ZTs7MG3tuGs+ev2+khLzEKW5SJHqeHqZmBgfNr9jVw1zM7MOgU/nPHUvKST151FmUy8I1PFLF6XyM3DDKpPJ6qqjT3uLjl7ALm5CZQmBrzkUQ42NxeP1/953Zae138+JMzKM6I0yyWSBYaz9Qw8H5lKx6fny1VbZrF0HrcVaXV++pZMDE56DE8u6WG2g4nCvDa7nquO2voL2aj4ZOzpZR0OIrSYgf2ChalHXuzirUYmZYZT0NZoJX3+oPNxJgNA1eJDzZ284P/7KXD7gYU0uMsAyMvDjZ24+vrYno6fr+fyx99jyOt9oHbV2+x87nFeWTGS2MhIYQYqgX5ifzvrrP58X/389i7h3hxey3f+EQRV8zNGta+8MrmHn76ehlr9zcyMSWaf39lkebd4odjcnosBp0OnU4ZuAgK0NTlorUnUHG0v76baRMC720+v8rXzi/irCEW/7OzAAAgAElEQVQ02nv07Qoee7eSeKuJp29aQJfTM7Df74ev7sXRt/3nvpdK+efNC0/5ONcvyuP6RXnD+Cnhj+sPsf5gE1MzbHz/Uu0vtD6/tZrNffsvf73mAI9/fr7GEUUmSQ6DZNmkZDYdamV2zujUAw+HwrERcjazNpvA/X4/bq8PFPD5tRuUs/toBy09Ls6elCIljUMwOT2W3103BwhsgO63/Ug7++q6Bj4vyfro/rnaDgc+v0qvy4dOp9Dr9nLu5FRqOxwsLUw+aWKoqiqv7Kyj2+nhM3Ozael1caTVDjCQHMZHGUka5gZ8IYQQEGM28NNPz+Dq+dn88D97+faLe3h4bTlfWJLHp2dnnnF/oKqq7Kjp4C8bq/hfaQNWo55vrZrMTUvyNatSGqnpmTZ+d91sFEUZeK97v6KZn71RRm5iFEkxForTY3liwyF6XV4sRj3VbfYhJYdvlTWiqtBud3OwqZsL+5rdAMzLS+TozjoUYOW0j5bitvS4aO52MWUUVtV2Hw3Mltxf34XH59e8UdyMLBsGvQ6vz8/0LNmHrxVJDoPkoatm0dTtIiVWu1bNsVYDnY7AJutpGjW/8PpVvH4VBYLSIe1k+q9sqqg0dbm4ZkGOJnGEquOTQoAel5er/rQJb1+y/40LJvHVFUUfuc3SwmSqmntp7nHR5fCQFGPm84vzTnvisPVwO89urQYCs56uXZDDoolJ7K7t5KYlWczNS2RGpg1LiJQqCSHEeDYrO54Xbl3MOweaeXzDIX72vzJ+/kYZc3MSmJ+fyJSMOFJizFiMOnpdPmra7YEGZGXN1HY4iLUYuGlJHl8+p4DkcTSWYrjiP3bh8QtPbsPt87PnaBcbvn0O9/67FK9PRaconFOUyoUzMk7xSCd3w8I8frn6ABk2C+cWfXRG4sPXzObTczJJjDYxPfPYokJrj4tv/msXDo+PT8/J4qp5I9sac/3CXF7bXcfigmTNE0OAmdkJvHTbYlp63MzNla6pWpGzqiDR6RTSbdp254q1GOlyelE4thE62HpdPqx9CUGH3aNJDF6fitq3hur2adO1NZwE9rIeWwWelH5iJ1KjXsdNS/OH9LgJUUYUFFTUgXbnf9Jov64QQkQCRVE4tziVc4tTqWjq5vU9Dazd38gTGw4NzFE7XrRJz6KCJO5cUcjFJRPGtOup1lSO/fzl9T00dbkwGXScOzmVW5cXDPnxPjk787RbXM4uOrF5T7vdjaOvAU1dh2PIx/y4JYXJLCkM/haj08lNiiY3KfgNE8Ux4fssFic4d3Iqr+2uI9ZiIDtRmyfeN1YW0esOlGDcvGxoycJomZwey50rJtHc7WLltHRNYggn6TYLF0xJZV1ZE7EWI7Hm0WmBPSktlh99ajq9Li8lWdqVYwshRCQqTI3lzhWB90unx8fh1l7aety4vH6iTHrSbRayE6I0qwIKtl9+poSH15ZzSUkGz39YS5zViNfn56vnDT0xHK7C1FiuXZBDdaudq+dLQz0xNiQ5jCCT0mKYnB5LlMlAnEWbGTZxVhO/vmqWJsc+3uKC8XWlLNRdc1YunU4vOkUZ1dJpLeeCCiGECLAY9RSnR3bnyE/OzuKTswNd1h98dS/tdjf5ybFYjME9lZbZzGKshVRyqCjK/wHzgO2qqt6ldTyh5vqzcpmZFU9GvCXiB5xuqmylucfFJ6amheyG+fHk3MmppMdZiDYZhtXOWwgIzB1992AzJVk2JqWdWJ4shBDjwb2ritnf0EWRvE6JUebx+Vmzt5E4q4Flk1LOfIcxEDLJoaIoc4BoVVWXKYryB0VR5ququlXruEKJTqcwM1vK8w42dvPIuoNAYGbeDcNsAS0+ajQ6p4nI9vDag1Q29/Dqrjoe+9zcEQ2YFkKIsWI16ZmTIw1TxOh7eUctL2w/CkCcxajJebv2rYkGbxGwtu/jtcBHhr4oinKLoijbFEXZ1tzcHPTgROjQKQoKgT0Sel0oPQWECG/93fIMEbKHSQghhDje8V1jzzT/eayEzMohEA9U9n3cCUw7/puqqj4GPAYwb9487QboiXGvMDWGb19YTHO3i+WTtVmyF0Kc6GvnF/F+ZQvTJthk1VAIIUTEuXTmBGxWI3FWA9M1GjsXSslhB9BftxbX97kQwyLltUKMP7Yo45BnhQkhhBDhQq8LjJPRUijV1G0CVvR9fD6wWcNYhBBCCCGEECKshExyqKrqdsCpKMoGwK+q6hatYxJCCCGEEEKIcKGoavhtz0tOTlbz8vK0DkOIkHb48GHkeSTE8MlzSIiRkeeQECPz4YcfqqqqDmkxMJT2HA5aXl4e27Zt0zoMIULavHnz5HkkxAjIc0iIkZHnkBAjoyjK9qHeJ2TKSoUQQgghhBBCjB1JDiPIvrpOvvTXrfzfmwcIx3JiIULVyztq+e5Le/jwSLvWoYSMXpeXdw400dDp1DqUMWN3e3lozQF++vp+2nvdWocjQpjH52dDeTNVLb1ahyKEGOfCsqxUnNwP/rOP/fVdbD3czvLJqczOSdA6JCEiXpfTw7NbqwH4xwdHmJsrz8vBeHjtQfbUdhJrMfLodXMwGcLvWud7Fa1sOdwGwJv7G7lqXrbGEYlQ9bdNR3hzXwNGvY6HrppFSqxZ65CEEONU+L2bilNKiDIBYNAp2KxGjaMRQgBEmwzkJ0cDMH2CNgNvQ1GPywuA0+PD5w/PSojC1BhMBj0GnY7i9FitwxEhrMcZeL54fH5cXp/G0QghxjNZOYwgP7tiBs9srWZquo2JKTFahyOEIDDw9oeXT6e1x026zaJ1OCHjjvMmsW5/I7OyE7Ca9FqHMybyk6P53XWz8ftV4vsu7gkxHF9YnEdyrIn8pGiyEqK0DkcIMY5JchhB4qNM3HpOodZhCCE+xqjXSWI4RBPirdywKE/rMMZcnEWqPMTI2aKMfPasXK3DEEKEAEkOhRBCCCGE+Jgjrb089f5hfH6VaxfkMCUjTuuQhBhzkhyKoHK4fTy7tRqTQcfV87Ix6GXbqxAAFU09vFFaz9zcRBYVJGkdjggjBxu7WbO3gQX5SSzIT9Q6HCFCQmltJ9c+thmXz49eUXh2Sw2/u242n5iWrnVoQowpOTMXQfW/0npW723gP7vq2FDRonU4Qowbf1xfycaKFn73djkOtzSMEKPn929XsLGihd+sK8ft9WsdjhDjntvr5+7ndhJjMfDWPefw/rfPY+qEOO58dgdlDV1ahyfEmJLkUARVelxgX5WCQkqMtNIWol9aXOD5kBBlwqhXNI5GhJO0vv2sidHytyXEYDyzpZqKph5+/KnpZCVEkRBt4rHPzSXGbORb/94dth2ShQApK40oFU09/H3zEQpSorl+YS6KEvyThMWFyaTEmjHqdeT1te8XQsBdK4rYW9fJxJQYKbfu09Tl5ImNVdisRm5eNjEsZxmOtfZeN36/Sl5SNF+7oEiT130hQonPr/LExkPMzU3gvOK0ga+nxlr43iVTuOvZnTy3tYbrzsrRMEohxo6800aQ57fVUNbQxX/31HO41a5ZHJPSYiUxFOJjTAYds3MSZAbpcV7fU8/uox1sKG9m25E2rcMJSWv2NbCntpPDrb2U1nZqHY4Q497GihZq2hx8cWn+Cd+7bOYE5uUm8Jt15Tg9Uv4vwpMkhxFkal+XraQYM6mxUtIphBjfJqfHoaBgNerJlwtKwzI5PQ69TsFk0Mt8WyEG4T+76oi1GFgxJfWE7ymKwtcuKKKhy8lzW2s0iE6IsSdlpRHkk7MzWVSQhM1qxGIMz6HRQojwsaggiUlpMViMemLM8nY1HLOy4/nttXPQ6xRZlRbiDFxeH6tLG/jEtHTMhpOfJy0uCHT9/f07FVyzIPuUtxMiVMnKYYRJi7NEfGKoqirPbqnmt+vKae1xaR2OEKLPgYZuHlpzgPUHmwe+lhxjDovEsLnbxW/WlfOvbcFfbUiMNkliKMQgbKlqo9vl5aIZpx5XoSgKd543icYuFy98WBvE6IQIjtB/xxViiHYf7eTlnYEXdLNRxy1nF2gckRAC4LF3D1HbYWfr4Xbm5yUQZQqft6jnt9XwfmVgfM/UCXFMm2DTOCIhxMdtrGjBqFdYOPH0s2aXFCYxM8vGH9dXctW8LGkiJsKK/DWLiJMaZ8bUVwaSlRClcTRCiH5ZCVYg8BwNt1Kt/p/NYtSTInu+hRiX3qtoYXZOAtFnqFZQFIXbzi2kus3Of/fUByk6IYIjfC7LipCgqiqbD7VhMuiYm5ugSQwZNiu/urKELoeHwtRYTWIQQpzojvMKWdmYTk5SFHpdaIxc8PlV3qtoISnGdNrVwMtnZTIlI47EaBPJQZjxuqWqDUWB+XmJY34sIcJBW6+bvXVdfP38okHd/oIpaUxKjeH3b1dyackEdCHymiXEmcjKoQiqdfubeGTdQX65uowPNWxNnxprkcRQiHHGoNcxdUJcSO0xfOHDo/z+nQp+9Np+Kpt7TnvborTYoCSG7x5s5qE3D/DrNQd4v6JlzI8nRDjYfKgVVYUlk5IHdXudTuG2cws40NjNurKmMY5OiOCR5FAEleO4uUBOj1/DSIQQYuSc3sBrmoqK2zs+XtOOn7/mkFlsQgzK9iPtmA06ZmQOfj/wpSUTyE608ru3K1BVdQyjEyJ4QufyrAgLF05PRwXMBh2LC06/4VsIIca7q+ZlE20ykBJrZkrfLFmtrZiShsenoihw7uQTZ7UJIU60o6aDGZk2jENoLmPQ6/jKOQV896VSNlW2srhwcKuOQoxnkhyKoDLodVw2c4LWYQghxKiwGPVcMTdL6zA+Qq9TuLgkQ+swhAgZbq+f0tpObliYO+T7XjEni0fWlvPoOxWSHIqwIGWlQgghhBAiYpU1dOHy+pmVEz/k+1qMem5eNpH3KlrZUd0+BtEJEVySHAohhBBCiIi1s6YDgFnZQ08OAa47Kweb1cjv36kczbCE0ISUlQohhBBCiIi152gnyTEmMuOtw7p/tNnAjUvyeHhtOR8eaWNu7vBGyPj9Kh9UtbH7aAcqcFZ+IrNztBn7JSKXJIdCCCGEECJi7W/oYkpGHIoy/FmFX1o2kee31vDtF/bw2p1LMRv0Q7r/2weaePDVvRxptX/k6xdMTeOhq2YSazEOOzYhhkLKSoUQQgghRETy+vwcbOyhOH1ks49jzAZ+9KnplDf18H9vlg/6fs3dLu58Zgc3PrkVg07hkWtmsev7n2Dn9y/g2xcW83ZZE9f/ectHRtQIMZZk5VAIIYQQQkSkw629uL3+URlFc15xGtcuyOGP6yuZkhHL5bMyT3lbv1/l3x8e5cev78fh9nH3+ZO4dXnBR1Ycv3JOAXlJ0Xzl7x/yw9f28ZNPzRhxjEKciSSHQgghhBAiIu2r7wagOH105pT+4LJpVDb18PXnd9Hr8nHtguwTylVLazt54NW9fHiknQV5ifzk09MpTD35yuWq6el8aWk+T2ys4oo5WczNlT2IYmxJciiEEEIIISJSWX0XBp1CQWr0qDyeyaDjyRvnc+s/tnPfS3t4ZWctn5qdSZrNQnWrndV7G3i/spXkGBO/+EwJn5mThU53+r2Od19QxGu76/nJ6/v591cWjWhvpBBnMq6TQ0VRvg58WlXVpYqi/B8wD9iuqupdGocmhBBCCCFCXFlDNwUpMUNuIHM60WYDT35hPn/ffITH3j3Et1/cM/C97EQr31o1mesX5hI3yCYzMWYDty4v4IFX9/JBVRsLJyaNWqxCfNy4TQ4VRTEDM/s+ngNEq6q6TFGUPyiKMl9V1a3aRiiEEEIIIULZ/vouzsof3uiJ09HrFD6/OI8bFuZyuLWXDoeHtDjLsMdlXD0/m9++Vc4TGw5JcijG1HjuVvol4K99Hy8C1vZ9vBZYqElEQgghhBAiLHTY3dR3OikehWY0p6LTKUxMiWFOTsKwE0MAi1HPlfOyeftAM01dzlGMUIiPGpfJoaIoRuAcVVXf6vtSPNDV93EncMJuXEVRblEUZZuiKNuam5uDFKkQQgghhAhFFU09ABSlxWgcyeBcOTcLn1/lhe21Wociwti4TA6BG4B/Hvd5B9B/WSeu7/OPUFX1MVVV56mqOi8lJSUIIQohhBBCiFBV2RxIDgtTRjbjMFgmpsSwIC+Rf39Yo3UoIoyN1+RwMnCroihvANOAZGBF3/fOBzZrFZgQQgghhAh9h5p7MRl0ZCYMv9wz2C6dmUFlcy8VTd1ahyLC1LhMDlVVvVdV1ZWqqq4C9qqq+gPAqSjKBsCvquoWjUMUQgghhBAhrLK5h/ykaPRnGCUxnlwwNR2A1XsbNY5EhKtxmRweT1XVpX3/v0tV1WWqqn5V65iEEEIIIURoO9Tcy8SU0ZlvGCzpNguzc+J5o7RB61BEmBr3yaEQQgghhBCjye31c6TNTkFKaDSjOd4npqazp7aTRulaKsaAJIdB0tbj5rmt1Zq2H/Z4PNzyt60890G1ZjEAlDd2c7ilV9MYRPi59e9buey3G7QOQwgxBOsPNPHbdeX4fD6tQwk7dnvgPV+al5xcdVsvPr9KQWporRwCnFMUaLy4sbxF40hEODJoHUCkuPbxzdR3Ovjj+kO8/Y3lmsQw58dv0e30smZfE8mxZlZMTQt6DO9XtPCbt8pRULj/kilMm2ALegwi/Fz72CY2HWoDYNoD/2PvDy7UOCIhxJlsqmjhi3/dhgqsP9jMv29drHVIYWXBz9fR4/KxZl8TabFmlhWlah3SuFLZHLhIPTE59FYOi9NjSY4xsaG8mSvmZmkdjggzsnIYJO12NwCdDo9mMTjcx67M7qlr1ySGhr6VUxWVpm6XJjGI8NM/qwrA4fYH7biVzT209MjfsRh/6joc1LTZtQ7jtCqae1D7PpbyuNHn9Bx7z99X13WaW0am/jEWobbnEECnU1hSmMzGihb8fvXMdxBiCCQ5DJLvXjyFGZk27l01WbMYLpyehqKA1ajjpqUFGsWQwcpp6Vw6cwLLCpM1iUGEnzfvWoZeAQV46KqSoBzzjdJ6vvvSHr7+/C7qOx1BOaYQg7G/votv/GsX3/r3brYdbtM6nFO6YVEeyyYlk5MYxa+umql1OGHn3lXFWIw6JiZH8+XlhVqHM+4cau4lLc5MrMWodSjDsmxSCi09bsoaZKSFGF1SVhokl8/K5PJZmZrGkJkQzVn5iQB09HqI0+AF0WrSc+OS/KAfV4S3+FgLlT+9OKjHrO5blXF7fTR2uciwhc6cLBHejrY78KuB1YTqNjvz8hI1jujUnrpxgdYhhK2bzy7g5rO1uRAcCiqbe0KypLTfskmBC+zvVbQwdUKcxtGIcCLJYQSJMunYWd1BcoyZzHiz1uEIMaq+/txO9tZ1cdeKSVxUkjHmx/v0nCwcbj8psWZmZsne2bHS3O3i8Q2HiDEb+PI5EzEb9FqHNG48vfkI5Y2BVYPNh1q5uCSDu1YUcXZRMkdae/H6VVZOS9c4SiHGp0PNvVwShPeKsZIWZyEvKYoth9u4+eyJWocjwogkhxHkb5uO4PGr1Hc5eXFHHVfOy9Y6JCFGxa6adtbuDwwE/s1b5UFJDpNjzNx1/qQxP06ke6O0nt1HOwCYnRPPskkpGkc0PlS32vnv7joAdlR3YDboeOq9w9y1ogizQc+XlsnJohCn0mn30OnwkJcUevsNjzcvL5F1+xtRVRVFUbQOR4QJ2XMYQYrTA2UHRr3C/LwEjaMRYvRMTInBZg2USU+T8pqwUpwRh05RsBr15CeH9oncaEqJNZMaawEgPS7w/9wQP9EVIlhq2gPbArITQ3s7wPy8BNrtnoHOq0KMBlk5jCB//9JZbCxvpjA1hnTZHyXCSKzFyOt3LaOqpZeSrHitwxGjaH5eIr+7bg5GvRKyjSPGgtWk5xefKaHT4SEhysT++k6mZEh5sxCD0b9nPDsxSuNIRmZ+337irYfbKEwN3f2TYnyRlcMIs3RSiiSGIizFWoySGIapxGiTJIYnYTHqSYuzYDLomJmdgMkgb+lCDEZNmCSH+cnRJEWb2DqOuxKL0CPvJEIIIYQQImJUt9mJjzJq0rV9NCmKwry8BEkOxaiS5FAEldPj46n3qvjnB9V4fcEbVi7CW6/Ly583VvH8thoZCCxECHO4ffxlYxXPbqnGJ89lMUaq2+zkhPiqYb/5eYnUtDlo6nZqHYoIE7LnUATVc1ur+eP6SnSKQny0kYumh24baTF+vLKzjjf3NQCQnRDFooIkjSMSY+lQcw9PbKwiM97KV84pQK+TLn3h4j+761jT91yeEG/l7CLpTjtcdreX375VgcPt47ZzCwYaGInALNBwmQ04KzuwnWJ3TSfnT5V/YzFysnIogupIq50Oh4d2u4favpp/IUYqLc6Mw+2jodNJl9OjdThijL2ys45DzT1sKG9mf32X1uGIURRt0tPQ6aTD7iElVubxjsTmQ63sqG6nrKGLtfuatA5n3PD5VY6228lOCI+Vw2kTbOh1Crv6Rv4IMVKSHEaQt8qauPCRd7njme2axZAYbcKgUzDoFRKiTJrE4PX5eezdSn702j7qOhyaxCBG14opaUSb9cRHGXl+a43W4YgxNis7HgWFpGiz5g0lHn7zALN+uIbPPr5Z0zjGE4fbx8NrD/LzN8po73Wf8fZ3PrODCx95l7fKmjjU3Euc1YDFqMNi1Ach2vBVlBaL1ajHoNMxPTM8VslGQ2OXE49PDZuyUqtJT1FaLDtrJDkUo0PKSiPIw2sPUtvuoLbdwYbyZk2GSU/PtFGcEYcCFKXHBv34ALtrO3mrLHAV9ZWdddy6vECTOMToykmM5nBrL7ao0G4wIM7s3OJUZufEYzXpMRu0TSCe2FiFw+Nnc1Ube452MEM65vJeRQubD7UC8Oa+Rq6an33K224sb+adA4HX44fXHuTKuVlEmQwY9TqiTZIcjkRWQhS//+xcvH6/dPs9Tv8Yi3BJDgFmZdv47+56VFVFUaTMXoyMJIcRpCgtmr11nUSbDExO0yYxWz45lU6HhyiTXrOxA9kJUcSYDfS4vBRnaPN7EKPvvounUFrbybQJMust3FU0dfG9l/dy/cJcLi6ZoGksWQlRlDf1YDHqyE8Kn5PNkShIjcFk0OPz+5mUdvrZa0VpsUSbDfS6vMzItHHdWblMTo8jw2YhNW5w+6du/+eHZMRZuf+SqaMRflixmvSAJNnHOzbjMHzGes3MiueZLTUcbrWTnxytdTgixElyGEE2lLfi80O300tFU/eg33hHN4ZmntlSjYJChs3K9Mzgn8inxJp5+JrZ2F1eTX4HYmzEWYwsLkjWOgwRBKse3oDXD5sOtbG0MEXT1eJXblvE//Y2sWxSMjHW4JfK97q8GPW6cTXjMD85mt9eMxuv309SzOn3DabGWfjvHcuoae9lZnYCAAvyEwd9rAseeofypl4AelwefnbFzOEHLiLC0TY7OiXQ8ChczOxrSrOrpkOSQzFi4+fdRIy5DnugUYcKlDV0axJDS4+rLwZ14GMtxJgNkhgKEaKOn4LTYT/znrax0uvycu+LpTy3tUaTZhBbD7dxy9PbuPOZHbRq+Hp6MrYo4xkTw36JMaaBxHCoWnqO/fuXN/YM6zFEZKlus5Nhs2LUh88p8KTUGKxGvew7FKMifJ4Z4oyWFiZh0CnEmA2cW5ymSQwXTs/g4pIJfHp2FksLZZVHCDF0Ny7Ow2rUsaQgiVwNr5IfbXfQ0OVEReXDI+1BP/6O6nZ8fpUOh5vK5t6gH388eOrG+cRaDKTGmHj25gVahyNCQDjNOOxn0OuYkWmTjqViVEhZaQT52gWTiY8yU5gaQ55Ge2MsRj03LMzV5NhCiPDw/cum8f3LpmkdBoWpMSwpSOZIm51LZwZ/7+OqaRkcau4lMdrEzOzI3Gs7MzuBPQ+u1DoMEUJq2h2cNzlV6zBG3cxsG3/ddAS31z+uysxF6JHkMIJMz7Tx66tkP4YQQowGvU7hjhWTNDt+TlIUP7uiRLPjCxFqHG4fzd2usGpG029mdjzuDVUcaOhmRlZkXiwSo0MuLQghhBBCiLBX097fqTS8ykoh0LEUYHetlJaKkZHkUAghhBBChL2aMJxx2C8rwUpClJHdNZ1ahyJCnCSHEWRLVRtf+us2fvq//XiPb/cnhBAhwuH28cArpdzyt22U1spJ0FCV1nby5ae38f1XSnG4fVqHI0RQHZtxGH7JoaIozMiKl6Y0YsQkOYwgb+5roMflYVdNx8ALpBBChJIDjd0caOymy+nh7bImrcMJOe8caKLT4eFgYzdlDV1ahyNEUFW32Yky6UmKDv5M0mAoybRR3tQjF37EiEhyGEGK0mIpq+/G7vKRlaDNVTO3188v3ijjN+vKNTm+EKPlxie3sPin69grq1dBNSk1hpzEKMwGPUsnyTicoXh2SzXPbauhqdNJTmIUk9JiR+2xyxu7eWnH0XE3b1GI49W0OchJjEJRFK1DGRMlWTZ8fpV99fK+JIZPupVGkN++VU63y8ve+i62VLWydFJK0GP4xeoynt9aA0C0Sc8Xl00MegxCjNRv1x3k7QPNAHzmj++z//9dqHFEkSPabOAXn5mJqqphe4I3Fqpb7dz/cilev4pOgSe+MJ8Y8+icAjjcPv7ff/fj9vrYVdPJg+NgzIgQJ1PTZg/LktJ+M7P7mtIc7WRubqLG0YhQJSuHEcSvgt+voqoqaHROpT/uZM6glz8/MTpaepz89PV9rNvfGJTj6XXH/nYlQdFGpP7eXV4fa/Y2DGm/ZVVLL++WN3/ka0b96P3+FAX6H04Xof8uYvxTVZWadntYNqPplxZnITXWzO6jsnIohk9WDiNIepyFhk4nBp1CcrRZkxjuXTWZKLOeKJOezy/O0yQGEX5u/8cO9td38dy2o7xy+xJyk6LH9Hi3nVvI3vpOSms7+fPn543psYQ43j82V7NmXwMKCr+8suSMWwR6XV4efHUvLq+Pc4qSaexycfX8LLITR3WfyXwAACAASURBVO85YjHq+f6l09hX18XSQin1FeNTa68bu9sXljMOj1eSFc9uaUojRkCSwwhi1OuIMukB8PpVTWLQ6XTctaJIk2OL8OX1B7rvqip4vMHpxPvodXODchwhjuc77rXbN4jXcRXwq4Hb5SXH8OcvLBiTuPKTo8lPHtuLMkKMRHUYj7E4XkmWjXVljXQ7PcRajFqHI0KQJIcR5OFrZvGbdeWUZNmYnmnTOhwhRs3D18zm929VsCA/icJRbLIhxHhz/cJcUmLNZCZYB7VCHmM2cN9FU9hX18V5xalBiFCI8SmcZxweryTLhqrCntpOFhfISr4YunGZHCqKMh14DPABFcBNwEPAPGC7qqp3aRheyEqLs/DjT83QOgwhRl12QhQ/vaJE6zCEGHNWk55Pzs4c0n2mZMQxJSNujCISIjT0J4dadWsPlpKsQFOaPUclORTDM147ghxQVXWxqqrL+j5fAET3fW5SFGW+hrGJEepxebG7vVqHIcY5h9tHt9OjdRhCiBFQVZXWHlegEZoQGqpus5MSa8bat70mXCVGm8hKsEpTGjFs4zI5VFX1+DNCF3A+sLbv87XAwqAHFQZq2uz8es0BXt5Rq1kMpbWd3Pr3D7n9H9upbrVrFocY32o7HHz1n9u59e/b2VkzPjfWbyhv5hdvlMnGfxF2elxeHn27gsffPYTLO7Jh2r97q4Lb/7mdX64+MErRCTE8/TMOI0FJlo3dtfLeJIZnXCaHAIqiXKYoSimQSqD8tavvW51Awkluf4uiKNsURdnW3Nz88W8L4B8fVLP1cBvPbq3WLDHbV9eFx+fH4fFR1tB15juIiFTe2E2v24vX72fPOBwy7/H5+cM7lWyvbuexdw9pHY4Qo2p1aQMbyptZV9bIxvKWET1W/8WdXUc7ZPVQaKq6zU52Qnh3Ku1XkhVPTZuDtl631qGIEDRuk0NVVV9VVXU6UAt4gf4NE3HACZdDVFV9TFXVeaqqzktJCf5w91CQlxS4YhZnMRIfrU0Hq/OmpDIlI46Z2fEslpbn4hTOyk9iTk4CxelxrJyapnU4JzDoFDLjAycZuUmRcSVaRI7cpCgUFPQ6ZcT7s647K4ecxCg+e1ZuxM6mFNrz+PzUd0bWyiEwLi+uivFvvDakMauq6ur7tItAN+4VwPMESkyf0ii0kHbNghzm5SWQEmshTqP2xskxZh64dJomxxahw2rS861VxVqHcUqKovDDy6dT3WanIEXa94vwMi8vkV98pgSjXke6zTKix1oxJY0VU8bfBR4RWeo6HPhVyIqQ5LC/I/3umg7OKZIFEzE043XlcJWiKOsVRVkPpAE/A5yKomwA/KqqbtE2vND0QVUrt/19Ow+8Wqp1KEKMyObKVr741Fb+tumwZjFYTXomp8di0I/Xl9HQtaumg8feraSiqUfrUILmoTUHuOVv26hsHvrPPBa/r+zEqBEnhkKMF5Ey47BfnMXIxJRodsvKoRiGcblyqKrqK8ArH/uyjK8Yobuf2UlTj4vKll5WTk3nwhkZmsTx4ZE2jHrdQLtlIYbquy/vobnbxbYj7ayclk5anJzEhguvz8+v1hzA4/NTWtvFb66dfcJtPjzSjl6nMCs7PF5D3q9o4an3DwPw3Zf28OwtiwZ93+N/X3vrunjkmhN/X6Gsps1OVUsvZ01MxGwI7y6TYuxEWnIIUJJpY9OhVq3DECFILnlHEJs1UEqqUyBDoyvCb5U18svVB/jJ6/vZUd2uSQwi9MVHBf6WLQYdUWHeljzS6HUKCVEmINCS/eM2lDfzy9Vl/Ox/+9lS1Rbs8MZEcqwZvS6wHy85xjyk++p1CvF9v6/+31u46HR4uP/lUn7/TgWPrZfGT2L4atocGPVKRF1ILMmKp7HLRWOXU+tQRIgZlyuHYmy8dPsSHlpzgIUFiczKOaHha1D0uHzHfSyzDsXwPHXjAl7cXsuigiRiNdo/K8ZGYD/nNA40dDOjr6nC8XqPe93ocYXHHMyitFie+Px8yhq6uHpu9pDuqygK/6/v9xVu1Rgenx+31w9Aj8zGFSNQ02YnKyFq4CJMJOhvSrP7aCcXTI2cpFiMXFCSQ0VRcoFJqqquVRTFChhUVe0OxrHFMVaTnu9eMlXTGC6cno7X58dk0LFUupWKYYq1GPn84jytwxBjJD7KxFkTk076vfOnpOH0+NHpFJYXpQY5srEzNzeBubnDu2h3ut9XKEuOMfO1C4o40NjNhdPTtQ5HhLDqNjvZEVRSCjBtgg2dAruPdnDBOOz6LcavMU8OFUW5GbgFSAQKgCzgjwS6j4oIY9Tr+PScLK3DEEKEKINexydnZ2odhgiSBfmJLMhP1DoMEeJq2u0DK2mRwmrSU5QWy+6j0pRGDE0w9hzeDiyhb4i9qqrlBAbbCw04PT4ZRAz4/Cour+/MNxSn1dYjA3aFiBR2txenlHeKENPl9NBh90RUM5p+JVk2dh/tkPM+MSTBSA5dqqoOnEEqimIgMLdQBNmavfVc+Mi7fPnpD3F6tEuMatrsNHRqt0G60+7h7ud28sWntrH1cHg0tNDCVX98n+W/epuvPL1N61Co73Dws9f3U9/h0DoUITSxubKV0r629Y1dTmr6ujOeitPj40BD98CevjN5q6yJpT9/m6W/eJstVdIBUYSOmgjsVNqvJCuedruHo+3y3igGLxh7DtcrinIfYFUU5QLgNuA/QTiu+Jj7X95LU7eLwy123qtsZkVx8PdwbKlq4//ePIhOB9+/ZBqT02ODHkNFczfN3c6BeObnScnSUDndXsoaAtuGt1d3aBwNnPOrd3B7/Tz5/mEO/OhCrcMRIqge31DJb9dVoFMUvrmyiP+VNuL1+7lrRRGLCk6+F/GHr+3jUHMPJVnx3HfRlDMe4829DXh9gUTyzX2NLMgPvz2OIjz1J4eRtucQPtqUJhJ/fjE8wVg5/DbQDOwBvgy8DtwfhOOKj/H4/PT36erq1aY0qLrNjoqKz69ytP30V7bHyrQJNmZmxzPBZmXlNGlyMBwWk4GV09KJNhv41OwJY3KM6lY7DvfgVrg9fasfg10FESKc7K8LXKjxqyrbqzvw+gPPg+q23pPeXlXVgRPmwy0nv83H3bAol5RYM+k2C9ctyBmFqM+stsNBlzM8OtIK7VRHcHI4OT0Wk17H7qPaX8QVoSMYK4dW4C+qqj4OoCiKvu9r2mQGEeySkgye21pDrNnABRp1fls1PZ3GLidmg46lk7TpVmox6vnOhWe+Ui5O75dXzhyzx35602H+u6ee1FgLv7yy5IzDry+cns47B5tZUSzbmUXkuWdlEU3dTqJMBr5/6VT+/WEtTo+Pi2ZknPT2iqJw2/JCNpQ3D7qL4dQJNtbds3wUoz69N0rreer9w8SYjfziMyUnnXkpxGDUtDmIsxgGZj1HErNBT3GGNKURQxOM5HAdcD7Q0/e5FVgDLA7CscVxokwG5vS1Sm/pdhFjDv6YyxizgdvPLQz6cUVoOdgYeLlo6nbSafeQGnf65PD3188NRlhCjEuZ8VH8/UsLBz7/4tL8M95nUUHSKUtOx4P+14Ael4e6Dockh2LYqtvs5CRF3qphv5IsG6/sqMPvV9FF0JxHMXzBKCu1qKranxjS93HkPks1tKwoBYfbR1a8lbzkaE1i2H6kjZIHVzP7h2ukeYg4pesX5jJtgo2r52eTGifDeyOBx+Nh1g9WU3jf6zz+bqXW4YhBqGnrYdYP11Dy4Gp2VbcP+n6v7a7jJ6/v50DDqccdXzE3i5lZ8ayals60CXGjEa6IUDVt9ohsRtOvJDOebpeXqtbBlZALEYzksFdRlDn9nyiKMheQrEADG8qbMRl01LQ7OKLRi8Q9z++iy+ml3e7hrmd3aBKDGP8mp8fyvUum8qnZMhMzUtz9/G46HF68fpVfrTmodTghb199Jz7f2Halvvu53XTYPXQ5vXz9+V2Duk9Lj4u/bz7C7qMd/G3T4VPeLjPeyncumsIXluSjKLLaIYbH71c52u4gOyGCk8PsQFOaXTWy71AMTjCSw7uBfymKskFRlA3Ac8BXg3Bc8TEOd6B1eU27nWhT8EtKAZJijpUGZSZYNYlBCDG+uN0+3iprHPg8NdasYTSh7/xfr+fS377Hwp+9NabHOSs/YaDJ2YxBDhiPtRhIjQ1UA0xMiRmjyIQIaOx24vb5I7IZTb9JqbHEmg1sOzL41X0R2cY8Q1BVdauiKMXAZEABylRVlfZjGuh2etEpgKrS6fCQrMEJWNxxG8KjTaffRyZEP6/Xj9vvJ8pk4OlNh/nZ/8qIsxp54+5l2KyyFynUVbT20N+Y1qDAhnvP0zagEFfT1wm6rddDj8NNzBg9R761agozJsTj8Hj59NzsQd3HbNDzsytm0NDpJH8Q2xuu+dMmdtV2srwohT8MYm+x0+1Fp9NhMgTj2rcY76pbI3fGYT+9TmFeXgJbqmSusxicYL16zgdKgNnAtYqifC5Ixx033F4/5Y3duLzaDZ9v6HIOlHR6fNq0/LcfN5rA4ZGxA+LMqpp7mP+TN5n54Gr+/n4lf3r3EE6vn6ZuF09urNI6PDEKpmbYmJFpI9qk5+oFg0syxKmtmp6OxaDjrPzEMUsM+11YkjHoxLBflMnAxJSYM5aLOtw+th5px+31s66s6YyP+7/Sehb97C2W/vytM7bu//Fre/nDO+VDiluEnpq+4e+RvHIIsCA/iYqmHlp6XFqHIkLAmK8cKoryNFAA7AT6MwMV+NtYH3s8WfXIuxxpsTMh3qLZVfEPKlvxE0jK9tS0UpwR/E3+cZbAyqEC2CzalLaK0PKvbdW02wNzOb/3ahmXl2Twcns9AG8faOLuCyZrGZ4YJS/fvkTrEMLGI9fM1jqEEetxuLnkd+/h96soCuQknHmVcXVpIz6/is/vY+2+Rkqy4k96u5X/t54Dfd1Qf/7GQf57x1KmZQ6uLFaEluo2O4oS2MMayRbkJwKw7XAbq6affMSNEP2CsXI4D1iiquptqqre0fffnUE47rhS1dyLTw1sjNbK8et0/9pep0kMC/ITSYo2khxjZFZOgiYxiNCSGHWs/FkFKpoHmh+z62iXBhEJIcbaExurBlZ9UmPNrL3nnDPe54ZFuSREm8iwWbly/qlXM2s+9j78rRd2jyxYMW7VtNmZYLNGfJnxjEwbFqOOzYektFScWTCeLaWANhPXx5HkWBMKEB+l3RDWeOuxlboHLp2uSQzXLMjhxiX53HJ2ISunR/yfhRiEL51TwP9n77zDoyqzP/6509J7QgohpNFC7106CiiCvaxrr+sirquiotgQ9LesuordVVfsoliQLr2GmhBKSO+9TTKZTLu/P2aYJKQDmZtyP8/Dw5077733TGZuOe8553sC3K3nz7zBQdw+Nsz+npume9/wZWS6KjMGBKJSCCgUAuOj/Fu1zcjePux8chqbHr+iWXXK/7thcL3X84fIkZSuSmaJjlBZ/A6NSsGIMLnuUKZ1OCKvzx84JQjCIcCe7CyK4nwHHLvDcGDJdA5nlDG8Z+NpLo7g+LIrWR+Xw7BQb3pKlH/v7qTi0el9JDm2TOcldumseq8HBHuxJ7mQR6f3lcgiGRmZ9mRwqDe7n5pKfkUNg5tID71Y5g3pybwhPdl+Np8e7s5ySmkXJqNExxV9A6Q2o0MwJsKXt7edo7zaiJeLdIEKmY6PI5zDFx1wjA6PUqlkbISf1GYwb0iI1CbIyFwyw3r7MKy3nJYsI9OV6eHpQg/P9ov6TOsX2G77lpGeaoOZAm0Nvbu5GM15xkX68dbWcxxIKebKgXLmlkzTOKKVxc72PoZM6ziWUcone1KJCnDnsRl9UCoc31j4RGYpf//mOBqVwMd3jCJC7nMlcxF8vjeV1zeewVWjYsNjk9r1AVJGpjOi1Rtx06hQSHCd7+wcTS/lrs8OYRFF3rl1ONP6y05kZyTL1tIlzE92DgFGhPngplGyK7FQdg5lmqXdC3YEQRgnCEKsIAiVgiAYBEEwC4Igq0hIwOf7UtmdWMj3sZmkF1dJYsOqzYlkluhILqjio10pktgg07n47lAGQ17cxNX/2W1f9+neVPRGC8VVBl789ZSE1snIdDy+P5zJ/f87zIu/JWC2iPb1Xx1IZ9Lrf/LE98dbva+SKgOrtyfx/eFMRFFseYMuwPs7k6gymKk2WnhvR7LU5shcJBklVuewu7exOI9GpWB8lD87Ewu7zbksc3E4Qs3hXeBW4BzgAtxnW9etWPHHaSa//ifLfk2QzIatpwqo0JvIq9CTkl/Z8gbtwNk8LSJW1cmTueWS2CDTsamqqiJ8yXrCl6xn+Mubeen3U1ToTZzMqeCzPdYJhTHhVlluhQCeLnJLFJmujcFkYdXmszz14wlSi1qe2NtzrpDUoio2J+SRZXtABlix4Qy55XrWHc8hKV/bqmP/eCST3ecK+eloFvHZ3eOafd3wUJQKAYUAsWmlhC9ZT8zzG6Q2S6aNnHcO5bTSWqb0CyCrtLpV1xGZ7otDpP5EUUwClKIomkVR/AyY6ojjdiS+ic2gQFvD2iNZktlQVacB/dYz+ZLYoDOY7MtllQZJbJDp2Cz4INa+XKoz4u1S2xtzYKgX5dUGkgsr8ffQMKt/D+6cECGRpTIyjuFkTjmxaSVklOj4Iz63xfGhPq6YLSLOGiWncmsTdXxsatlqpUCAp1NTm9cjxNYfTqNSEuDRum06O3MGB3PyhdkMC60VqtEZLc1sIdMRSS/W4aZR4uumkdqUDsOUPlZxnl2JhRJbItORccSUu04QBA1wXBCEN4BcoOVutl0MtUJBlcWMs4QCUWE+zmSU6gG4Y3y4JDb09HHhTJ41atknUK43lGnI36dHseg7a98xhQC7npzC8j/OMKVvD8aE+/HwmiPEZ1sfeE0iDAj2lNJcGZl2J9LfDT83J0p1Bka0oj/sguE9OZlTgVKAmJDa82PDokl8cSCdmQMC8XJp3QPz1UNC6NPDAx9XNT08nS/6M3Q2jmWXcTSjzP5artzsfGSW6Ojl64ogyN/eecL8XInwd2PXuSLumihPrMo0jiOcwzuwRigfBR4HegHXOeC4HYrxkb4czypnQJCHZDZ8ds9Ylv4cz+jePpJJd8/oH8hZm3M4Z6DcW0qmIfOH9yI6yJ09iYU8MMXaqmLZ/Nq+nNmlVfY6qhqTGaPZglop9zuU6bp4u2p465ZhGEwW3Jyst+3yaiO/nsgh1MeFaf161BvfN9CDj+4YCYCzWmlf7+6i4W/TrK2E1sdl88T3cQR4OLH76enNHr+fhPctqQj0cLKKtllEPF3UHHthttQmybSRjBIdEf7dLhbRIlf08ef7w1nojeZ61wcZmfM44olqgSiKelEUK0RRfEkUxX8AVzvguB2KGpMFLxcVRrN0qSnPrI0jIaeCz/encyyjVBIbtp4psNcc/tKK9CiZ7klMsI/dMbyQuOzaWqmyaiObE6RJkZaRcSRqpcLuGAJ8dTCd9XE5fLgzmeTChjXkzmplsw9+j317Ar3JQmZpNU/+cKJdbO7MhPu788XdY7h3ciS7n5wqtTkybUQURTJKdITJ9YYNmBUTRLXRzE45tVSmCRzhHN7ZyLq7HHDcDkWF3kR2mZ6yaqNkNnjaareUCsG+7Ghc1bU/OV+5CWu348OdyYx6dQs3fbAPk+niJkrqJgipFQIezrIgjUz343wTa5VCgaum7bP/qjotLgrK9Yx6dSvXv78Xw0Wel12R8dH+PDt3AO6tTMGV6TgUamuoMVnoLbexaMDYSF+8XdVsPJkntSkyHZR2e6oSBOFW4DYgQhCEX+u85QkUt9dxOyrVRhMKAfRGc8uD24mx4T7sTCwkwMOJKIn6C46N8ONYZrltWW5i3t346Wg2BpOFM3laTmSXM/IiGtl/+8BYlqw9ydR+fswfFsrwMB8il6zHAgzp6cmvf598+Q2Xkelg3DiyF0kFlVhEESdVrXN4MKWYHYmFTO/fg9E2Vd/zFGl1TFu1G4PJwooFg/hgVzIjevtwIqscg8nMufxKjqaXMi7Kr952D685wtGMUh6eEiXXKcl0CtLlNhZNolYqmDUgkI0JeRhMFjQquSxDpj7t+YvYB6wCztj+P//vH8BV7XjcDkmh1kBFtYniSukih29sTsRoFskp0/PhziRJbPjyQLp9ebVE/aP0RjOv/XGax787TlJB6+TcZS4PVw4MRBAEevm6MjC4to4pv0KPxWKNWPxwON3eyuKFn+Mb7GNspD/bn5zKsvmDGR7mw12fHuR8rCMuW26hKtP1KdcZOJhaxOncCs7maVl3LNv+3uodyRzLKOWDRq6v9//vKFq9iRqThX/8GIfRLLLy+qFcNSgIEWv5w5M/nuBwWol9m/isMjafyqeo0sCqLYmO+HgyMpdMRrHVOZTTShtnzuAgtHoTe5OLpDZFpgPSbs6hKIrpoijuAGYCu0VR3IlVqTSUbij8pVIIuKgVKCWs/RXrNEMWJPoKLHUar1ok6sGakFNOXFYZueXVbJLr1RzKP2b349jzM1m/aDLOGmviwqNfH2XWv3ey8L19ALz2xxn7+G8OZ7a4z9kDe7Q4Rkamq/DL8Wym/GsHi789QY2tvUJd0Y1wWxpdb7+GQhwTo/3rvU61PUA/NqMv904Mx0mloLzayOf70uxjQr1d0dgEnwLcu0crC5nOT0aJDkGwKqTLNGRitD8eTirWx8naDzINcUQseRfgLAhCT2AbcDfwuQOO26G4fWxvIgLcuGV0L8lsiA60RmqUAoyJ8G1hdPswM6b2Qf664T0lsSG6hwc9bEp0YyX6O3QX9pxr6HwrFPUvO0fSreJIqUVVlOkMXD881P7eyEZk+7+PzeSJ70+wN8k643nbuAgenxlFdIArp16YdjnNl5GRBFEU7Yq8F7L1dD4Wi4jRbGFMhC+vXz+Eaf1rr6vPzRvAy9cO4uk5/Rps+88r+/PawoH2qUHPOvW6swcG4aJWolQIzB4YaF/v465h/aJJPD9vABsXNZ6yXaTVtfkzJhVU8vSPcfxn2zlMEgq1dRZO5UojItdZySzREeLlUi/lWqYWJ5WSeUOC+SM+l6oaU8sbyHQrHKHkIIiiqBME4V7gHVEU3xAE4ZgDjtuheGhqFHdNDJdUNvhcvjWF0ixaL5zDWtEv63KTUlBlX84qrWpmZPshCJBZrKOwqoZqCWtAuzKVehODXtxkf33s6Qn4+DT+e7t5dC9+OJzF2AhfvF01LL1mIA9OiaaqpobwgPo9DHUGEz8dywLgu9hMeyTksZn9eWxm/3b6NDKO4LvYDJ5fdxJvVzWHnpsltTmSUVplYNmvCZRVG3nqyn4MuqDt0D0TIziVU4GzWsk9kyIIvKD3oJNKSd/ApltP3DY2nNvGhpNUUEF0j9rzKybEi91PT8dkseBqi+qfzC5jV2IRj0yLJrKROvWzueVc9fYeRGBoqBe/PDqp1Z/z97gc0kuqSC+pYnr/Hgzq6UVcZgk3fXgQtVJg/1PTcZeblwMQvmS9fTlt5TwJLek8ZJTo6OUrRw2b44aRoXwbm8mGk3ncMDK05Q1kug2OiBwKgiCMB24Hzl/hmnVKBUEYKwjCPkEQdguC8KZt3ZOCIOwRBOErQRA6pcyl1P1kzHUmoj/elSKJDQm5tTV+v8VJk9L5Q2wG8TkV5JbX8MbGMy1vINNmJqzcVu/1v7dnNDl28cy+7F0ynX/fPMy+LsDTqYFjCOCiVtI/yLr+YsRsZDouz/18EoNZpEBr4NGvj0ptjmSczqugQKvHYDJzIKWhdtvwMB+2PTGV9YsmN3AM20Jdx/A8GpXC7hgmF1Qy/929vLHpLJMuOJ/P89m+NM7fVhJy2lbvOzzMBwEBf3cnwmypsLd/cgi9yYK2xszVq/e2aX9dlaoqaSZROzvpchuLFhnZ24dwP1d+aEX5hkz3whGRw8XAM8DPoigmCIIQCWxvYZt0YLooinqbMzgZmCaK4iRBEJ4GFgA/tNaAQ6klnM2rYM7gYPwlqplIKtCyIT6PGQN6EBMiTQN6jVLAYPMQH50eKYkNagXYymTwdZWmBUEPD2cUgoBFFPGTZ6bbhaqa+hHZV64bClij129sOouHs4oXro7B27Xxv//mU3mEeDkzqKd3vfWCIPDC1TFU6I32bU0mEwvf349Wb+Kb+8cR7C3PFndGNCoFJoP1dzMwpHs1Xf89LofvYjMZ1duXeyaF0y/Qg1KdsV666OWiQKvH3UlldwKb4mhGib0uvLDS0OiYxTP78OORbEwWkSl9A7j/i1gScipYef1grujbvO1T+gYwIswbZ7UStVJBdmk1TmolWtu1I9RPPo8B3NzkJu5tpdpgplBbIzuHLSAIAjeMDOVfmxPJKNbZJ2lkZNo9ciiK4k5RFOeLovi67XWKKIqLWtgmTxRFve2lCRgC7LC93gqMa+3xiypreHNLIuvjcyWLlgE89OURPt6dwkNrpJsR93WtDbh6u178jPOlcNXgYPvyjaPCJLFh3pAQHp4axbXDQnj9+iGS2NDVWTA8BBe1gjHhPvXSoPYmFaHVG8kpqyY+u7zRbe/+7BAP/O8I17yzl99OZDd4X6EQ6jmVi749QXx2BWnFOm77+MDl/zAyDuH40ukMC/Xi/knhPDy1j9TmOJRtpwswmi3sTylCBF66dhD/uXX4ZW859OeZfBZ9c4zF3x6npKpxh+88N44Ko08Pd1zUCh6eEtXomCAvV5Jem0vaynlcNSiQLacLyCnX88hXrbvPeTirUSsVJOVrmb5qB6U6I94uKq4dGsKae1t9m+/ypK2cZ/8n0zKZpTal0kZEmWTqc92IUBQCfBPbdHaPTPejPfscviWK4mJBEH4DGlTWi6I4vxX7GAL4A2XA+VBEOdAgn0wQhAeABwDCwmqdDo1KgZNagd5olrRZdmGlAZ3BjEVs/obcnhTVeRg4ll7KmEi/Zka3DwODPdl0Mg9BEIiRKDpQpjOy/bcqIwAAIABJREFUOSGPsmojR9LLmDtEnqG+3Ky6aRirbrKmiX64/RwrNlkl8OcMDMTLRY2Hs5ohF0QFz3PeaRSBDfF5XDO0eeGiAM9aR9HTpVNmnMsAGo2GdW2oWetKzIoJ5NvYTMaE++Dh1H73qdO2tP4KvZHMEh2+LWRObPnHlFbvO8DdGQHredtWEZB9yUWYbGFKZ7WSt28d3qbtL4aErHLmvbsHgCGhXvzaTX97XRG5jUXrCfF2YVZMIN8cyuCxGX0kL3+S6Ri0p7f0pe3/f13MxoIg+ALvAjcBI4HzT4ieWJ3Feoii+BHwEcCoUaPszqins5pXFwwitahKMoVOgFAfF7LLqgnwkE4K3EmlwGSw5nR6uEhzAfBx09An0AOFIOCslsZZ35CQS3ZZNWCdLZs7JLiFLWQuhdU7ayP2284UkLh8brPjn53Tn2d/PomzRsnLCwa2uP+X5g9GgUCBtobVt4+8ZHtlZBzN3MHBzB3c/teha4eFUFxpIMjLqYHQzaUytX8Pls4bwO5zRfzrprZlZNw+NoxvYjPJK9fzxOyGKqvtwTPranuoNpXFINM5ySiRncO2cNeECDYl5LPuWDa3jJEmo0umY9FuT+eiKB6x/b9TEIQA23Jha7YVBEEFrAGeFEUxTxCEWOAR4A2sfRPblDsW6uNKqI+0F4kbR4ayKSGfqf0CJLNhzuAQfj6WjbuTkisHhUhiw6hwX7acyketVDAktPHIUXsztV8AH+5IRltj4mrZMWx3rh/ek8/2pwMwtW/Lv//rRvbiupFta/mybP6gi7JNRqY7EerjygvXxLTb/u+dHMm9k9tez65UKtnw2BXtYFHTPDGrD3d+dhiAMFnVskuRUaLD3UmFj6ucSdIaxkX60j/Ig8/3pXHz6F4IQrdrRS5zAe2ZVioAy4BHsTa9VwiCYMLazuLlFja/ERgNvG77kT4D7BIEYQ+QAbzVXna3F3dNjOCv48NRKKQ76eYNDuJQSjH9gz3xk0iYJ8TLhfGRfjipFfi7SyMGE+zpzKQ+/uSU6RknQWptd2PZtYNYcpW1hszJ6dJ/d8Ne2kxljYkXrx7AXyZEXPL+ZGRkHENWSSWz3tyN2SLyzf3jGBkuXTbPlH6BpK2cR0VlDZ4S3Q9l2gdrGwtX2clpJYIgcPfEcJ5eG8/+5GIm2FpEyXRf2lOQZjEwERgtiqKfKIo+wFhgoiAIjze3oSiK34iiGCCK4lTbv/2iKL4uiuIkURRvE0UJC/cuASkdQ4AlP8WTUVrNtjMF/B7XUOjDEWw4mcvmhDx+O57DblsTc0fz87Fsfo/L5WhGKS//dkoSG7oSZVp9i2OcnJwui2N4/xexlFUbMVlEXvz99CXvT0ZG5tIQRRFRbCAr0Cg3fniAaqMFg1nk7i9i29my1uEox7CmpoaamhqHHKu7k1ZURYS/nFLaFq4d1hN/dw0fSCjcKNNxaE/n8K/AraIopp5fIYpiCvAX23syDqZMZwTAbBFxUknjqCbkVHAorZRDaaVk2eoCHE24v7vdUQ+VaxIuiYgl6xm2fBuRz6xvefBlYETv2lRkF7Uj2rTKyMg0RW55NQ+vOcr9/ztMalHL/fgi/GvVV4MkrL93NIu/PUa/ZVvpt2wrz/0U3/IGMheNyWwho0RHuKxU2iac1UrumRTBrsRC4rPkGtzuTns+XalFUWwQGrLVHXa7RPBynZFdiYWUtiAf3p6YzBb78v6kUklsOJZRiohV0W5fcsMGz45gZG8fHp4SycwBATw/d4AkNnQF9Hq9XYbYIsLct3dhMLT8+9br9Yx7bQtXvbWzzcd8eGofFs+IZlIfP+JfuqrN28vIdDXe23GO5b/Xz4BIKtCyP7kYi6VhRO/Hw5l8d4my9cWVNTz14wn+uyeVsmoDlTUmjqQ3f08xGo2IokiYrzNXDwlm8z+mXpINnYmNCbn25V9O5EhoSdcnq7Qak0Uk3F92DtvKX8b1xsNZxXs7kqQ2RUZi2lMusrmnxE6ZFnopTPvXDkp1BjxdVJxYdqUkNpjrPCe4KqWJHJ7vPwSQXdLyTHN7sO10Hv/anIgoglZ/lI/vHCWJHZ0dZ2dnFAL2RtmncrVMfGMnsUtnNRibV65j4srtmEXscvd5FQZmv7mTzY+3Xi4fYPGs+mqGk17fRlapHgUQ9/ws3FuQ55eR6Sqs3n6Of285B0BmaTUf3DGSjGIdL/ySgEUUuW5EKDeNqhV3+mxvKm9usbaVKdMZebCJ/oUtce3qveSW6xGAWTE9cFarmBDVfP32jDd3k1FiVYke3ja9qTbR57k/MJpFPF1UxF1wrx35yhaKqwy4Oyk56cDJpVtHhdlFue6bGO6w43ZHUoutzxWRsnPYZjyd1dw5PpzVO5JIKtAS3UOadmMy0tOekcOhgiBUNPJPCwxux+N2SEp1BkSgotoktSkAbDlbIMlxDaba6GW5Xpq/RUKOFotodVDSiqVxULsKKSvmERNcewPRGcyNjvtoZ6p9cqJuLKNM1/Z5oj/ictlwsnYmPqvUWvNoAT7cI9dLyHQf8spr633LdAb0RjMHU4upMVnPQ+0F19i6mSslVc3Xv6UUVhKX1aBrFAB6o3X/InD/5CjevHkYId7NK35W1dReG/Ir2qf27lyeFqPtQtPYvbbY9vkra8wYjcZ2saExll07yN7EfrGDWnV0V9Js6c1y5PDiuHtiOE4qBe/vkO+l3Zl2cw5FUVSKoujZyD8PURQdmlYan1XO2iNZlOscdzO4kPM3Tn8P6aIadYOFL8yT5ga16rraeYHP7xgqiQ33TIqgl7cz7k5Knr5Kuhv1mbwKfjicSVFl5xYpWPfwOALcNbhplNw8uhcPfnmY3efqd625d1KE/ffXJ8ANpQDOKgW7npjcYH9Go5GvDqTVm0g4zxf70ljyUxxP/xjHmv1pAPjWkSu/e2LbZfRlZDorL14Tw9S+AYwI82b17SN4c0si3x/OJLOkGg9nFbeMrh+ie3R6H64d1pP5Q0N4fGbfeu8VVOjR6q33yE0Jedz4wX4e+PIwv9dJg4zPLiFiyXqKKg0MCPLgngnhjOjt0ypbl1zVD09nBWG+Lnx5T/tka/QJ8kBlqyf3cGrYy9fPllXgplGiVne76pZuQWpRFR5OKvt3LdM2/NyduHVMGL8czyarVBpdCBnpkaYLuQMprTKwcuNpzBaR5MJKnrqqvyR2lFQZUCoEyiWMHNYtPzmYUc7Efo7v8ffIt8fty9d9dJhjEqTYZpdWE+TtQpC3C7nlLStttgfVBjOv/XEGg8lMfHY5L1/befv0aTQaYpfOokCrZ9E3xwD4Iz6XyX1qexr29HUlecW8Vu2v7/ObEYGl6xI4/fKVOGtqL1M5ZXXSksus311JnUmf8Su2cHZ5644jI9PZUSqVfHrXaPvrokoDaUVVlOiMHEguZnNCPgtH9LS/r1EpeGVBw2vN2iOZvPL7aVRKgU/vHMWfpwswmi0YzZCQW8HVQ619ca95Z799m8R8Lb8vaji50xjz/rObhJwKAN6+dWC7OmZJr81t8r0jzzdMeZfpWqQWVRHu7ya3sbgE7p8cyZoD6Xy0K6VTP5vIXDxdXu5PIQgobBcJtVK6j6sQAFFEym4Wda+VBmPrpMcvN6Y6Hqq+kciQI1ApBQQERBFUEv0mBKE2kivl7xKg/CJSOxvDz82JgSFeCAhMim652X3jthjtaafWtF8dKQWl/BxrTXF5bGZfxoT7MrWvP3+fEd1ge6XEf0sZGSl5dHo0PX1ccFIpEAQBJ1XrzocdiYVYRBGDycLOxCJuHBVKsJcLEf5u3D0h3D6u7u3rfITOYDBwLk/b7P6TCirty98czKizvqJV9nVntibkUllZ2fJAGcBaKhIhp5ReEiHeLiwc3pPvYjMp1HbuzCaZi6PLRw69XNUsu2YgyYWVTO4jXWPP+UNDWB+fy/T+PSSzQaUQMNjqMWb2l6b5u5tKgdZodQrDfZuvUWkv/N2dEBEpqqyRrGjdWa3kpfmDOJVbzvgo6X6Xi789zp9n8okMcOenh8ejUFy8c6VUCDw8NZJPdqcyJPTiCtm9XNV4uqioqDbh5qRkyY/HOJ5tfTB6Yu1pwv3dSLHVlFw/MpQp/QL549HJzH13N2oFnHp5zkXbLyPTUdiXVIS/hxN9A1t3HmWW6jiXX8n0/j34/sEJvL8ziSBPZ+YOaV12yP2TIzmbp8VFo+S2sb3wd3fmj8cmo7xgNjN+6RSGLt+JUiFw6pU5nMvTMuutXQAEezqx/9mZje7/1jG9+GJfOhqVgtcWDgRqxWFUCjj90mw5zbMRIpast0+WfXLHCGYOdHy2T2eixmQmu7SahcNDpTal0/PglCh+OJLFZ3tTJcu4k5GOLu8cAkT3cCe6h3vLA9uRnYmFGM0W9iZL0/gdsDuGAO/tTOW/kY53VM87hgBn8qURgzmYUsTJ7AosFgtrDqYzNlIaRznMz5UwP2n7LB5KKwGs4hMlOgP+7s6XtL/Jb2yn2mDh0z2pnFtuTe8q1xm59eP9RAS4sfq2kQCYTCZUqsYvP3UVBsOX1PZPtFBfQOjjPalM6RdITKgnaSvlVFKZrsGbW87y2d40lAqBj/86ilHhvs2Ozy7Tcf17+9AbzcyKCWTVTcN4bEbfZrc5z/nzcEiodwPV4AsdQwB3d/d66eEf7a4VrchrRmTmxfmDeHF+/fS0Eps4jMkCB1JLmdy3/v0or1zHXZ/FMqSnN2/cKE19utTUze955ffTsnPYApklOiwiRPjL/YsvlagAd+YOCubL/ek8NDUKT2d58qY7IedgOYgKvQG90UKlRAqdFzJVIofI17XWIRjSUxqHXWcwYzBZMFpEyiQUKTqSXsKne1IlLfqeNcD6QDY41OuSHUOAGpvzbzKL6G2/9WmrtnMqV8v6uDz6PLue8CXriV66iX5LN1BUqWfa/21nyIub2J9U2GB/900Msy97OimZ2tearqoAVi60PmweTCli+e8Jl2y7jExH4EyuNUXTbBH59UQOn+9NpbgZ0ar0Ip1dPTS5sHUTbpV6EwOe30D00k0sXL230TH/2nCS6CXrWfjO7ib3s2zuALsTOTzMu1XHPk+/IOv138NZ1cAxBJj15m7O5FXy/ZEswpdYrxtb6/QL7A64qmsf0T69c4yElnQOUous99JwPzmt9HLw8NQotDUmvrS1YZHpPnSLyGFHoMpgQQSqjdLU2V3IWzuT+euUhjVb7Y2xTs1hqU4aR7lfkAc9fVwwmiyMi5DGSa6qMfHmlnOYLBaSCipZcZ003V10BjMxIZ4oBIEakxknVUOFv7awcHhPNpzMY3ykL87O1suLsU7Euu7Pv8Zk4e7/HiK12HpDv+9/R0h4uX7vsaXXDGbpNU3/bfacK+Qvnx4C4JvYTIf2LpORaQ+emtOf536Ox1Wt5GyelsR8LcVVBp5oogXChGh/rh4STGJ+JU+1Un156+k8+73oZE55o2Pe3Wl9IDyWXcHG+EyuGtywOaG7m4bkZgRgmmPj4ub7m5rMDe+V9315tFtlCZx6RU6TbwupRdYSBLnm8PIwqKcXU/oG8N89qdwzMQIXzaU9H8h0HuTIoaOQRv+lSUaFt22W93JRVyDB1UmauYkBwV48N3cAD1wRyT2TIiSxQaUUcLVdaL1dpUvXOH9sdycVyotQd9PqjSTma4lNKea5n+JYddMwTr18FZ/eVTvL/e394+jhrmFgiGe9bd00SvoH1UaPXdQt33iMRiNrDqRRpLU6lJsS8uzv1e2jJiPTWSjU1tj7EoI1nevbB8az6qZhONnOCS+X5q8Rr103hB8fnsCYVkx27U3M589TubiqBQRgTETzaasA5/JqsxtO5ZajMzQ9sff1wTTyytuWDZFcWNmg5+mae8fi76apJ4KjlAUoZZohtUiHj6sab1e5jcXl4pGpURRXGfj+cKbUpsg4EDly6CDC/FzIKK4m2PPSU/cuB4NDpHEOowLcKKq0NlYeFtq6/liXm+LKGr4/nIlWbyLc340r+l6csual4KRS8urCQSQVVDIiTJq/A8A/ZvXjWEYpfYM82qzcWlSp59p391FYXo3BNvnxbWxmg5YV3i5q+gZ5cvOoUPYkFfLjkWxuGdOT4WF+/POHOABcNUr2L5kK1IowTI7248v7xtXb19BXtqEzmHnhlwTOvjybVxYMZu3RbKoNZhYMD7mov4GMjFSsPZLFD0cyCfZyYcV1g3GuM0Hi46bhtYWDyCqtZlQrewm2xGd7U3npt1P213WjcEfTS3n0m6N4OKlY+9B4RoZ5cSTDGlX897YkUmz1XNvPFODnrmHDosn12swADHlxExV6EwIJxD43DX+Plmu/3tqayH/3pOKiVvLVvaNYsfEcw3p58fcZfTlsaz0x4uVN1JgsJMiCUzLNkGZrYyFz+RgT4cuo3j58tCuF28aGSa6uLuMY5G/ZQVTVmPFwVqEzdozoxltbkyQ57rGM2hSmDSelqR9JK9ZRoTciIjaZUuUIeng4MyHKv94DoaNx0SiZEO2Pv7tTm7dNyK5AqzdiqhMVNzcSIZ+6agd7kor4+7fHeWRqH5JXzGP5wmGsO1bbXFsURdRqNde9u8ceZN+dVNxgXzqD9fyxiJBiqy+JCfFEo1JQqL08LTlkZBxFfLb1+pNbXk1RI3WFoT6ujIv0u2wtd345lt3ke8+tiyevXM/Z/EqGv7qVVxYO5u/TogBr4su6YzmctNlbXGkgo7S6wT60tjpjETiYWtYqmw6lWkWxqo1mFrx3gG1nCli15Rz/3VMrdnP0hStlx1CmRVKLqoiQ6w0vK4Ig8Mi0KLLLqvnleE7LG8h0CWTn0EGMCPNBqRAYEuoltSkADAxsuzNwORjcs/bzz4xxfMQOYGioF8N7+RDo6cw1Q+Ro08USn1WKAIT51P6Wwv0aticx16kzzSipFcz4142DcVYpUAjW1BWAKwcH2t9vrCfoyDBvBAGCvZzpF+yF2WzmWEYZJovIwdSGzqSMTEfmxlGhRAW4M29wMKE+zUfZ0ouryChuPl0zp6y6Xk/BC/ngjmH2ZW+X+lG/gSFenD9VTWaRj3alMLVfrVCMk0rBA1dEEuDhzMwBgY222biibwAKwbpvk0VE30z66XkenRZND08n/Nw09dJrzwvzyMi0Bq3eSF6FniiJlem7ItP69aB/kAfv70jCYulgNVIy7YKcVuogakxmRMDQSJG9o1AI2G/+T8wdKIkNdXsyOymliZilFFbxxf40jGYLIZ7OPD13gCR2dGb+uyeFf22xRp/L9SY0SoHE5Y0LUzwyNYpP96QSE+zJ5L49yK/QczitlJG9fTjzav1owINT+qBRKFgfn8ePj0zEYDDQ74UtiNDoMZRKJb18XMgsrZasZ6WMzMUyMMSL5QtbFqPaeDKXf29OxNNFzdKrYxjWq2FZQGpRFc+vO4nJYuHBK6KY1khP3SAv93qppPd/EcuW0wUoFQJ7n74Cs8XCL8dyUKsU3DAylJHhvnxx9yjWHc/h9YUD0Wg0OKmU7EwsZFNCHlcODKq3/y/uGYNWb2T2m7t4ft1JfjySxZf3jrW//96Oc6z+Mxl/dw0bF0+xZy7UGC3klOtRCAIuagF/d6du276iMf6Iy+X1jWcI9XHhs7vHoLHdSOe/u5uEHC19erizcfEVElspLeeVeqVuW9YVsUYPo1n0zTE2n8rjqkFyS5WuTreIHFbWmEgqqEQUpZvxOJldgdFs4bSEs6F1J3z+vVmatNLD6bWpRr+ckCZF4b97U9AZzBjNIt8fzZLEBgCdwURSgbZTzsSdTwU7j8Es8v6Oc42O/eeV/Tn9yhzWPjIRgOXrT/PlgTReXW+tfXryhxOsj6tNd7t7chQ/2sZ+uCfNnmZqMIuYTA0jEf+8si9LruzLpsebVz+UkemMmMwWVm9PJq9CT0aJjtyyhumcAD/EppNjE4LJamLMhWw7XQBYo/vP/nSKN28eTtyyWZx6aTaToq2ZHVP6BfLmzcPRaDSIosh3sZnkllfzQxMCFWVVRqpqrOdpbrm+3nuf701Hb7KQVabnxyO125faWgpZRPjt0Unsfnp6q+y/HCz7JZ41+1IddryL4dO9KZTqDMRnl7P9TIF9fXxWBWaLyJk8baPXxu7EuXzrs1Uf2TlsF+YNDibcz5XV25MlfZaWcQxdPnJYbTDz9I9xFFfVMG9wMHeMD5fEDoUAuhozXi4dQ25tweCGs8qOwNtFRbGthUV0gDSRnkjf2tRHs0mai5zJbOEvnxwkq7SamTE9eG3hEEnsuFg+uGMUA5/fSFWdGtqFw1s3m2i23VjMFtEuYPHDkSwMRgsLR9aXy//4AodTpap/yXprSyJvbzuHCBzJKOODO0ZdxKeRkenY+LppqNAb8XXVMH1Aw2v3C7/E87/9GQB4OKm5dljr0uVDfJzJKrU6cHdO6A2Au0vTSo+CIDAq3IfYtBJGhTeuctrLz5V7J0ewP7mYh6dE1XtvbIQvf5zMw0mlYHr/2hTyZ+b05/2dyYyN8CW6kXTV9mLS69vsnz+9RMdzV1+ejJrwJevty5ej9cbkPgGcy6/Ey0Vdr5+kl6uaMp0RDydlg2tjdyOpsBKNUkGYb8siSDJtR6kQeHBKFM/8FM+epCIm95GmLEjGMXT5q0lxVQ1HM0rRGUy4O6kkcw6LqwyIQHl1x5jd+2BPGndPbV1PrMtJSZ3ehqfzm66NaU/+d7B2xrpMb5TEhryKahJyKjBZRDYn5PPaQknMuGgmrthqdwzvHt+LJ2b256vD6azYkAhYaw93PNn47P8zc/pzKLWE0eG+TPm/7fb1284WNnAOKy7QmFl3LJPDaaW8anOmD6YW2yOLCTkVl+GTycg4nrIqPeNWbKfGZGFcpC/fPDDe/p5KqWDZNTEczyyjt68rf//6GGqVgidm9eX9Hclklenq1SKW6gzMWrUTQYD3/zKS4c2oIe95egZ7zhWSVljF3Z8fRgSevqofDzXTA/cfs/qy6Jsj9OvR9OTeYzP68tiMhuvfuW0EjxdW0sNdU88JvX1cb24f17vJ/bUXBRW1IkC7k4ra5Rh9n11P4mtWB/Hx747xs02Ia+mc/tx3gfPcFItn9uXWMWF4OavqKcQef2E2R9NLGNLTs5mtuwfJBZVE+LtdNvEmmYZcN6Inb21N5L3tybJz2MXp8meRIAi4Oalw06hwk6ivHtSmdHaUYHxZlTROqrpOoyp3jTTfx8KhtREuT2dpbHDVqHFWK1AKAj6dsCdTdnntQ9Vvcfm4u2lYvT3Zvi6tuOm0tlAfV64bEUovX1funRiOAmvPw3dvG9HicRd/F8eag5kMXLYBgKNptemtwR7S9YuUkbkUfjmRg95kQQSOZjRU+YwMcOe6EaEkF1VRoTdSXFnDhpN5nM2v4HBaKQUVNTipFHi7qhnS04tqoxmdwcxvrUjdn9QngB+OZmERQRTh20PN9zPru3QDv8Xlc/cXR1h3rO29zyID3JuNTjoSQx155f/+ZXi7HOPW0T3ty5sS8u3Ln7YxlTXQ07lB6xCAEb19u33UEOBcQaVcb9jOOKmU3D85kv0pxRzNKJXaHJl2pMs7h0Gezlw5MJD+wZ7ceEFUojvT01catdKBwbUznJOiW26+3B5MGxhMqI8zfm5q7p8cKYkNPq5q7psUyehwH/55peMjuJdKpH9t6s6ya/oD8Ozc/vZ1dZvbN8dzVw8kZeU8El6+CgCtVkv4kvWEL1nP8cxi0lbOY0CgK1OifQj3qz2mrsYq7FRTR9/pVH4VMjKdketHhOGqUSIAE6KabmQ/IcqPAA9nQrxduGZoMC5qFaIIGrWCsZG+HH9hNreN7Y3JNht5w8jQVh3/b9Oj7Q3mixtpqVEXYx2H6pm18YxZvoWkgs4ftT9b2LwSbFtIWzkPf1cVT82K5KWFtQqx14+odRQXTe9z2Y7X3dEbzWSW6GTn0AHcOiYMb1c179WZDJbpenT56SalQuDJK/u3PLCdGRTiyamcCqKaScVxJFP6BrU8qB3IqSNQkFzYOtGEy41GqUAhCGhUSiwSFVYLgsDfZ/Th7zM65wPCn/+c1mDdLWPCuWVMOAAGg4EbP9jHuAhfnmjD+Td0+S778oLVB0hbOY8Nj1uPlVemZ/zKbYjAdbaaqmuGBPFbXB4Aax8Zd5GfRkZGWtydVZyyTZA0R6iPK+/cWhvh+vLesTzy1RHyK/Q8PrMvAGuPZqGy9YGJzy4nJqTl9kmzY4JwUSupNJjR1piZ/84efv37JPv7qzad4VBaCV/ePYqJkb7sTbH1JjSJVGsN3PD+AY4vm92mz9wROK907KxSMG3A5b0nHn7hygbrXlkwmFcWtKxOK9M2UgqrsIiyUqkjcHNScef4cN7edo6zeVr6BTmuRljGcXR557Cj0CfQA53BTB8HFts3R2m1NA3D3ZyUYBNs9XGTJrXIzUlFT29XRESCvJwlsaErUGMyI4rgrLa2JJn79i7OFVTy/Lz+vL4xkSqDmdi0UtydlTw4pXVOsEop1Ev1qkuQtzOpF4g7vHPbSN657dI+h4xMR+KPuFz2JRdx3xWRBLg7NVsOoVEp+OTO0fXW1R3v4aTmeHopd38RS28/V9b9bdKFu7CjVinAYK0j9nSt3cc7fybyji1KMOLVPzlpc2KXrD3Bt7FWtWcndedMQnKkKqpM+5FUaNUv6BMoO4eO4K4J4Xy8O4X3dyTx1i3tk44tIy2yc+ggtpzKp9poJq9C3/JgB6CVSIhlUrQfqUXW9J0r+vpLYkO4nyvjIv3IKtUxY0BgyxvINCCzRMeLvyZgsog8N28AexILOWVr0/LCr6dR1ulgH59tXb/9bD6PrDmKs1rJoWemoVY3rBFMXD6Xvs/9gdkicvzZ7t23S6b7kVmq49mf4zFbLKyPz6V/kCf3TIpgVkzrr1MvXhNDiJcLgZ7OzB0STJ/n/sBoFinVlfPcT3Esv66+MvL589JJpaAiVF5GAAAgAElEQVS3jxNB3q6subc2Cn8yqzZlVG+qzeNeef1QyqtNZJXo+O4+OWovIx1J+VoUAkTIvW4dgo+bhtvGhPHZvjSemN2PXrJCbJejc073dUI0KgGlQkCt6BitLPzdpak5TC2sQsQqzJNefPlqPNpCfHY5vxzPYm9SIT+0IL7Q3pjMlpYHdUAScsqpMpioMZk5kVmGSln//ZeuHoBaKeDvrrELzSz65jjVRgulOiN3/PcwAH/95CDRz67nubVx9m0Tl88lecU8PDwaj7JnlUrXK1RGpr3QG2wiYYJVwMxoFhERiU0raX5DGwaTBYvFgkKh4KGpUSy01bfVveM0puT4mO28LKs2EeztxncPTqj3/od/HYWfmwa1UmD5wkEs/z2BUa9u4bvYDN7/y0h+WzQZV1fHikEl5lVw7bt7WLX5rEOPK9MxSSqspLefG04X3ohk2o37JkeiEODDXXLtYVdEjhw6iNG9fdmRWMDQXi3Xf7QXArVqqQMkyhOPzym3Lx9ILZbEhuNZZaQW6RCBX+NyeHh607Lt7YUoiqzceIYTmWXcPLoXC4e3TjiiozA+yp8DKSUYzRam9Augh4czvxzPJSGngpXXD2LB8F78ZUJEvW3cnRRobYHzEWHeHEkrYZdNPv6r2EyenxeDczPqsTU1NfRbthUAZ5XAmVfnts+Hk5FxMA+vOcLepCKG9vLmXzcMYV9yMWqlgvxyPSPCvDGaLaibkejfeiqPp9bGo1YKfHbXaHud4U0f7sNgFhGAmGAPXrp2UINte3g4UaG3OqZN3Z+OPD8LgJJKA0+vjQfg6bXx3Dw67FI+9kVz/fv70NaYicsqZ3ykLxOim5bV33gyh3XHcuQeqF2YpIJKogLklFJHEuTlzA0jQ/n+cBaLZvShh4dcotOV6BbO4ZoD6ZzOreC2sWEMbEVxfnuw6ZRVwnrXOWkcIqjfRiM5Xxp1uUpDbaSsqKJ5Vbz2okJnrbcUgBqJIncVehMnMq2S9bsTizqdc+jloubF+fUbRq99ZGKjY+s2hD7PU3MGsPNsfr11LTVX+TU+z76sN3WUpjAyMpdObKo1Ongis4zpd49mZoxVHOXFXxP4fF8aRzPKeHbugCa3/z0uD5PZgskMG0/mERPihd5g4mR2BUqFgEKAOYODG9126xNTWbL2BBF+bjw4tfmJMoNZmlr1C6nbGqraVifZGBtP5vDQmmMA9H3uDxKXyxNKHZF3tp5m1dYUAPoEuLDlidbXgtaYzKQUVjFTLhFxOA9eEcV3sZl8uieVZ+Y0fX2S6Xx0+bTSnLJqfo/LIbmwku9jpU0h7EjsT23YS8sRhPvWzi4N6SlN9HJEmC/uTko0KgUTIqRpp+HlomZG/0C8XTRcMzREEhsuF5NWbiP62T/4cPu5Bu/9HJvS5HZT+gXSP8gdAZjeLwD3RqKGSflaHv36KJ/uTuHGUb05n5Xt49ot5rVkuglzBgfjrFYyc0AgCkXtbTmlyNqeJamgstnt/zIuDG8XNT08nbne1r7CWaNiev8eaJQKQn1cmBkTyOaEPB5ec4QdZwvqbb/y+qEtOoYAQV7uLBwegruTEl9XFdHP/sGrvyW09eNeMp/dM5oofzduHxPGjJimVUY3nqydgGpK6EpGes47hgDn2qhinlRQickiMqBOmywZxxDu78bcwcF8dSCDcp00OhYy7UOXf8Lyc9fg7aIho6RKvnjUoae3NDWH0wYEkVJkbf47Y2DjM9ntTd8gD8ZH+aPVm5g9SBobAO6/IpL7JTv65WHFH6fIKrPmiq7YlMiD0+qrki4cHcnja0/XWxfoWatSu3HxlGb3/9TaOJIKKtmVWMj4KD9SVsxrdvzQlzZRqTeR3MI4GZmOxCsLBvHKgoYpnw9eEcnOxEKm9+/R5LYphZX8cjyb/9w6nGFhPvXeO1/ve57r39uLzmDhQHIhx5a13DqjMd68eTjrjmay+HtrnfAne9NYes3AZrd57JtjZJbq+KmJ7IK2Mibcj23/nNriuLduGc6Gk7nUmESuGihHljoqAW5qCquszkVbVRlO24TQ5Oc7aXhkajS/x+Xyv/1pnbY1l0xDurxzaDBZ0JvMuKiVFFd1jJSYjoCTSpqvPq+02p4SVFQhTZ9Df3cn3r5lODqDCT+JhHm6Cr18XOq9Pp9CenzJRLy9vQFYc+8olv58kp/vH4GPj0+DfTSHh7NV6EKpEJqV9AcYsmwjFTVmux1pK2UHUaZzMzHan4nRzas6X/fePrQ1Jr48kIFCgGAvZ/YumdFgnMFgoMqW1l9a3XQqZmtoS33Rw2sOs8EWwRv96hZil866pGNP/b8/yS3Ts+rGoVw9rGeL48/KtckdntjnZ/P0D0dJK9Lx3cNNt1tpjNO5FTirFbJSqUTEhHgyrV8An+1L497JEbhqurxb0S3o8mmleqOFGqMFtUpBebUc9j7PyVxpag6PZJTal3dKWH/polHKjuEl8MPhTP69+SwzYoK4YWQIwZ71HxaHr9xrX57UJ5AdT81olWNoNFs4llFKqW0iZ/VtI/jbtGg+vGMkvf2av/lXNVN7JCPTVamp017CIkJ2mZ7HvzveYFxlG+ZGz+RVkNGImvTGk7n836YzBHq7cPf43gR6OPHDg2Oa3VdGSe1+LvUcXfLjCdKKq6kxiyxq5DPKdF5ev3FEmx1DsDqH/QI96rVPknEsj06PpqTKwJoD6VKbInOZ6PIufoCHE49Oj+ZMnpZrhkiXQtjRmNRHmh6D0T08yCm3CtEM7eUtiQ0yl8a5fC1rj1qbXwuCwL9utDbBrSs805rbdFxWGYu/PY5aqeCTv46il58r721PZn9KET6uGt66ZRjuzioenBLVKruOLpnE0BV7AHhwUnibPpOMTGdl6bwBfL4vjXN16hI9XRpK+vu6axgb4cOxjDLmNXEvXHcsm1fWn8JgNDMwxJNXFgymT6C1NryosobP96UBoNWbePnaQSxrRP30Qn5+aBxjV+xAbzLz5T3NO5It4eXglhkyHRtRFDmdW8HsZupOZdqfkb19mdzHnw92pnD72N4tZvnIdHy6fOQQQG80U20wYZCwp5yXs/Vm7aaRbnarbpnhQ1Mc374BoH9gbfRncIg0NQKiKPL5vlSWrz9lj1DJtB5/dyeOpZdwIKWEd7bVitBcN9Dq7CuAlFakdH65P52iyhpyy6v5+lAGYO2fWF5tpExnRG9s+XyduGIb4UvWc9VbO/Hy8iJt5TzSVs7jmaubr4GSkens/G9fKle88Sdn8irY8o8pPH91P5zVAqPDfXhp/uAG49cdy6RKb+L7h8ay/UwhA1/YyBFbD8W3tyVy+8cHeHd7ElU1JnRGCyU6A4XaWkVpdyeVPdsizNb0+s8zBSTlN993NLPcwJBe3lw/IpSR4ZcmAPbM3BgmRfvh46rit7+1Pcp0PL2UyGfWE/nMeo6nl7a8gUyHpkBbQ6nOyIBgacTtZGp5fFZfSqoM/G+/HD3sCnRI914QhBDgdyAGcBdF0SQIwpvAKOCoKIqPtXZfBRV6Pt6dgsUiUqoz8vzVMe1kdfOU663pNFUG6RTTyup0jrjn80PseLL1ctGXi4/21F44Vv5xmpvH9Ha4DdvPFvD6hrOYRZECrZ63bxnR8kYydnzcNNhK+7AAr69PIKlIx5bTVgVcN+fWNSKeFRPItjMFKASBmTGB/Hoimy2n8hGBwcHueLmo+e5gBu/vSua+yRH8ZVw4hRU1BHhaH1DLtHqyy61iOGfymldzlJHpSpzNq+DF305hEeHrQ5n8bVo0906y/gP48XAmxzNKyavQc/3IXgwIcWPxd1YBmQWrD9j388CXR/j+ofF8utsqEqZWKlArBFzUSm4eFca4SD/7WGe1kpXXDeZAShEvrEvg871pVOiNqJQKvr5vLP2bEAR56bcEjmeUsTOxkDUHM/ByUXNi2exGx1bqTY2qFtdlzX3jWv+HuoBbPjlgr3m/5ZMDnHllzkXvS0Z6TtnKY2QxGukZEebD1H4BfLgrmTvG98Zdjh52ajrqt1cCzAB+BhAEYQTgJoriZEEQ3hcEYbQoirGt2ZFSASezy6m21R3KWDEYpa/PKtVLY8PxjDKqbZ//aLo0LT26EhOi/fjxWI79dVVN677X2QODmBDlj0phld3/7UiavRdnfK7V2Vvyczwi8Py6BN7bnkyOzRn8+t4xTOhTv/H18t8TeE6OGMp0A277+KDdyVEi4uVSqwC86WQeL/9+Cq3ehAjsOlfEioWNp38GeTnj56bBRa2k2mhGW2PCZLYwvJc7906ObDDew1nN3746Zm8LoVaAi0ZFYoG2SecwzMeVw7Y+jkCTtf9XvPEnGSXVeDgpiX/p4pRUWyLA3YnM0mr7skzn5rTNOWzqtyfjWBbP7MuC1Xv5Yl8af5smTXaazOWhQ3pLoijqRVGsm/MxHthqW94KtHrqMK24GhBwViko0krTdL0jcqsEETuoX4umlujXFxPsiUapQKUQ6BskXTpKXrmenYmF6AwttX/vePz29/G4aRT8dVwvJvcL4rdHJ6MQrN/v0maaddflcFIeQ1/axJy3dwNwy7iGtYVinf/PO4YA//kzqcHY28f3auvHkJHplJgsIkrB2tz+07tG4aKpjdafn/iqe+5M7x+Ehy2iP6SnJ4umR3HbmF6sXzQZb1cN3z4wjkXT+2A0WRAEgYTcplNFLXWSX3zcNFw5KIirBzddz//qwsGsvGGI/XVThRUZJVanTVtjJrOkfTIBdj89ncnRfkyO9mP3047PnJG5vJzO1dLT2wUvF7kWtSMwrJc3M/r34KNdKVToZQHIzkxHjRxeiDeQbFsuBxqEBwRBeAB4ACAsLMy+fmhPLwb19CSlsIobRoU6wNTGCfJQk6c14ucm3UXMRa2g2lbHFdPTSxIbAt3V5FVaLxqDQ9wlsaF/sCfBXs7oTWYmSyTMU2Mys3TdSSprjOzr5c0zc1rnUHUUBvf0JeHlOfx0JJPVf55jw8k8ViwczM1jwlre2MYNnxwBILVYx4P/i+XDv45mSIgn8TkVzBtkFRhYND2Krw5mcvOoULYnFtp7Wr1yrfUSkLZyHh/tTGL+0FCCvFsvry8j05n54PYRrNqayFUDg5jct37/vgXDe5JTXs2R9FKKq2pYMLQnPu4a4l9sOhoXEeDOfQHufBubTnKhDjcXFQaDGU0dp/P3uGwGBHnx6Z0jefTrY4T5ubJ+0RWtsnf+0J5cEenHmtgMHp3et8XxvXzb797w5SWkpcp0LOKzyhjUU44adiQWz+zLNe/u4fO9aSyS+x52WjqLc1gGnL8CeNpe10MUxY+AjwBGjRpln9tUqRR8+8B4R9jYLO4uGjyNIu5O0jmH1XUEPnaeLWDGAMc3Ba6bcViik0YgSGcwE2xzJESJSkDNFhG9bYa/Ut/5IocA41dsI9cWzVMK8MKvCW1yDuuSZUv1+nXR5Hrr/zG7P/+Y3R+Ap5pwoB+QSFxJRkYqxkf782Mz/Q8fmXpx50SYnzupxdWUVZt4Zl08q24aBsD8d3cTl1WBQoAfHxp/UWmf3h7OTTqGlZVyzbBM2yjTGUgr1nHTaDljpCMxONSLWTGBfLw7hTsnhMtR3U5Kh0wrbYT9WGsQAWYCB5oZ2yHxc3PC01mNr5um5cHtRN0vu4enNFGWpdcMQCmASoA3rpemPiwmxJMHrohkwbCe3DRKmhuLq0bFU1f1Y97gYB6d3jmdm6LK2jRtEVArW1bi/fZgOlml1ujfX8dZ//ZqBax/rHURCBmZ7kpmsQ59K1PQCyqqSSls6HCV6wzkV+gb2cKKp0vtfHHdPrAphVWANaV0c0J+a01uNe7u7vi7Wx8iI/xcL/v+ZboecVnlAAwNlVtidTQWz+yDVm/i0z2pUpsic5F0yMihIAhqYAMwFNgEPAvoBUHYDZwQRfGQlPZdDGlFVeRrayStL3NzEtDWWENl10rU89FJqcRJrUQpCIhC61Qt24Pp/R0fNb2QIaHeDOnEN7YbRvRk7dFsfN00jI/y556J4U2OPZNdwlXv7Le/3vHEZF5eMISXFwxpcpsLyS2r5q2tidwxvjeDenbev5uMzIVkler4/nAW0T3cmT80pMH7z6yNY318Lv7uTvy+aBKumoa37mqDmRs/2Ee+Vk+h1tqix9dVxdEXrgTgRGYp935xGJNZZOm8AdzQyMTYWzcPp4eHM65qBYtn9bOvHxHmw55zRfi5a/jn7PZJFTu8tHEFUxmZxojLsiaQDQ6VpkRGpmkGhngxZ1AQn+5O4c7xvetNNMl0Djpk5FAURaMoijNFUfQRRXGGKIoHRVF8TBTFyaIoPiq1fRdDvk0Mp0QnXZHueccQ4JGvj0piw3exGegMVlW8tUeyJLEBwGIRqTFJr9jaWVm4ei/rjudy5cAgDjw7kzdvHsaOxAKGv7SZlX+crjfWaDRy7fv766374Uh2o/u1WCxo6xSyF1bUcC7Pqkg3fdUOvjucxbWr92Eydc5UXBmZCzGZLXyxL51DqcV8fTCdjGJdgzGHbT35iiprSCuqanQ/r65P4HSeliJtbe/WEp2J/UmFlOkM7D5XRJnOSFm1kdc2nG50HwDPzh1QzzF8Zu0Jdp0rwgKMDvdFpbp8c8rLf09g+EubeX/HuZYH24jLLGl5UCcju0RHuYTPBp2R45nlRAW44ekspy12RJ6Y3Y9qo5l3tzcUj5Pp+HTIyKFM++OpajkFsD0oqaq9AZZVS9OAvrzayNJ1JymtMvDYzD6MvsTGzN2N4soa4rKtKT2bT9WmmK3abH3A+2BXCktsiqUnMktZsHofF5Z2PnlVw/rBkkoDC9/bS6nOwINTojAazbxlUyUdEuqFwWTdi8UiUlljwvsyPqTKyDia3PJqcsqq+WBnCmnFVbioFQR6uuBtEy2rMZlJK9IR7u/KPZMi+HBnMjEhnsSENB4pGR7mw3exWSgEAXOdYuoPdyZzMK2MCH9XTDap0dIqYwPBmaY4m1+bnprShGN6sXy8Jw2A1zcm8vDUliOSMS9sRGcwIwBnX56FRiNdmcbl4u7PDrH9bCEA79wyjGuG9ZTYoo6PKIqcyCpjcjN1tzLSEt3DnRtH9uKrAxncMzGCXr5yunhnQn666qbkSjRLWV2nv2JljTTRn6QCLYVaPaIocii1RHYO24ifuxN+bhqKqwxEBrgB1gecxvh8b1o9x3BilB9f3V+rFlhdXY2LiwsAB9OKKdVZJwz+PJNPlk3aHuBUTgV3T+jN90eymBTtj7ebrEwq03k5nVvBK7+forjSgEoJfm4axkf68dfxve2RkJUbznA6t4J+gR68dO0gbm1B7OmGkb0IcHeiQFvDtH5+LF9/llvH9uKOT2OpMVk4nav9//buOzyqMnvg+PfMpFcgJHSIVOkISJMqICo2XMvadtXf2te661rXtq6irr2uu65d13XtYmERpEuRLh0SWiiBhIT0ZOb9/XFvkkkyaZDkzoTzeR4eJndmbk7u1Pe+7zmHLi0i2J1dSJvY8DoNDAFeu2wI576yEI/X8NrlgytcV1BQQERE070W84rK23QsTslkXC/n0wOO1VKfHpBvLUrVwWEd7MsuIP1IIQM7aXpBILttcg8+X7WHZ2dt5hm7uJUKDjo4bCKC9YHmzHxdVdePrdpTrinERpSvZG7tUFuPhOgw1qdlU1DsYbSDZx4Lij0cyC6kU6tIRALlmVE3i++ewK7MfJJbWyXnt+wv74vWwaelxH1Te/H12r0U202zV+8uLzR8wt0zygaOqdOnMqFnIiUeq8/ab0YmEx4iXP/eSgDOGdiOKf3b0a5lFFP6Bv8XQnV825WRh9cYYiNCiAh10aFFFG3iI7jpg5X0aRfHPWf2Zoe9vHT93mxueO9neiTFcMdpvWrc77heSWWXn/31SQDERYRwMKcIt1t44sJBtI0PL3vd1kVSfASL75lYYdsN7y3j23UHyn5+/Ly+XDIiucb9LNhykM37j3D2wPYkxlo5SFed0plPVqRx9aia71uqY8sIdmdaBXVSDuQyrubDERQuH9GZ1+el4BJ45Nx+TocTFFbttD5HBmi+YUBrFx/JlaOSeX3+dq4b241eDvaVVvUTkDmHDW15agav/bitQi5TUzOV/nfa7I0NX3GuLjbvL1+WtHh7piMxLNx2CI/XEOJ2sSTFmfyVEo+X+z9fx58+Wc0/5m93JIZj4Xa7K3zBvNinh+iMm08pu9w6Nootfz2z7OecQg9Pf78RqPhayMjO58QHviev2EtukYfPVuzm9H7tSZ0+ldTpU3n43H48N2sz/1u/j1d/3IZSwWxcr0QmntiGcT0SiAoLISEmlDW7s/Aaw7q0LA7mFHLj+G4M7tySvKIS5m5O518LU5m76UDtO6/kpUsHMzS5Jb8e2okR3RLqNTCsju/AEODF2TXnFe3PLuDlOVuZuX5fhQqGD57dnzUPTqmQ41iTBXeVD1IfmrGBV2auo9+D3zHhqdn1iD6w3HNmH1KmT2Xb41Pp61D/4WCzNDWDiFAXfatZYq0Cxw3juxETHsJT9ue+Cg7NfnC453Ae17yznBfnbOGG9352OpyAsa2Bc0fqqqSkvLdhkUMFYfq1i6fEaygs9jq2Dj6v2MPuTGtmYNO+4O/x9fSs8i+HD365rsbb9kiq+uW0VVxkhZ9/2n4IgL4PfEfy3TN44LM1RNsVGn3bwTzz/Xpu+WD5UcetlBPCQ9xcM7YrX6/bz8z1+3nlx+3kFZYQEx7KiK4JJMWGMzS5FX86/URKPFBY4qWg2EN0ePWLfTweD9e8s4xLXl9MZk55Pvfwrgl8fP0oHp3W/6hiXbAlnZxa8sMfOqdPjddHhLqJCLW+brSMargVI0/O3kFOoYeUQ/lMenpOjbc95fFZJN89gzOfm9tgv185Y2lKBoM7tyQspNl/hQ16LaLCuH5cN2ZtOMCy1OZXTKq5avbLSg9kFXA4vxhj4Je0bKfDCRihbmfeVEt8posKfQaKTWn9viw8XgNScTlkU4qLCOWKEcn8vCOTaSc1rxyTbQcqnnj42/cbOaNPG+ZuSWdi7yTOOakj6/dm4XZZS2lLm+QOaB/HGvs1OvuOMfzxoxXk2jlGn63ex9L7JrLtQC6Du1h5JhOemkOKvfTum3Uz2PrY1Cb5+5RqKDk+q1lCQ1z8014K6mtUt1YUlJQQEx5Ct8TqZ/0e/noDszdahU1u/OBnPrx25DHHd/qz89iSnkN0mJvl904qy1N87/+Gctu/V3Ph0E7cdUbV4lKVxUeG8tj5/dlxKI+hXVoeU0yhgL81QL7FzirLzc1lT5ZVMXx9MzgZdzzLLihmw95sbj61cVqqqIZ39Skn8PaiVJ74diMfXz8y6NJojkfNfnCICKFuF16vKfsSquDENs6s/Q53Q4E9YRhbw1nwxhQTHopLrGWNTpbBnjqgHVMd6jd5LPZl5XPnf9fQLTGah86xcmSGdmnB8h2HEeDrW8ex/UAmj3+7ibjICD5ZYbWtmNw7iRcvHQJAVKgbl1hNtcPtExVf3jKmwu9JjKvYGykpNoKk2PJ8xlSfkv8OnWdQ6pi8c/VwrnxzKa2iw3jqgoF+b3PD+O6ckBhD73ZxtIyuvjpnK58ZuZiIqu+th3ML2H24oF49QnfaqxtyizzszMyju/25MbpHG5b/ufq+hM/M3MSy1AweOqcvvdrGAVb+Ubv4yGrvUxc/rN/nd2AY4oIVD1QfT3R0dK37fvzrXzhjYFsGdUo4hghVY/t5RyZeA8NO0EJywSIyzM0tE3tw/+fr+N/6/ZzWt63TIalaNPvBYZ/2cbSNjSA9p4CxPbXscakeSc4MDkf1SCw7u+3UwKhbYjStosMpLPEwsLNWO6uvK99cxpYDOSzadogeSbFcNqIL/72hPM9w+4FMTn1mUZX77TlcXn00uXUML/z6JL5fv487TzvR7++564y+zN9yiI37jvDyJVVnVP58Zk8e+WYzAIM6aqK7Cj7dkmKYf9epNd4mKS6C34xMrnVfpXl7GXnFPHhWxdm81TszOf/VxXiMYWTXVnWeVbx8RBf+vXQn/TrElw0Ma7Ngazov23nBV7+1jIV3T6zlHnVXuZVGiwg3qx46vU73PbNfG2au388Vw6tWfU2+ewYAf1+Qyh8mdefmSc2g0k0ztSwlgxCXcJJ+dgeVi0/uxNuLUvnrNxsY1yuR8JC6VUtWzmj2g8MD2QVk5hdR7DFs2OvMEsJAtGjbAW5wYFlGRm5RWcXWvfYyn6YWFuKmdUwYRR4vraLCa79DI0k5mMv6tGxGd29NfAPm4TSm3725hI37yl9H4aHly5MXbUlnVI9E/vL1pgr36dwqEq/X8MZvT66w/Yz+7Tijf/UnCOZu2s/erEIm92nDlP7tq1x/9dgeXD1Wlxap5sEYwxsLUvglLZvLR3SmX4d4wtyusiVYv+zJ4tyXF+Dxwq2TunHbpKonVaor7PLpqt1lvQ/X7slix8FcJj0zlxKv4f9Gn8D9Z/nPGZy9YT9RoW427s2m/0Pf88yFA5ncty3FxcUcyiumbXzVnO39Wbl4vQYDpB0u4JyXFvDl70cf5VGp6Jqx3fjul/2kHszl8V/157Q+dZ+BeOXyoXW63ZsLU3VwGMDW7smiX4d4osKa/dfXZiXU7eKBs/twxRtLeWNBCjeO7+50SKoGzf7VtS09h9zCEoyBzft0cFjKqWNxybDOrNuzDhG4YmQXR2IAEMH+0uVM/diCYg+PfPUL+cUelu/I4MGz+zoSR33N2nSwws/n9LfaSpSeeQerLYXvz/P+VPPMSHWuems5XgPfrtvPZz/vYtqQTke1H6WCwb7sAmZtsKpIvzh7K4XFXpJbR/HQOX0JD3Fz/+dry5ZP/2Neqt/BYXVun9iDz1akkVfk4Tcju3Df5+so9lrvfe8t2eF3cDjl2blsTS+fqXO7hOd/2IIxhuveW4EBJvRK5M2rhpXdZsz0H9h1uKDsZwOs2T9SZbYAACAASURBVJ3F3f9dzfRqls3W1yc3jGqQ/fiKjwwhK9/qu/vhNQ2/f9Vw3r5qGIdyay6QpALTmB6JTO7Thpdmb+VXgzvSJk77FQeqZj84LF0+aYA4zTks53ImIfhAdgFhIS5cIqRlFdR+h0bgNYbo8BBqz0JpPMZY+Xall4NFqAuKffL75mw+yJR+VWf1UqdXLQ5TVFREWFj1OVOVeX2Oy46MvOpvqFQz0DomnBNax5By0CqYYjCkHMxl7+ECkltHc9mILqzctQYoz7cqKSkhJMT/x7jX68Xlsmb2W0RHsOahKWXXzVy3lwVbrRM9A/y0T5j6wnw27a9YuEWA0/q05V8LU8tOqZVWFS7lOzD0VeQJ7KTg1Q9Oqf1GKiC4XFLWJ1MFnz9P7cOkZ+cy/duNPHvxIKfDUdVo9oPDA0cKCXcLXmOV03aKc3NU5cLdUGgXg3n6gsGOxPD1mr3k2RUov1mTxkVDm342qGebWO6Y3IsDRwqY3MeZhuqRYW7un9qbdWlZjOuZVPsdAsSWx8pnBUNclA0MS5/f1Z1y6H7vN5R4DVFhbtY/UrccocgQId8ub/vDhgN17oWmVDAKdbv463n9yCv2sGnfEf61MIUeSTFl7XYuGNKJ0d0TOJRTTN8O8dz139X8Z/lu3C7h85tGVSg089/lu3js243ERYTw0XUjq5yhP61fO5bfN4H92cV+e+v5VvZuHRXClzeegivUTdv4SKvi8EsL8Bq4sNJs/vATWrAkxWpQfvHg9ny9dj8dWkbyzMVVc4aVUsefzglRXDPmBF6es40Lh3ZkVDetBRKImv3gsHtSDNHhoWTlF9GvXZxjccRHuDlc4CE2zLkSvr4nb1s5dOZtX3b5meVUh3otQmBUOuvRJpYeDlWNPRb+ZgVT/GwDyMvL4+TpVm4TUHZiYPG2A1zyj2UA9EqK4vs7JnDBqwtZvuMw141O5p6z+jIkOaFsduOcQVVnJ5VqblwuISY8hCFdWjLET8uHtvFRtLXHct+v348BSryG1+el8IJP0aYvVqdR4vGSkVvErA37uWx41SX8rWOjaF3N209EqIuCYi9ugeUPVJxV69shnm2P+3+9f3TdKRV+fuKiGv7YJtTnz9+SZy958Pf+BfDj+j1c+c4qAL6//RR6tdGCJ0o1ht9P6MGMNXu565M1fHfr2Br7typnNPsOommH88nIK6LYC0t2ONeA87Ddv+FIkXPzh749Bi94eb4jMeQVlpRdzva53KQxFJVw/+drue7d5fySluVIDMHq69V76HbPDAY/MrPa23S7ZwbJd1v/+jwyh9yi8rMScXaJ/UvtgSHApgN5rN2ZxfId1ozD3xekAvDe74bz5lVDmXHzaK4Z283v71qScqjWBt1KNUfTBrXHJRDqEnKLSnh7UWrZdRcP7UREqJu28RFM6Vv/1RFrH5jEE9P6s6KGdhVHY8gjM8veG1bvtD6Pz3x+Hn0f+I4Za/Y06O/yleezFn7Yo/7fu0oHhgBTnl0IQE5OTlm8XX3yqGvi8XhYvPUgRfaJMKVURZFhbp68YCC7M/N56vtNtd9BNblmP1xftSuzLHdpn0M5boEoLwA+tzxeZwbKG/Zms/WAlU/z46Z0+ravuqxK+Xfzh6swWOXyL3t9Me/7KYnvqeZh7dQigvl2WftuiZFsTS9vbbE7w/8gfUKv6r/YnvPiAn7Zm01UmJvFd00gJrLu+YxKBbsHz+nHg+f04+K/L2ZZSgbLUjIY1CmegZ1actbA9pw18Ohn20NDQ7nYT8uHY3Uor7xL4T2frWNsj0TW21XEb/n3aqYO6NDgv7OyS4fV/e/6w6cbyi7XNWtywtNz2XO4gJZRoSy/f3I9o1Pq+DDshFb8dmQyby1KZXKfNpzSXZeXBpJmP3PYPbF8KWmcn8bAx6vbJzlTRvjeM8or7D17ccNUr6uvXm3j6NQyiohQN2N66BtSfYjPquhWNTTkLruNvXo5xEXZwBBg1h9O5bwBbemVFEXq9KmcMagzpV0x2sTWbZC3Pi0Lj9dwpKCkQlVFpY4nkWFWLr3LJUQeQ3n/IwXFPPLVL7y5MKWhQqsiLqI87//hs/vS2uc9xOM1PD2zcWYRUqdPpX18OLed2o3bqumrOrRL+TLS/zulix1jeb/IuiaE7LNbNGXmFePxBMBZWKUC1J9O70WPpBhu+XClTt4EmGY/WuqaGE3b+HCO5JcwvlfwFP5oDOcPasenq/YSE+7m1yc3/FnhurhqTDcm9G5LiFvo2LJqj6ymEBMewp1TenE4r4iebZ3LQw1Gs/84hnNfXEzXxGhevGwIADe8s5z0nEL+e6OVb5Q6fSr5+flERkbWuK/nLh1S4ectj/nPBfInJ7eowjLpQZ2r5mcpdTx48ZKT+NfCFAZ2bEHPY8hhvveztczdlA5AhxaRnNbX6iF43TvLOblLS343zv/S7pp8tWoPXgPnnmTNCK556PQK7w0nd01gbVo2X6xOA+Cl2Vu5aGgHOrWKOeq/ozqL7plU4/X/veGUKtvatowhdfpUcnJyiImpW0xnD2zHzPX7GX5CK9xubfStVHWiwkJ49fLBnPPSQm76YAUfXDOc8BB9zQSCZj84FLE+6I5ElND2OO+p8r3dQyun0MOq3YeZEl/zl/fG8NP2Qzw3azMuEf58Vh96O1AkaG9WPnd9spaiEg9XjEhm6oDqG7GripIT4ljtUxJ/6gvz+CXNWhbW74HvWGdXIg0LCyMnv+iYlnq+OHszby3cwe/GJHPDeG12r5Q/sRGh3Dqx5zHvx+WzLCDEbU3jD3j4e7LzS/h+vfXZ4TtAzMovIr6G1/czMzfx8o/bANh84Ah3TrFm7NxuN6f+7UcAZv9xPM9fchLf/bKPQruJY4gr8L4c1nVgCPD0RVqeX6m66p4Uy1MXDOSmD1Zw+0erePGSwbgdarWmyjX7ZaWCAGK1kZDj+wmXW1ieNTF3Y7ojMezJtPLMvMawNyu/lls3jgPZhRSVWMt99hzW/nnHIuVg+fHLtQswbNqXTf+H/8egv8zisW82VHfXWj09cwuHcot44rvNVa6LiQ7jmtHJJESH8eDZVRt4K6Xq5/Hz+3P5iC7cN7U3p55orbLJKyxfFrnIp6fh+KfmMPgvszj9uXnV7m/93vJ2GBvsvEKAyc8tZPvBXLYfzGXck3MAePPKofRrH8ddZ/SiXYumP2mplHLO1AHtuH9qb75Zu4+7PllDSYD3RT0eNPvBodcYIkPdJESH4W72f23NfM/HDujkTBGWM/q3xeM1hLpdjOmR6EgMAzrGM7JbAp1aRjHtpI6OxNBcfHnzyLJcnMfP7wvA56vSKCzxYoB/zttO8t0z+NNHKxv8d993Vl9+/vNkrjrlhAbft1LBLPVgDpe8vpg35m+v832iwkL40+kncrFPysHdU3rhdgmx4W7+ddUwwKrGucs+ybctPafKfvr8+Vt63fcNj03rR/fEaLq1jmb6+f3Kri/2ln/xKzHW5VHdE/n6ljFcP86ZXHillLN+N6Yrt0/qyX9/3s017ywnu6C49jupRtPsl5XGRoSQlpXP7sy8gOht5yTf1Pit+49Ue7vGdOO7P7MsNROAR75cx1+mDWjyGFIP5fHTtgwMhjkbD3DRyZ1qv5Pya+s+qxBMmFv49bBkAHZl5FWpRPuflWk8Wc9G2L8d2ZlPV+zh1/V4fM59aQGrd2fhFph35wQ6tHImr1UpJ53z0kKyC0pYvD2D53/YzLMXn8TE3vVvafG7cd3KlpJuTc9iyjMLADgxKZKthwqrfKb2vO8biuxyxSMfn+23H+KPd4xh7N+sGcc5t4+pUxy/7MnirJcWYAyM65nI21cPq/ffopQKbLdO6kHr2DD+/Pk6znhuPtN/1b9BJhGyC4pJSc8l9VAu29NzOZxXRH6xh/xiL15jCA9xERHqJi4ilHbxEbSLj6BbUgwnJETjOk6XuDb7weH3v+xju13J8PW527ljci+HIwoMS1Od6fm40WdQumKnMz0GC4o9GEqbsjvTazEYpRzM5VBOIUO6tETsJdo3vL8SAxR5DMMfm8WSeyexLCWDuIgQsguO7dg+fG5/Hj63f73uU9q30mPgHwu289A5/Wq5h1LB65e0LIyBfh0qrgQp9lmWVVzi4bOVe45qcOjrjOcWlrWp2XqogE2PnlnlNiU+J4Wq61QUFhbGT/fWXBymsud/2Iyx9/eTz/JWpVTzctnwLvRuF8cf/rOaK95YyoiurfjNyGTG90okqoZqzAXFHnYcyiPlYA4pB0v/zyXlYC4Hc8p7IYtAfGQokaFuIkPdIFBY7KWwxEtWfhHFPr24YsJDGNSpBZN6JzG5b1s6HEdL3pv94LBNXHjZ5eM9yTXMDaV9eR85x5k8rRvHd+ORrzfgEvjDac4UGendLo7rxnUj/UghZw84+l5gx5NdGXnc//laPF7DhUM68ash1nJct1BWNbR1jFWcYnKfNnyzbh9juicwf6v1RS6yid5pIkLd5Nh5UteP69o0v1SpJpSZW8Tj325gT2Y+eUUewkNd3DqxJyO7JZTd5qVLTuK+L9aRnVeMyyXM25zORa8t4oPfjSAkpDy/YvxTc9hxKI+OLSOZf9epNf7ecLeLYrs1Q3SY/6Ixi/40jpFPzMVgLTlvKLdO7MmsDQfwGhjXU9sPKdWcDe7ckm9vHcOHS3fy2txt3Pj+CkLdQvekWDq1jCQ2IhSvMeQVlXDgSCG7M/NJP1JYYR+JseGc0DqaSb3bcELraJJbR9O1dTSdWlltzPzxeg0ZeUWkHc5n474jrN2dxeLth3joq/U89NV6xvdK5MpRyYzrmVh2gry5avaDwy4JMbSIDCWnsIQRXZ1bVhruhkIPZb3cnOCb4/vl6v0M6tL0H7LnD+nE5v05hIW4OMWhnENjDGmH8zmQXUhuUUlZnzBVvaz84rKlopl55Wfh1j5wKqOemkebuAhm3DIWgEen9efRaf154Iu1ZYPDoynpftLDM8nKL+aSYZ346/l1W35cVOItOwmUGBNey62VCj4rdmayMyOPjFzrLHeb0HCy8osq3GZin7ZM7GO1opjy7Dz2ZllfdlbvyWJIl/K2LzsO5WGA3Zm1Fwdb98jpjHhsFiEuFwvu9j+QbNsyhpTpdW9JU1d9O8Sz3c8S1ebmwS/W8u7incREhrDmwSm130GpZioi1M1Vp5zAb0YmszQlg3lb0lmfls3OjDyy84txu4Wo0BASYsI4tVcSHVtG0jkhim6JMXRJiCI2IrTev9PlElrHhNM6JpwBHVtw0VArpWV7eg5frErjg6U7ufLNZQzu3IJ7zuzNycnNN1Wt2Q8O92cXUFDsQbCWxTnFrtKNp5qlNk2hR5tYNu47ggC/HZXsSAzfrdvHVruIwYItB495qdPRWL07i6/svlpRYW6uO4r+Xcebfh3iuXJUMulHCjnP7lkGEBkZycoH/H+J+e3IE/hwyS5KvIaxdTgRMPbJ2ezPKuCNK4ewYEsGmflWQvoHS3fVeXDYq20s6/ceITkhSnuMqWapf8d4EmLCiQpzM7RLK1rHhtf4PjqlbxveXryDji0j6duuYh/EpLhw9mcXls3616a+y0FV/byzeCcGyM4v4bLXF/H+taOcDkkpR7ldwshuCRVWRjS1rokx3D65JzdN6M4nK3bz3KzNXPjaYs4e2J4HzupDYmzzOxHd7AeHUWFuPMbgMcbRaeDSQWF1eRhNISE6jJhwN26XkOtQrl3nVlEUlnhxi9DJoWIhbeMiCA9xU1jioUtCtCMxBKPT+9WvH2S3pBhevXww7ePD6dOh5ib1172zjJ0Z1uzFFW8s593/G8Zr86xKi+EhdZ9u/+rmMXg8Hh0YqmYrKTaCly8djKnjZ9odp/Xitkk9cLmqvo6W3DuJkpISQkKO/qvAxr3ZpGUVlLW/UEfP7ZKyvM2F2zMdjkYp5SssxMUlwzpz3qAOvDZ3G6/+uI25mw5w39TeXDS0U7NaatrsmztEhLqIDnMTFuKiXVzzG93Xh8sldqNjAYeew8YYSisLeI0zI+W28RE8c9FAHj9/AKf3a+tIDKWaYz+fnNwi8gsKuf2jlVz77s+c/fIifli/r8b7VP7eOrpHIi9fOoizBrRjzQMT6/y7529J58nvN7M/u+BoQlcqaJR+EalcGdgffwPDUpUHhvd+uoZxT87hhR+21Lrf1bsyueQfP3HTez8z7eUFZOUVVXvbfVlV216oim6bpK08lAp0kWFubp/ck29uHcOJ7eK465O1XPz3n9jiUBeAxtDsB4fFXi/5RR4Kir1k5B3flSmfv/gkpvRry31TT6RPO2f6HO7OzCc81E2IW0g7XHueS2NJiLGSlZ1ijGH6txu54o2lfL5yj2NxNLQb3ltOv7/8j94PzWLGqjS8xsp1fXvRjhrv9+rlJ9O1dRQRoS4+unY4AFMHdOClSwcTFla3JW97D+dzy4cr+XDpTm56f8Ux/y1KBbq5m9O54o0l3PvZWgpLPLXfoRY5BSV8vWYvmXlFvL+k5tcswJb9ORSWeMgv8bJ2Tza3fbSq6j5zi0i+ewYjHp/LSY/MPOYYm7Pfn9qTAR3iiAhx8dzFTd/mSSlVd92TYvj3NSOYfn5/Nu0/wpkvzOep7zdSUHzs78VOa/bLSvdkFFDitcrXHsh2bjASCH7YuJ9dGXkcyS/hzP7tiQlv+of/9H5tSc8pJMztYnR3ZwrSBILsghJW7bKWDc3bnF4hjy+Yzd54oOxykYEQl+ASuHJ07Y3qZ/9xwjH97hJjysrdFzXDGVmlKlu49SBeY9iensPuzHy6JcYc0/5iIkLokhDFjkN59Gtf+wnE8wd34Ks1aSzYeojwUBdFJVVfd9e8v7zscmaeNrauzZc31633o1LKeS6X8OthnZncpw1//WYDL8/Zxper07htYk/OHdSeEHdwzsE1+8Fhh/hI3C7B6zG0ij6+l5WWFoI5nF/EoZxCRwaHB3MKWb3rMKFuF2cPbN8sE3nrIj4ylFNPTGJ5aiZTB9Qvl88JX6zcw58+WYNLhH/8ZgijqykwM6FXIt/9Uj5AXGoXsGhVx4IXx6JTyygePrcvi7Yd4vqx2sZCNX9T+rZlV0YeXROj6VIph/uM5+exZX8O/drH8/nvT6nzPr+46RR2ZebXKR/b5XLx9tXD+WDJTtbuPsxtk3tWuU1WbnmJ+XqkDyulVNBIiAnnmYsGccGQjjz69Qb+8PFqXpi9hcuHd+HcQe1Jiouo1/4Kij3szy5gf3ah/X9Bhd7RoS6hRVQoLaLCaBUdRqeWUbRvEdFgg9FmPzgMCXXRuVUkuUUeerePcyyOHkkxpB3Op7WDg6FLh3UGYxUKcaoQy0/bD5W1Qli5M5PT+jqb8+eka8d249qxTkdRN+8t2WEXSjC8vTi12sHha1eczFkvzGdbeg6XDevcJINCX+cO6sC5g5rHLKxStRnSpSVDugzxe93m/dbJwF/2ZtVrny6Xq96fD5cO7wzDO/u97sXLTuZXry3C6zV8cM3weu1XKaWCyahurZlxy2hmbTjAKz9u5a/fbOCv32zgxLaxDOrUgk6tokiMCcflErzGcDiviEO5RRw8UsSBIwVlA8Ks/PqvsnC7hA4tIvnouhG0i488pr+j2Q8O28ZFMKlPWzbszeb8wR0di2PaSR34fNUeTndwMNQlIZp7zuzt2O8HGNm1NXM3pxPmdnFS55orWKrA8ZsRXVizOwtjDMNr6e3z9S26LEopp/VqE8Pm/Tn0rcPy0MbULSmGVQ+cdlT3LfZ4+XbdPmIjQpjQS6uhKqUCn4gwuU8bJvdpw7b0HL5du5clKRnMXL+fjNyqRbvC3C5aRYfRJj6C5IRoRnRNoE1cBEmx4bSJi6BtfARtYiOIiwwpK0RWVOIlK7+Yw3lFpOcUsjsjn50ZeezIyKNV9LGflG/2g0O3S7j7jBOdDoP1e7NpFR3Gxn3Np5rR0eicEMUrl/k/060C19mDOrAnq4AfNx3gh43pnNa3HZ0TnGlFopSq3Te3BsmyhBp8uSqNj3/eBUBcRAhDujTfptNKqeanW2IMvz+1B7+3f84rKiEjtwivXQulZXQY0WHuerfBCAtxkRgbTmJsOD3axEIDt+sOqsGhiDwLDAVWGGNudTqe+gizky1CNelCBalQey27CIS4m08/H6VUYArz+bwM096lSqkgFxUWQlRY4A+9Aj9Cm4gMBqKNMWNE5FUROdkYs6wu9529cT8b9h7h3EHt6djSmdmOwZ1bsD4tm4naKFgFoX/O387bi1Lo0z6e2yb1pH2LY1vPrpRStTlrQDviI0OJiQihf0dnl8c2B0tSDnH3J2vpkhDFW1cNczocpVSACqZprJHALPvyLGBEXe50ILuA1+dtZ/6WdN5cmNpYsdXqhR+2knY4n1fnbncsBqWO1t9mbiItq5AfNhygU4v6Vd1SSqmjISKM7ZnIYM1PbxB3fryanRl5zN9ykHcWpTgdjlIqQAXT4LAFkG1fzgIqfFqIyLUislxElqenp5dtjw4PISY8FLCK0zilZZSVIBofGepYDEodrWh7GURYiIuYyKatQKqUUurYlZbTF6BHUqyzwSilAlbQLCsFDgOlvSji7J/LGGNeB14HGDp0qCndHh0ewhO/6s/uzHz6dXBuWcqH14zgfxv2acU1FZS+vXU0by/ewTRtE6GUUkHpo2uG88qP2xnQMZ6R3Vs7HY5SKkAF0+BwMXAd8B9gEvBWXe+YEBNOQoyzzdZbxYRx8cn++0ApFeiS4iK5c4rzVX+VUkodHbfbzc0TezgdhlIqwAXNslJjzAqgQETmA15jzFKnY1JKKaWUUkqp5iKYZg4JtvYVSimllFJKKRUsxBhT+62CjIikAzucjqMarYGDTgcRAPQ4WAL5OAwGVlTaFsjxQuDHBxpjQwn0GFsDnan4Ggr0mGsSrLFr3E2roeMOxs+hUhpnw9I4j04XY0xife7QLAeHgUxElhtjhjodh9P0OFiC7TgEeryBHh9ojA0l0GP0F1+gx1yTYI1d425aTRF3sBwbjbNhaZxNJ2hyDpVSSimllFJKNR4dHCqllFJKKaWU0sGhA153OoAAocfBEmzHIdDjDfT4QGNsKIEeo7/4Aj3mmgRr7Bp302qKuIPl2GicDUvjbCKac6iUUkoppZRSSmcOlVJKKaWUUkrp4FAppZRSSimlFDo4VEoppZRSSikFhDgdQHMnIn0BjzFmo8+24caYJQ6G5TgRuckY87LTcTQlEWlnjNkrIgKcC/QGUoD/GmNKnI1OKdXQRGQIMAJoCRwGfjLGLHc2KqWCi76OlGpaWpCmEYnI00AboARIAK42xqSLyGxjzKnORtd0RGQ+UPpEE/v/vsA6Y8xYZ6JqeqWPu4g8D+QDs4FBwFBjzEXORudfIH8oi4gbOI9K8QGfB9JgO5CPYSmN8dj5iW8kkAXMsv+PAyZhnSy8xak46yJYXlv+BPrzxJ9gPd5NEbeIPAuEEwSvo2B47gXTcy0YjicET5z1oYPDRiQic40x4+zLA4AXgDuBJ46zweEdwADgLWPMj/a2b40xZzgaWBMTkVnGmEml//tsn2OMmeBkbP4E+oeyiLwLrAF+oGJ8A40xlzsZW6lAP4agMTaEauJ7GWtVwC2Vbjsv0E+KBcNry59Af55UJ4iPd6PHXd3rJdBeR8Hy3AuW51oQHc+giLO+dFlp4woRkTBjTJExZo2ITAPew5o1O24YY54RkTDgdyJyPfCB0zE55G0R+SewS0TeA+ZiDZoD9QzTED8fvp+JyDxHoqkq2RhzRaVtK+2Z6kAR6McQNMaGUCU+ERkD/NqOMRvrS8NEYIUD8dVXMLy2/An050l1gvV4N0Xcy0XkNawv34H8OgqW516wPNeC5XgGS5z1ooPDxnU70AI4AGCMyRSRc4ALHY3KAcaYIuAVEXkduAJY7XBITc4Y866I/ABMwVpuHAL80xgTqMci0D+UvxCRr4EfseKLB8YCXzkZVCWBfgxBY2wI/uKLBOYASUBPrOVGrxtjVjoWZd0Fw2vLn0B/nlQnWI93o8dtjLlDRE7CWqYdyK+jYHnufVnpMYsDxgFfOhmUH8FyPIMlznrRZaVKqWr5fCjHU76WPmA+lEWkNTCM8viWG2PSnY2qokA/hqAxNoRAj6++guG15U+wPg5BfLyDMu7G4PPca4F1LBYDIcaYZY4GVomIjAb6Y8WYBSwDugZaoUQRGYY10ArBqt1hjDHTnY2qKvtxH0H5497aGPMXZ6M6NjpzqJSqicv+FwK47X8BwU6sH4f1YdwSyASiRSTQEusD9hj60BiPXaDHV2dB9NryJ+geh2A93sEad2MQERfWiijflUACfAdMdiQoP+xCiUmAh4qFEj8CAqYWhoi8YV8sAhKBNCBbRF43xlzrXGQV+RRcFJ/NfURkciDlxNaXzhwqpfyyE63DqJq4HhCJ1nZi/VqqJoIHTGJ9oB9D0BgbQqDHV1/B8NryJ1gfhyA+3kEZd2MQkTysqp8VNgMDjDEJDoTkV7AUSqwU51pjTH/7ckAV8GuuBRd15lAdFRHxYH0ohGD16rvCGHPY2ahUAwv0ROtgSKwP9GMIGmNDCPT46isYXlv+BOvjEKzHO1jjbgwbgGnGmCzfjSLyP4fiqU6wFEr0HZ/c63NZKt/QSc214KIODtXRyjfGDAIQkbeBm4C/OhuSamCBnmhduRhCaWJ9IBVx8HcMJxE4xxAC/3GGwD+OwXAM6yNYC6QE6+MQrMc7WONuDGdh9S+uLNBmkIKlUOK1IuI2xniMMV8B2IOwZxyOq4rmWHBRl5WqoyIiOcaYGPvy9VhLJ24UEQGexHpDNMCjxpiPatg+HngY2I/VEP5TrBnJW7Gq/Z1njNkmIhcCD2Ktk88K5rXcwSTQizv4FEMoTQRfFmjFEPwVKQikYwhVYswkwB5n8BvjYmPMKmejKhfor5X6CtZCI8H6OATx8Q7KuJVSr5vyFgAADN9JREFU1dOZQ3VM7IT0iUBp8vD5WIO8gUBrYJm9pGdUNduxt/UGMoDtWO0dhonIrcDNwG3AA8AUY8weEWnRJH+cgsAv7tAG2G6M2Vi6QUSGB1LVNfuLadmXUxG5yfdnp4lIO2PMShFZDZyL9VrsZed5BERRCREJBToCq4wxi0TkCuAUEUkNoOXsgf5aqbMgLzQSdI9DsB7vYI1bKVUznTlUR8Un5zAZ+Bk4zRjjsQsCrDXG/Mu+3bvAx8CEarZnA/cZYybb2+cB9xhjForIqcAtxpjz7KVC3YD/AJ8aYw414Z97XAr04g521bU2WCWufauuzQ6UxHqfSmZlm4A+wC+BMvtderxE5HkgD6s33yBgqDHmImejs4jIZ1jl1lsAQ4AZwCHgUmPMFCdjg8B/rdRXsBYaCdbHIYiPd1DGrZSqmc4cqqOVb4wZJCLxwNdYOYcvUH2ycE1JxIU+l70+P3uxn6PGmOtFZDgwFVglIoN0gNjoAr24w9BKVdc+FpE7HY6pss8I/EpmXvv/vsaYSfblmSIyx6mA/GhhjHkMQETWGWOesS9f6WhU5QL9tVJfwVpoJFgfh2A93sEa93HL58R+KNaJ1beB54wxXhEZCvymuhMpIpIMjDLGNIuiK6p6OjhUx8QYkyUit2Alpr8KzAOus4vUtMJKTr8T67nmb/uJdfk9ItLNXiq4RETOBjphzRyoxhPoxR0CvupakFQye1tE/gHsEpH3gLlYA9rlzoZVQa6I3A9EAHtF5A9YS9gKa75bkwn010p9fRkExZ78CdbHIVgLuwRr3Mcz32KCSVifSfHAg8aY5dT8vp8MXEpgfo6pBqTLStVR8S1IY//8FdaSz/eof0GaPxpjzrL386P983Lf60TkU6AH1gzkD8BtRp+8jU5EhmF9uQrBOstojDHTnY3KYscWCmzBOlFwFlaM8YF0ZlNEhgC7sHJqbwEuNMaMdDaqikRkLHAKVn6WB2sZ3pPORlVORKKA3wOLsSrB3YhV/OLfgZJzaBdCGUF54aHWxpi/OBvV0fMpNDIE2ApsNcYsczaq2jWDgjQBW1zLHy1IE1z8fHfrirVkvzXWCaDS71zjgOftmxmsQf//sHLSU7BmHD8D3gWi7dv93s4JHw88BBwE+mGlHl1ujDEicrK932isk3sTsdIZpgPjgXDgZWPM3xvj71d1o4NDpZRfIlJaZKgISATSsM4OJxljrnUsMJsdn2B9wARcfBBUMUKAPs4Q+MfRJ7fUd/l8QOWW1oeIfGeMOV1EbsPKIfsa6+TBHmPM3c5GVzP7ZIxvgZSf7BmRoCAi/bC+UG8L9MG4XZDmPCodb0AL0gSoyoNDe1sm1iqu3pQPDr8Cptv1H2KAAmA0FU/mRwFeY0yBiPQAPjTGDLUHh19greJJAxZirRRbCmwELjbGLBOROKyB4dVY7+WPiki4ffsLjTEpjXw4VDV0WalSqjrdfXL61hpjLrAvB0ouWqDHBxpjQwn0GIMht7Q+wuz/pwETjDFe4DURWeBgTLWqVJBmA9ay0qtEpNo8qkBQaTA+Eavg0i0iEuiD8bew8tc+oGJBmrcALUgTPPzVhFgIPCMi72MVAdxtLQCrIBR4SUQGYa046elz3VJjzG4AEVmFtSQ1C9hbetLDGJNtX38aMEBELrDvG4+1UkwHhw7RwaFSqjq+7w/3+lyuqbhQUwr0+EBjbCgBHWOQ5JbWRx8ReQerQnQ45c29I5wLqU6CtSBNUA7G0YI0Qc9eVuoBDmDNHAJgjJkuIjOAM4GfRGSSn7vfjtWjeiBW+5gCn+t888E9WO/hQsXq3WVhADcbY74/hj9FNSAdHCqlqnOtiLiNMR5jzFcA9hfgZxyOq1SgxwcaY0MJ+BiNMUXAKyLyOnAFVm5ksBpu//9nrDxe7KVlf3YsoroJ1oI0wToYr65w0ZdOBqXqRkQSgdeAl+x8QN/ruhlj1gJrRWQk1rLTXUCszy7igd12pdPfUntP0Y1AexE52V5WGov1XP8euEGstkrFItITawl7bkP9rap+NOdQKaWUUs2CT0Ga0sIui4GQQM7fE5EuPj/uNcYU2YPxO4wxjzgVV12IyGigP9axzsIqbtLVri6uAoxUbWXxLvCMPcAbT3nO4YtY/ak9wHrgSqy2R99hFa95CysX+RPK++PebIyJ8VNo8CWsQkVv2QVpXgQisQaGk+z7PwqcjTWLmA6cZ4zJatSDoaqlg0OllFJKBT0RcfnbDHxnjJnc1PHUVRDH/TSQhDWASACuNsak2zNApzobnVLqaOmyUqWUUko1BzlY1TJ9CVaxoEBWGrdvTlYwxD3Up1DUAOBjEbnT4ZiUUsdIB4dKKdXIfJbyhGBVUfytMSavnvu4DXi9vverZl+pWF/sDh7rvpQKIBuAaZWXo4nI/xyKp66CNe4QEQkzxhQZY9aIyDSsXsd9nQ5MKXX0dFmpUko1Mt/eUnZp8J+NMfUqptKQAzodHKrmSETaAYfs4kC+20MCue9eEMc9DEg1xhzw2ebG6lH3b+ciU0odC3/r3JVSSjWe+UB3ABG5Q0TW2f9us7dFi8gMEVltb79YRG4B2gNzSnv7icjpIrLCvt0P9rZWIvK5iKwRkZ/spV6ISIKIzBSRlSLyd3xaQIjI5SKyVERWicjf7S93SgUdY8zeygMse3vADrAgqONe6jswtLd5dGCoVHDTmUOllGpkpTOHIhKCVd3tO2ApVsW3EViDtSVYjaO7AqcbY66x7xtvjMnyne2zS5CvAMYaY1JEpJUxJsOuMHfQGPOwiJyKVYVukIi8YG9/RESmYlWZS7T/PQmcb5cQfwX4yRjzTlMdG6WUUkoFDp05VEqpxhcpIquA5cBO4A1gNPCZMSbXGJMDfAqMwcpNnCQiT4jImGrKeY8A5hljUgCMMRn29tFYpckxxswGEkQkHhiLlQuEMWYGkGnffiIwBFhmxzcRa3CqlFJKqeOQFqRRSqnGl2+MGeS7QXw7DvswxmwWkSHAmcDjIjLTT68z36qGlbdX2WWl/yvf/m1jzD01Rq9UA2qIAk3H+PvHA0XGmEVN9TsDOQ6llPKlM4dKKeWMecB5IhIlItHANGC+iLQH8owx7wF/Awbbtz8CxNqXFwPjROQEsHINffZ5mb1tPNZS0uxK288AWtq3/wG4QESSSvdTqSG3Uo0h3xgzyBjTDygCrve9UiyN8v3EXto9HhjVGPuvp/EERhxKKVVGB4dKKeUAY8wKrJzDpVj5hv80xqwE+gNL7WWe9wGP2nd5HfhWROYYY9KBa4FPRWQ18JF9m4eAoSKyBpgO/Nbe/jAwVkRWAKdhLW3FGLMeuB+Yad/nf0C7RvujlapqPtBdRJJFZIOd97oC6CQil4jIWrsw0xOldxCRHBF52i7I9IOdg4uIdBOR70TkZxGZLyIn2tvfEpFn7GJOH2ENRm+3izCNEZEUEQm1bxsnIqkiEioi3UVkll30aYW9fxGRp+yY1orIxfb9xovI1z4xviQiV9qXU0XkYXsfa0XkRBFJrhxHox9ppZSqAy1Io5RSSqkmU02Bpm+B7cAoY8xP9gz6T1g5sZnATOAFY8znImKAy40x74vIA0CSMeb3dtXe640xW0RkOPC4MeZUEXkLaA2ca4zxiMhDQI4x5m92PG8CX9j7vhboZYz5g4gsAaYbYz4TkQisE+pnYA3qTrf3uQwYDvQC/miMOcve50vAcmPMW3YxqaeNMS+KyI3AYGPM7yrHoZRSgUBnDpVSSinVlPwVaALYYYz5yb58MvCjMSbdbunwPlZhJQAv5bPl7wGjRSQGa4nmx/a+/07FWfCPjTGeauL5J3CVffkq4E0RiQU6GGM+AzDGFNh5kaOBD+2WDfuBuXastfnU/v9nILkOt1dKKUdoQRqllFJKNSV/BZoAcn031WN/Butk9+HK+/WRW812jDEL7WWt4wC3MWadiMRVc/Pq4iqh4gn3iErXF9r/e9DvXkqpAKYzh0oppZQKNEuwii61FhE3cAnWLB1Y310usC9fCiywCy+liMiFUFbUZmA1+/Yt7lTqHeBD4E0Ae3+7ReQ8e3/hIhKFVdzpYhFx27mOY7HyhncAfezbxWO1hamNvziUUspROjhUSimlVEAxxuwF7gHmAKuBFcaYL+yrc4G+IvIzcCpQ2urlMuD/7CJNvwDnVrP7r4BplQrBvI9VxfdDn9tdAdxiF2taBLQFPgPW2DHNBv5kjNlnjNkF/Me+7n1gZR3+TH9xKKWUo7QgjVJKKaWCRmlBmwbe5wVYBWuuaMj9KqVUsNF170oppZQ6bonIi1hVSM90OhallHKazhwqpZRSSimllNKcQ6WUUkoppZRSOjhUSimllFJKKYUODpVSSimllFJKoYNDpZRSSimllFLo4FAppZRSSimlFPD/157rJsOsWOIAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plotScatterMatrix(df1, 15, 10)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Let's check 2nd file: /kaggle/input/Melbourne_housing_FULL.csv" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "There are 1000 rows and 21 columns\n" + ] + } + ], + "source": [ + "nRowsRead = 1000 # specify 'None' if want to read whole file\n", + "# Melbourne_housing_FULL.csv may have more rows in reality, but we are only loading/previewing the first 1000 rows\n", + "df2 = pd.read_csv('/kaggle/input/Melbourne_housing_FULL.csv', delimiter=',', nrows = nRowsRead)\n", + "df2.dataframeName = 'Melbourne_housing_FULL.csv'\n", + "nRow, nCol = df2.shape\n", + "print(f'There are {nRow} rows and {nCol} columns')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's take a quick look at what the data looks like:" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SuburbAddressRoomsTypePriceMethodSellerGDateDistancePostcode...BathroomCarLandsizeBuildingAreaYearBuiltCouncilAreaLattitudeLongtitudeRegionnamePropertycount
0Abbotsford68 Studley St2hNaNSSJellis3/09/20162.53067...1.01.0126.0NaNNaNYarra City Council-37.8014144.9958Northern Metropolitan4019
1Abbotsford85 Turner St2h1480000.0SBiggin3/12/20162.53067...1.01.0202.0NaNNaNYarra City Council-37.7996144.9984Northern Metropolitan4019
2Abbotsford25 Bloomburg St2h1035000.0SBiggin4/02/20162.53067...1.00.0156.079.01900.0Yarra City Council-37.8079144.9934Northern Metropolitan4019
3Abbotsford18/659 Victoria St3uNaNVBRounds4/02/20162.53067...2.01.00.0NaNNaNYarra City Council-37.8114145.0116Northern Metropolitan4019
4Abbotsford5 Charles St3h1465000.0SPBiggin4/03/20172.53067...2.00.0134.0150.01900.0Yarra City Council-37.8093144.9944Northern Metropolitan4019
\n", + "

5 rows × 21 columns

\n", + "
" + ], + "text/plain": [ + " Suburb Address Rooms Type Price Method SellerG \\\n", + "0 Abbotsford 68 Studley St 2 h NaN SS Jellis \n", + "1 Abbotsford 85 Turner St 2 h 1480000.0 S Biggin \n", + "2 Abbotsford 25 Bloomburg St 2 h 1035000.0 S Biggin \n", + "3 Abbotsford 18/659 Victoria St 3 u NaN VB Rounds \n", + "4 Abbotsford 5 Charles St 3 h 1465000.0 SP Biggin \n", + "\n", + " Date Distance Postcode ... Bathroom Car Landsize BuildingArea \\\n", + "0 3/09/2016 2.5 3067 ... 1.0 1.0 126.0 NaN \n", + "1 3/12/2016 2.5 3067 ... 1.0 1.0 202.0 NaN \n", + "2 4/02/2016 2.5 3067 ... 1.0 0.0 156.0 79.0 \n", + "3 4/02/2016 2.5 3067 ... 2.0 1.0 0.0 NaN \n", + "4 4/03/2017 2.5 3067 ... 2.0 0.0 134.0 150.0 \n", + "\n", + " YearBuilt CouncilArea Lattitude Longtitude Regionname \\\n", + "0 NaN Yarra City Council -37.8014 144.9958 Northern Metropolitan \n", + "1 NaN Yarra City Council -37.7996 144.9984 Northern Metropolitan \n", + "2 1900.0 Yarra City Council -37.8079 144.9934 Northern Metropolitan \n", + "3 NaN Yarra City Council -37.8114 145.0116 Northern Metropolitan \n", + "4 1900.0 Yarra City Council -37.8093 144.9944 Northern Metropolitan \n", + "\n", + " Propertycount \n", + "0 4019 \n", + "1 4019 \n", + "2 4019 \n", + "3 4019 \n", + "4 4019 \n", + "\n", + "[5 rows x 21 columns]" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df2.head(5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Distribution graphs (histogram/bar graph) of sampled columns:" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAACVkAAAWoCAYAAACisFMxAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XtUVWX+x/HPQdRRUFO8BMLhQAjekQbJNPOWWWpNhpUlJcqIU9pldEIbnUzHW1pajTdMwgtaplaTU/3sqpaSYiheGIEUBNJETUstSWT//mC5x8PlKAoexPdrrbOW+3me/ZzvQ631PXuf73m2xTAMQwAAAAAAAAAAAAAAAACAUrk4OwAAAAAAAAAAAAAAAAAAqMoosgIAAAAAAAAAAAAAAAAAByiyAgAAAAAAAAAAAAAAAAAHKLICAAAAAAAAAAAAAAAAAAcosgIAAAAAAAAAAAAAAAAAByiyAgAAAAAAAAAAAAAAAAAHKLICAAAAAAAAAAAAAAAAAAcosgIqWffu3TVhwoQKnzcrK0sWi0Xff/99uc4rLCxU+/bt9fXXX1dIHJW1vsq2efNmtW3bVoWFhc4OBQBQTY0aNUpTpkypkLleeukl3XHHHRUy17VUWFioVq1aaevWrc4OBQBQDWRmZsrb21u//vrrVc919uxZWSwWffPNNxUQ2bUVFxenAQMGODsMAEAVURn3ZxcvXiybzeZwDPeZixw8eFDNmzfX6dOnnR0KAOA6tX37dgUFBen8+fNXPdeVfn9cFQwfPlwvv/yys8MALokiK8CBw4cPa+jQoWrevLn+8Ic/yGq16qGHHlJeXp6zQ7ti7777rho0aKCuXbs6O5RKFx8fL39/f9WpU0fdunVTenq62delSxc1atRIK1eudGKEAIDiunfvLovFIovFIjc3N3Xo0EGrV692dljllp2drZUrV+rpp592diiV6vDhw3rkkUfk5+cni8WixYsX2/W7uLjo+eef1/jx450UIQCgvC7k4bJeGzZscFpskyZN0pNPPqm6des6LYbKdvbsWY0ZM0atWrVS3bp15evrq5iYGP3222/mmCeeeEJJSUlKSkpyYqQAgMtx4Rr3rbfesmv/7bff1KBBg3J9CVpQUOD0XHyxG+U+85IlS9S+fXvVq1dPDRo0UM+ePe1ysK+vr3r16qXXXnvNiVECAC7Xxfef69Spo1tuuUWRkZFKSUkp1zwTJkxQ9+7dKySmCRMmKCYmRjVq1KiQ+aq6X375Rb6+vrJYLCooKDDbx44dq5kzZ+rUqVNOjA64NIqsAAfCw8OVlZWl1atXa9++fVq+fLmsVqvOnDnj1Ljy8/Ov+Nz58+friSeeqMBoqqYvv/xS0dHReuGFF5SUlKSbb75Z/fr10++//26OiYiI0IIFC5wYJQCgNM8995wOHz6sPXv26LHHHtOjjz5a7otcZ1u8eLHuvfdeNWjQwNmhVKr8/Hx5eXlp6tSpuvnmm0sdM3DgQG3ZssWu2BkAUHUdPnzYfD333HO6/fbb7do6d+7slLhOnDihd999VxEREU55/2vll19+0b59+zRt2jTt2rVLcXFxWrNmjcaMGWOOqVmzph5++GEtXLjQiZECAC6Xt7e3li9fbtf2/vvvq379+k6KqGLcKPeZb775Zk2fPl07duzQt99+q8DAQPXp00e//PKLOSYiIkKLFi3iqQkAcJ24cP85LS1NcXFxOnfunDp27Kh169Zd81j279+vTZs26aGHHrrm7+0sTz/9tFq1alWiPSAgQEFBQXrnnXecEBVw+SiyAspw8uRJJSYm6pVXXlHnzp1ls9nUrVs3vfrqq/Lz85NU9CsWb29vu/NKe5zP2bNnNWTIELm5ucnX11fvvvuu2Xc5c3Tv3l1/+9vfNHz4cNWvX9/u5mpycrI6dOigP/zhD+rZs6dycnLKXNOPP/6or7/+Wn379rVr/+6779SzZ0/VrVtXjRo10gMPPGD2HTlyRAMHDpS7u7saNmyoqKioMovMStuCcsOGDXaVyBfW9vrrr8vT01M33XSTpk2bpvz8fP3lL39R/fr1FRAQoM8++6zE32jNmjXy8/PTTTfdpGHDhjksNps7d64efvhhDR8+XG3bttVbb72lH374QR9//LE5pl+/ftqyZYt++OGHMucBAFx7bm5uuvnmm+Xn56eYmBg1aNDA7pe6BQUFiomJUdOmTVWnTh317t1bGRkZdnPMmjVLPj4+ql27tjp16qRt27aZfRfyyjvvvCM/Pz+5u7vr6aef1vnz5/WPf/xDHh4e8vb2VkJCgnnO8ePH9dBDD6lRo0Zyc3NTcHCwEhMTy1zD6tWrS+TbvLw8RUREqFGjRnJ3d1eXLl20f//+y17TxWw2W4ldoywWiz7//HNJ/8u/n376qVq3bq26devq4Ycf1tmzZzV37lx5eXmpadOmmjlzpnn+hTz+wQcfKCwsTG5uburevbuys7MdxjFnzhw99thjql27dqlj6tevry5dumjNmjVlzgMAqDpuvvlm8+Xm5qZatWrZtW3ZskVubm4lHonTsWNHzZgxQ5I0aNAgDRs2TM8884zq168vT0/PEgVB6enp6tu3r9zc3NS8eXP99a9/1dmzZ8uM68MPP9Qtt9wiX19fu/Zly5apdevWql27tnx8fOxy25YtWxQWFqbatWvLarU63GFi4cKFCggIsGsbN26c7rrrLvO4U6dOGj9+vCIjI+Xu7i5/f3999tlnysrKUo8ePeTm5qZu3bopNzfXPGfQoEGKiorS2LFj1bBhQ3l7e2vevHllxtG0aVN99NFHGjBggAICAnTXXXfpH//4hz744AO7cf369dPatWv5MhcArgMPPvigkpKS7K6tli5dWmrhcHJysrp37646derIZrNp4sSJ5n3VC3mqR48eslgsioyMNM/7/fffNWLECNWrV082m63El5OffPKJ2rVrp9q1aysgIEDLli2z69+wYYNatWqlOnXqqH///jp+/LjDNd1I95nvuece9evXTwEBAWrVqpVmzZqlEydO6L///a85pmfPnjp27Ji+/fZbh383AEDVcOH+s9VqVffu3bVixQo98cQTevLJJ3Xu3DlJRdegnTp1Ur169eTl5aWnnnrKzFtLlizR1KlTtXHjRnNXrKysLEmOc3lp1qxZoy5dupQovn7jjTcUEBCg2rVry9/f3+5e8KXy+sVK+946MjLS7nOIzWbTrFmz9OCDD6pu3bpq3bq1kpKStHv3bt12221yd3dXv3799NNPP5nndO/eXTExMQ4/f5Tm/fff1759+/T888+X2t+vX7/r8skWuLFQZAWUwc3NTW5ubvr3v//tMPldjtjYWAUEBCg5OVnR0dEaPHhwuZ+FGxsbq1tuuUXJycl2RVbjx4/XzJkztXXrVhUUFOjxxx8vc44tW7aoadOmat68udl29OhR9erVS/7+/tq6das2btyo22+/3ex//PHHlZOTo40bN2rdunXatGmT/vrXv5Yr9uJ27dqlnTt36quvvtJrr72m8ePH6/7771ebNm303XffqU+fPnriiSfsdp06fvy4li5dqg8//FDvv/++/v3vf2vRokVlvse2bdvUs2dP89jNzU233Xabtm7darY1b97c/JIAAFD1FBYW6r333tOJEydUq1Yts33mzJlaunSp4uPjlZSUpDp16uj+++83n1m/cuVKvfTSS5oxY4Z27typ9u3bq2/fvna/Mj1+/LhWrlypdevWadWqVVq0aJHuvfdeFRYWKjExUU8++aSGDx+uo0ePSpL+8Y9/6NSpU9q0aZN27dqliRMn2sV0sePHj2vfvn269dZb7doffPBB7d+/X+vWrdOOHTs0YsQI8zPGpdZ0paZPn65ly5bp008/1Zdffqn7779fO3bs0JdffqmZM2dq7Nix2rVrl905L730kl5++WVt27ZNv/7661XnfUkKDQ3V5s2br3oeAIDzdevWTc2aNdPatWvNtn379ik5OdnuJu3q1avl4uKibdu2acKECRo1apT5xePZs2fVu3dvBQcHa8eOHXrvvfe0ceNGvfDCC2W+7+bNm0vk1nXr1ik6Olp/+ctftGfPHr3zzjtq2rSppKKdr/r27avQ0FClpKRoypQpeuGFF/Tee+9d1frnzZunsLAw7dixQz179tTjjz+u6OhojR07VklJSTpz5ozGjh1rd87q1atVq1Ytbdu2TWPHjtXTTz+ttLS0y37PY8eOqVGjRnZtoaGh+vnnn7V3796rWg8AoPLVq1dP999/v/lDnkOHDumbb77RI488Yjfu+PHj6t27t/r27avdu3dryZIlWrlypV599VVJMvPo2rVrdfjwYb3++uvmubGxsWrZsqV27NihyMhIDR06VHl5eZKKCpYeeOABPfDAA9q1a5eee+45DRs2zLxG+/nnnzVgwAD16NFDO3bsUP/+/c3C6bLcSPeZL3bu3Dm9+eab8vDwUMuWLc12V1dXBQcHc90LANexp59+Wj/88IOSk5MlFV23jh8/XikpKXrnnXf01VdfadKkSZKkRx55pMTOzz4+PpfM5aUp7Vr3zTff1IQJEzR+/HilpqYqLi7OLMK6VF6/Uq+88ooefPBB7dy5U0FBQXr88cf17LPPaubMmfrmm2+Unp6uqVOn2p3j6PNHaY4cOaJnn31WS5YsKfPRiKGhoUpMTOQHRajaDABlWrlypVGvXj3D3d3d6NmzpzF16lQjNzfX7I+PjzeaN29ud87EiRONLl26mMfdunUzbrvtNrsxXbp0McaMGVOuObp37243JjMz05BkLFiwwGzLyMgwJBm7d+8udT2zZ882goOD7dpefPFFo23btkZhYWGJ8f/9738NScbevXvNtk8++cRwdXU1Tp48acY2fvx4u5gyMjLM8V999ZUhyTh37py5toYNGxpnz541xwQFBRn9+vUzjw8fPmxIMnbt2mX+jSwWi/Hjjz+aY6Kjo43w8PBS12kYhlGzZk3jww8/tGt76KGHjGHDhtm1hYSEGLNmzSpzHgDAtdWtWzejZs2ahpubm+Hq6mpIMnx8fIyjR4+aY5o1a2bMmzfPPD5+/LhRp04d4z//+Y9hGIZx2223Gc8//7zZf+7cOcPb29uYO3euYRil55U+ffoYbdq0MY8LCgoMNzc3M5f079/fmDx58mWtITk52ZBknDhxwmz78ssvjVq1atl9jrjYpdZU/LOBr6+v8eabb9rNIcn47LPPDMP4X/7dunWr2T9ixAijUaNGJXLwG2+8YRjG//L4qlWrzP6VK1caHh4el7Xu0mK64PXXX7f7+wIArg/jx483unXrVqJ94sSJRs+ePc3jF154wejVq5d5/Mgjjxj+/v7G+fPnzbbw8HBj8ODBhmEYRmxsrF1eMwzD+OKLLwx3d/cyY7n77ruNsWPH2rWFhYWZ19bFzZkzx7DZbHYxPPvss8Ydd9xhGIZh/Pbbb4Yk4+uvvzYMwzAWLFhg3HLLLXZzjB071m5dt912mzFgwADz+ELu/Ne//mW2xcfHG15eXnZ/i5CQELt5rVZrmTmzuLy8PMPLy8uYM2dOib46deoY69atu6x5AADOceHe6SeffGK0bNnSMAzDePnll42BAweWuJc6adKkEvc7V6xYYeanc+fOGZKMr776qsR73HvvvebxuXPnjLp165o5YuzYsUbHjh3tznnkkUeMgQMHGoZhGPPnzzeaN29u3r+90O/r61vmum6k+8yGYRi7du0y3NzcDBcXF8PT09PYvn17iTEDBgwwRo4c6XAeAIDzXZxvLnb27FlDkvHOO++Uet7bb79t+Pn5mcelXS9fKpeXpn379iWu96xWa5nfXV4qrxfPocXvKxuGYQwZMsS8PjeMovu6Tz75pHmcmJhoSDJWr15ttk2fPt249dZbzeNLff4ozX333Weuq3hevyAlJcWQZPd9AFDVsJMV4MCjjz6qQ4cOacWKFerYsaOWLFmi1q1bKyUlpVzzhIWFlTguz69WJSkkJOSScwcEBKhhw4Zlzn327NkSj/LZs2ePunXrJovFUmJ8Wlqa6tWrp9atW5ttt99+uwoKCszHG12JFi1a2MXRrFkztWnTxu5Ykrl7iCQ1adLEbJeKHmHhqBr6ctWpU0e//fbbVc8DAKg4w4cP186dO/XFF18oNDRUsbGxaty4saSiX9geOXJEnTp1Msc3atRIQUFBZv5LS0uz63d1dVVoaKhdfiyeV4rnoho1asjDw8PMRcOHD9e0adPUtWtXTZ482WEev/Coo4tz3Z49e9SiRQu7X/lecDlrulLt2rUz/92sWTNzi+mL2y7Ot8XPufnmm3X8+PGr3lGLfAsA1cuQIUO0ceNG5ebmyjAM89EKF/vjH/8oF5f/3Xa6+Dp49+7d2rp1q9zd3c3Xfffdp9OnT5d5nVfa9ezevXvVvXv3UsenpaWpY8eOdjHcfvvtFZ5bJZW4nnWUW6XLv549deqU+vfvr06dOumZZ54p0U9+BYDrR+/evXXy5EklJSVp+fLlJfKmVJQfP/zwQ7v8GBUVpaysrEvu5nBxrnF1dVXjxo3NXFP8Glmyz4lpaWm69dZb5erqavYXv59d3I12nzkoKEg7d+5UYmKi+vfvr0ceecTukUkSeRkArneGYUiSmcdSU1M1YMAAWa1W1atXT0OHDlVOTo7DOa4klxfPqadOnVJ2drbDa11Hef1KXe21bvHPH8XFx8fr2LFjGj16tMM46tSpI0nkVFRpFFkBl+Du7q77779fM2bM0N69e+Xj42Nu6+ji4mIm3QsuPKv3YqVdWF5wuXPUrVu31PMdzV2ch4eHTp48addW/L0v1XeptRQ/r7S11KxZs8ScF7ddeI+LP3CUdo6jmwtNmzYtkciPHj1qPjrigp9++sn84h4AUDU0bNhQAQEBuvPOO80vbX/88ccKfY9L5aILbRdyzf33368DBw7o8ccfV3Jystq3b69Vq1aVOreHh4ck2eVcR/n2ShT//FBavpVUIr9eTj4tLSdfbfzkWwCoXvz8/HTHHXcoISFBGzZs0PHjxxUeHm43xtG14+nTp9W7d2/t3LnTfKWkpCgjI8PMo8WVdj3rSHlz1+Vem5eWJ4u3OcqtZY0p7syZM+rXr58aNWqkt99+265YTCq6Xv7555/JrwBwnahRo4Yee+wxjRkzRkeOHNE999xTYszp06c1aNAgu/y4e/du7du3r0QeKM5RrrlUTjQMo1z3mKUb6z6zJNWqVUsBAQEKCwvTokWL5OLiYj7+8QKuewHg+rZv3z5Jks1mk1R0P9hisWjFihXavn273njjDRUUFDic40pyefGcejl5uzyqyrXuxo0btXXrVtWqVUuurq7q1auXJOkPf/iD3WN7LxQxl3VvAKgKKLICyqFmzZry9/fXmTNnJBX96uX48eN2yWj37t0lztu2bZvdcVJSkoKCgso1R1kunnv//v06ceKEOXdxwcHByszMVH5+vtnWrl07bdq0qdSk3LJlS506dUqpqalm25YtW+Tq6qpbbrmlxPgmTZpIkt0X4eVZS0UKCwvTV199ZR7/+uuv2rp1q2677TazLT8/XwcOHFBwcLAzQgQAXIbAwEB1795dU6ZMkSQ1aNBAzZo107fffmuO+emnn5SWlqaWLVtKKvqF6cX9BQUF2r59u9l/pTw9PRUdHa0PPvhAUVFRWrp0aanjbrnlFrm7u5sX5lJRvs3IyNChQ4dKjL+cNRXXpEmTKpFvL1dqair5FgCqmaFDh2r58uVavny5wsPD5ebmZte/fft2u+vMi6+Dg4OD9d///le+vr4KCAiwe9WoUaPU9wsODrbLrVLRr2o3bNhQ6viWLVsqKSnJ7gZvYmKiw9x69OhRu/HOyq+//fab7rvvPknSe++9p1q1apUYk5aWpsLCQrVv3/5ahwcAuEJDhgzR119/rUGDBpX4UlIqynWpqaklcmNAQICkokItFxeXcu803LJlS7vrTck+JwYFBSk5Odlu3qSkJIdz3kj3mUtTWFhot/OXxHUvAFzv/vWvf8nHx0e33nqrjh07pv379+vFF19U165dFRQUVOJHwDVr1iyRky+Vy0tT/Fq3fv36slqtDq91HeX14orfR5ack1OnTp2qlJQUs/hs8eLFkqTvvvtODz30kDkuNTVVLVq0KHPzEaAqoMgKKMORI0d09913a9WqVUpNTVVGRobmzJmjjz/+2LzZeeHRA5MnT9b333+vN954Q5s2bSox1549ezR16lSlp6dr+vTpSkxM1IgRI8o1R1leffVVff7550pJSVFUVJTuvPNOtW3bttSxt956q+rVq2d3kTxq1ChlZ2dr+PDh2r17t1JTU/XKK69IKkrUd999t4YNG6bvvvtOmzdv1jPPPKOhQ4eqQYMGJeavU6eOQkNDNX36dKWlpWndunWaP3/+Za+lIo0cOVKrVq1SXFyc9u7dq2HDhsnLy0t9+/Y1xyQlJalu3boKDQ11SowAgMszatQoxcXF6fDhw5KkZ599VpMmTdLHH3+svXv3KjIyUr6+vurTp4/ZP3/+fK1cuVL79u3TU089pd9++00RERFXHMPEiRP1n//8RwcOHND27du1efPmMouaa9SooR49emjz5s1mW48ePdSxY0eFh4dr8+bN2r9/v1asWGFu43ypNRV355136q233lJSUpK2b9+umJiYK17b1bpwYfz7778rJydHO3fuVHZ2tt2YzZs366677nJShACAyjBw4EBlZ2crISGh1Ece5eXlacyYMUpLS9OCBQv0wQcf6KmnnpJU9CXzuXPn9Nhjj+m7777T999/r3//+98aN25cme/Xu3dvbdu2ze6XwxMmTNDcuXP1r3/9S99//722bt2qZcuWme9x4sQJPf3000pLS9Py5csVGxur5557rtT5O3XqpPz8fE2dOlXff/+9Xn31VW3duvVq/kRX5Pfff9cDDzygQ4cOKS4uTj///LN+/PFHHTlyxG7c5s2b1aFDB37dCwDXkfbt2+vYsWOaNWtWqf0jR47U/v37NXz4cKWkpCgtLU3vvvuu+aMji8UiHx8fffnll8rLy9Pp06cv632ffPJJpaSk6MUXX1R6errmzp2rNWvWmDnxscce0y+//KJnn31WaWlpWrRokdavX+9wzhvpPvM///lPbdy4UVlZWdq5c6f+8pe/6OjRo3b3mXNzc/XDDz+oR48eTokRAFA+Z86c0Y8//qjs7Gxt2LBBgwcPVkJCghYuXChXV1c1bNhQDRs21JtvvqkDBw5o1apVio2NtZvD19dXaWlp2rdvn44dO6bCwsJL5vLS9O7d2+4+slR0rTt58mQtWbJEBw4c0Ndff63Vq1dLunReL65r1646cOCAFixYoIyMDP39739XVlbW1f0Br0Dz5s3Vtm1b8+Xn5yep6MdTDRs2NMdxHxnXA4qsgDLUr19fHTp00PTp09WpUyf98Y9/1LJlyzR//nxFRkZKkho3bqz4+HglJCSoQ4cOSklJ0ZNPPllirujoaKWmpiokJETz589XQkKCWrRoUa45yjJ58mSNHj1aYWFhkmTeUC5NzZo1NXjwYDMRS0UVzJ9//rnS09PVsWNHde3aVVu2bDH7ly1bpubNm6tbt27q16+funbtqjlz5pT5HnFxccrLy1NISIheffVVvfjii5e9lorUq1cvxcbG6p///Kf++Mc/6vDhw/roo4/sfgG8evVqPfbYY6X+KhgAUHV069ZNgYGB5s3Z559/XkOGDFFkZKRCQ0P166+/6sMPPzR3vnj00Uc1ceJExcTEKDg4WLt27dLHH3+s+vXrX3EMrq6u+tvf/qbWrVurX79+CgsLc3hxHBkZaZdvpaKdKGw2m/r27asOHTpo4cKF5q+XL7Wm4v7+97+rQ4cO6tmzpwYPHqy///3vV7y2qxUSEqKQkBAdPnxYkydPVkhIiF3+37Fjh06cOKE//elPTosRAFDx3NzcFB4ermbNmpX6heLAgQN19uxZhYaGatKkSXr99dfVuXNnSUWPBt60aZPOnz+vnj17qkOHDpo4caK8vLzKfL/OnTuradOm+uyzz8y2++67TwsWLNDcuXPVunVrPfzwwzp69Kj5Hh9//LG2bdum9u3ba/z48Zo+fboefPDBUuf39PTU4sWLtXjxYoWEhCgjI0N//vOfr+ZPdEUOHDigTz/9VGlpaQoMDJSnp6c8PT3l6+trN2716tUaOnToNY8PAHB1PDw8VLt27VL7fHx8tGnTJuXk5KhLly7q2LGjXnnlFVmtVnPMzJkztWLFCnl6emrUqFGX9Z6+vr764IMP9P7776tt27Z67bXXFBcXZ+blm266Se+//74+++wzBQcH6/3337/kD3lupPvMJ06cUGRkpIKCgnTPPfcoNzdXX3zxhfk4KakoL/fp00eenp5OiREAUD6vvfaaPD09FRgYqGHDhqlmzZpKSkoyC2hr1KihFStW6NNPP1WbNm0UGxuryZMn280xcOBAhYWFqWPHjmrSpImys7MvK5cX179/f/3888/asWOH2TZ8+HBNmjRJkyZNUqtWrTR06FCdOnVK0qXzenFt27bVnDlz9M9//lMdO3ZUYWGhBgwYcLV/wkpRUFCgDz74gGtdVHkWo7wP7gRwXcvKylKnTp2Unp5+VV82X+9OnTqlgIAAJSYmyt/f39nhAACqmfPnz6t9+/ZasGCB7rzzTmeH41RRUVHy8/PThAkTnB0KAKCC3X333QoNDdW0adPs2gcNGiR3d3dz+/+KEh8fr9WrV+vjjz+u0HmvN2lpaerRo4fS09Pl7u7u7HAAADco7jMXKSwsVKtWrRQXF6c77rjD2eEAAK5D06dPV0ZGht566y1nh+JUy5cv19KlS/X55587OxTAIXayAm4wNptNc+bMccpWkFXJwYMHNXv2bAqsAACVokaNGlq8eLFOnjzp7FCcqrCwUAEBAfrrX//q7FAAABXo559/1nvvvaevvvpKw4cPv2bv+8QTT6hr16769ddfr9l7VkWHDx9WfHw8BVYAAKfiPnORQ4cO6ZlnnqHACgBwxZ599lkFBATo/Pnzzg7FqSwWi15//XVnhwFcEjtZAQAAAAAA4LJ16tRJqampmjhxosaMGVOiv7J2sgIAAAAAAACciSIrAAB75j6pAAAgAElEQVQAAAAAAAAAAAAAAHCAxwUCAAAAAAAAAAAAAAAAgAMUWQEAAAAAAAAAAAAAAACAA67ODqAi1a5dW02aNHF2GACAG9zRo0eVn5/v7DAqXUXm3fz8fNWuXbtC5qpqquvaquu6pOq7tuq6Lqn6rq26rkuq2LWRdwEAuHbIuwAAXDs3Qt4l5wIAqoLy5NxqVWTVpEkT5ebmOjsMAMANztvb29khXBMVmXfXr1+vPn36VMhcVU11XVt1XZdUfddWXdclVd+1Vdd1SRW7NvIuAADXDnkXAIBr50bIu+RcAEBVUJ6cy+MCAQAAAAAAAAAAAAAAAMCBSi+yeuaZZ2Sz2WSxWLRnzx6zPT8/X6NGjVKLFi3Upk0bRUREmH0ZGRnq3LmzAgMDFRYWptTU1MoOEwAAAAAAAAAAAAAAAABKVelFVgMHDtQ333wjX19fu/Zx48bJxcVF6enp2rt3r2bNmmX2jRgxQtHR0UpPT1dMTIyioqIqO0wAAAAAAAAAAAAAAAAAKJVrZb/BnXfeWaLtzJkzio+PV25uriwWiyTJ09NTkpSXl6fk5GR9+umnkqTw8HCNGjVKWVlZstlslR0uAAAAAAAAAAAAAAAAANip9J2sSrN//355eHhoypQpCg0NVdeuXfXFF19IknJycuTl5SVX16L6L4vFIqvVquzs7BLzzJ49W97e3ubr9OnT13QdAAAAAAAAAAAAAHAjyM/P16hRo9SiRQu1adNGERERkqSMjAx17txZgYGBCgsLU2pqqpMjBQCgcjilyOrcuXM6cOCAWrdure3bt2vu3LkaNGiQjh49Kknm7lYXGIZR6jyjR49Wbm6u+XJ3d6/02AEAAAAAAAAAAADgRjNu3Di5uLgoPT1de/fu1axZsyRJI0aMUHR0tNLT0xUTE6OoqCgnRwoAQOVwSpGVr6+vXFxcNHjwYElScHCw/Pz8tHfvXvn4+Cg3N1cFBQWSigqscnJyZLVanREqAAAAAAAAAAAAANzQzpw5o/j4eE2bNs3cMMPT01N5eXlKTk42d7UKDw9XZmamsrKynBgtAACVwylFVo0bN1avXr20fv16SdLBgweVmZmpoKAgNW3aVCEhIUpISJAkrV27VjabTTabzRmhAgAAAAAAAAAAAMANbf/+/fLw8NCUKVMUGhqqrl276osvvlBOTo68vLzk6uoqqeiJRVarVdnZ2SXmmD17try9vc3X6dOnr/UyAAC4KpVeZDVy5Eh5e3srNzdXd911lwICAiRJCxcu1MyZM9WuXTv96U9/0qJFi+Tp6SlJio2NVWxsrAIDAzVjxgzFxcVVdpgAAAAAAAAAAAAAgFKcO3dOBw4cUOvWrbV9+3bNnTtXgwYNUkFBgbmz1QWGYZQ6x+jRo5Wbm2u+3N3dr0XoAABUGNfKfoN58+Zp3rx5Jdr9/f21YcOGUs8JCgpSYmJiJUcGAAAAAAAAAAAAALgUX19fubi4aPDgwZKk4OBg+fn56eDBg8rNzVVBQYFcXV1lGIZycnJktVqdHDEAABXPKY8LBAAAAAAAAAAAAABcHxo3bqxevXpp/fr1kqSDBw8qMzNTXbt2VUhIiBISEiRJa9eulc1mk81mc2K0AABUjkrfyQoAAAAAAAAAAAAAcH1buHChhg0bprFjx6pGjRpatGiRPD09FRsbq8jISE2bNk3169fX0qVLnR0qAACVgiIrAAAAAAAAAECVlp+frzFjxmj9+vWqVauWuWNGRkaGhgwZomPHjummm27SkiVL1Lp1a0ly2AcAAMrP399fGzZsKNEeFBSkxMTEax8QAADXGI8LBAAAAAAAAABUaePGjZOLi4vS09O1d+9ezZo1S5I0YsQIRUdHKz09XTExMYqKijLPcdQHAAAAAEB5UWQFAAAAAAAAAKiyzpw5o/j4eE2bNk0Wi0WS5Onpqby8PCUnJysiIkKSFB4erszMTGVlZTnsAwAAAADgSlBkBQAAAAAAAACosvbv3y8PDw9NmTJFoaGh6tq1q7744gvl5OTIy8tLrq6ukiSLxSKr1ars7GyHfcXNnj1b3t7e5uv06dPXdH0AAAAAgOsDRVYAAAAAAAAAgCrr3LlzOnDggFq3bq3t27dr7ty5GjRokAoKCsydrS4wDMP8t6O+i40ePVq5ubnmy93dveIXAQAAAAC47rk6OwAAAAAAAAAAAMri6+srFxcXDR48WJIUHBwsPz8/HTx4ULm5uSooKJCrq6sMw1BOTo6sVqvq1q1bZh8AAAAAAFeCnawAAAAAAAAAAFVW48aN1atXL61fv16SdPDgQWVmZqpr164KCQlRQkKCJGnt2rWy2Wyy2Wxq2rRpmX0AAAAAAFwJdrICAAAAAAAAAFRpCxcu1LBhwzR27FjVqFFDixYtkqenp2JjYxUZGalp06apfv36Wrp0qXmOoz4AAAAAAMqLIisAAAAAAAAAQJXm7++vDRs2lGgPCgpSYmJiqec46gMAAAAAoLx4XCAAAAAAAAAAAAAAAAAAOECRFQAAAAAAAAAAAAAAAAA4QJEVAAAAAAAAAAAAAAAAADhAkRUAAAAAAAAAAAAAAAAAOECRFQAAAAAAAAAAAAAAAAA4QJEVAAAAAAAAAAAAAAAAADhAkRUAAAAAAAAAAAAAAAAAOODq7ACuJdu4j656jqwZ/SogEgAAgKtTEZ9rrsakWwtKjYHPSgBQ/Tk7B1VV5EAAuDFVdl4kvwAAbhRl5VRyIQCgKmEnKwAAAAAAAAAAAAAAAABwgCIrAAAAAAAAAAAAAAAAAHCAIisAAAAAAAAAAAAAAAAAcIAiKwAAAAAAyunkyZPq0KGD+QoMDJSrq6t++ukn5eXl6Z577lGLFi3Utm1bffPNN+Z5jvoAAAAAAAAAAFWXq7MDAAAAAADgenPTTTdp586d5vErr7yijRs3qlGjRho2bJg6deqk//u//1NSUpIGDhyo/fv3y9XVVePGjSuzDwAAAAAAAABQdbGTFQAAAAAAVyk+Pl5RUVGSpHfffVcjR46UJHXs2FHNmjUzd6xy1AcAAAAAAAAAqLoosgIAAAAA4CokJibq+PHj6t+/v44fP67CwkI1adLE7LfZbMrOznbYV9zs2bPl7e1tvk6fPn1N1gIAAAAAAAAAKB1FVgAAAAAAXIW33npLTzzxhPnIP4vFYtdvGIb5b0d9Fxs9erRyc3PNl7u7ewVHDQAAAAAAAAAoD1dnBwAAAAAAwPXqzJkzWrVqlbZt2yZJ8vDwkCQdPXrU3LHq4MGDslqtDvsAAAAAAAAAAFUbO1kBAAAAAHCFVq9erfbt26tly5Zm20MPPaR58+ZJkpKSkvTjjz/qjjvuuGQfAAAAAAAAAKDqYicrAAAAAACuUFxcnKKiouzaXn75ZT3++ONq0aKFatWqpeXLl5uPEnTUBwAAAAAAAACouriTCwAAAADAFfr6669LtDVr1kyffvppqeMd9QEAAAAAAAAAqi4eFwgAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADrg6OwAAAAAAAAAAAAAAAC6XbdxHpbZnzeh3jSMBANxI2MkKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKj0IqtnnnlGNptNFotFe/bsKdE/adKkEn0ZGRnq3LmzAgMDFRYWptTU1MoOEwAAAAAAAAAAAAAAAABKVelFVgMHDtQ333wjX1/fEn3Jycn69ttvZbVa7dpHjBih6OhopaenKyYmRlFRUZUdJgAAAAAAAAAAAAAAAACUqtKLrO688055e3uXaM/Pz9fIkSM1f/58WSwWsz0vL0/JycmKiIiQJIWHhyszM1NZWVmVHSoAAAAAAAAAAAAAAAAAlFDpRVZlefHFFxURESE/Pz+79pycHHl5ecnV1VWSZLFYZLValZ2dXWKO2bNny9vb23ydPn36msQOAAAAAAAAAAAAAAAA4MbhlCKrxMREJSUl6amnniq1/+KdrSTJMIxSx40ePVq5ubnmy93dvcJjBQAAAAAAAAAAAAAAAHBjc0qR1caNG7Vv3z75+fnJZrMpNzdXffr00SeffCIfHx/l5uaqoKBAUlGBVU5OjqxWqzNCBQAAAAAAAAAAAAAAAHCDc0qR1bhx43To0CFlZWUpKytL3t7eWr9+ve699141bdpUISEhSkhIkCStXbtWNptNNpvNGaECAAAAAAAAAAAAAAAAuMFVepHVyJEj5e3trdzcXN11110KCAi45DmxsbGKjY1VYGCgZsyYobi4uMoOEwAAAAAAAAAAAAAAAABK5VrZbzBv3jzNmzfP4ZisrCy746CgICUmJlZiVAAAAAAAAAAAAAAAAABweZzyuEAAAAAAAAAAAAAAAAAAuF5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAAAAAAAAAAAAAAAAAA5QZAUAAAAAAAAAAAAAAAAADlBkBQAAAAAAAAAAAAAAAAAOUGQFAEA1NGnSJFksFu3Zs0eSlJGRoc6dOyswMFBhYWFKTU01xzrqAwAAAAAAAAAAAABQZAUAQLWTnJysb7/9Vlar1WwbMWKEoqOjlZ6erpiYGEVFRV1WHwAAAAAAAAAAAACAIisAAKqV/Px8jRw5UvPnz5fFYpEk5eXlKTk5WREREZKk8PBwZWZmKisry2EfAAAAAAAAAAAAAKCIq7MDAAAAFefFF19URESE/Pz8zLacnBx5eXnJ1bUo7VssFlmtVmVnZ8vNza3MPpvNZjf37NmzNXv2bPP45MmTWr9+fYXEffbs2Qqbq6qprLVNurWgwucsj/q1So+hOvx3rK7/P1bXdUnVd23VdV1S9V4bAAAAAAAAAKB6osgKAIBqIjExUUlJSZoxY0aJvgu7Wl1gGMZl9V1s9OjRGj16tHns7e2tPn36XE3IpvXr11fYXFVNZa3NNu6jCp+zPCbdWqCJySU/SmbNuP7/O1bX/x+r67qk6ru26rouqXqvDQAAAAAAAABQPfG4QAAAqomNGzdq37598vPzk81mU25urvr06aM9e/YoNzdXBQVFuw4ZhqGcnBxZrVb5+PiU2QcAAAAAAAAAAAAAKEKRFQAA1cS4ceN06NAhZWVlKSsrS97e3lq/fr2GDBmikJAQJSQkSJLWrl0rm80mm82mpk2bltkHAAAAAAAAAAAAACjC4wIBALgBxMbGKjIyUtOmTVP9+vW1dOnSy+oDAAAAAAAAAAAAAFBkBQBAtZWVlWX+OygoSImJiaWOc9QHAAAAAAAAAAAAAOBxgQAAAAAAAAAAAAAAAADgEEVWAAAAAAAAAAAAAACHbDabWrZsqQ4dOqhDhw5atWqVJCkjI0OdO3dWYGCgwsLClJqa6uRIAQCoHDwuEAAAAAAAAAAAAABwSWvWrFHbtm3t2kaMGKHo6GhFRkZqzZo1ioqKUmJiopMiBACg8rCTFQAAAAAAAAAAAACg3PLy8pScnKyIiAhJUnh4uDIzM5WVleXcwAAAqAQUWQEAAAAAAAAAAAAALmnw4MFq166d/vznP+vo0aPKycmRl5eXXF2LHqBksVhktVqVnZ1d4tzZs2fL29vbfJ0+ffpahw8AwFWhyAoAAAAAAAAAAAAA4NCmTZuUkpKi5ORkeXh4aMiQIZKKCqsuZhhGqeePHj1aubm55svd3b3SYwYAoCK5OjsAAAAAAAAAAAAAAEDVZrVaJUk1a9bUc889p8DAQPn4+Cg3N1cFBQVydXWVYRjKyckxxwIAUJ2wkxUAAAAAAAAAAAAAoExnzpzRyZMnzeO3335bISEhatq0qUJCQpSQkCBJWrt2rWw2m2w2m5MiBQCg8lBkBQAAAAAAAACo0mw2m1q2bKkOHTqoQ4cOWrVqlSQpIyNDnTt3VmBgoMLCwpSammqe46gPAACUz5EjR9SjRw+1b99e7dq108aNG7Vs2TJJUmxsrGJjYxUYGKgZM2YoLi7OydECAFA5eFwgAAAAAAAAAKDKW7Nmjdq2bWvXNmLECEVHRysyMlJr1qxRVFSUEhMTL9kHAADKx9/fXzt27Ci1LygoiBwLALghsJMVAAAAAABXID8/X6NGjVKLFi3Upk0bRURESGJHDQAArpW8vDwlJyebOTg8PFyZmZnKyspy2AcAAAAAwJWgyAoAAAAAgCswbtw4ubi4KD09XXv37tWsWbMk/W/XjPT0dMXExCgqKso8x1EfAABwbPDgwWrXrp3+/Oc/6+jRo8rJyZGXl5dcXYse2GCxWGS1WpWdne2wr7jZs2fL29vbfJ0+ffqargsAAAAAcH2gyAoAAAAAgHI6c+aM4uPjNW3aNFksFkmSp6cnO2oAAFBJNm3apJSUFCUnJ8vDw0NDhgyRJDMPX2AYhvlvR30XGz16tHJzc82Xu7t7BUcPAAAAAKgOXJ0dAAAAAAAA15v9+/fLw8NDU6ZM0eeff646deropZde0k033VTmrhlubm5l9tlsNieuBgCAqs9qtUqSatasqeeee06BgYHy8fFRbm6uCgoK5OrqKsMwlJOTI6vVqrp165bZBwAAAADAlWAnKwAAAAAAyuncuXM6cOCAWrdure3bt2vu3LkaNGiQCgoKKmRHDR5bBADA/5w5c0YnT540j99++22FhISoadOmCgkJUUJCgiRp7dq1stlsstlsDvsAAAAAALgS7GQFAAAAAEA5+fr6ysXFRYMHD5YkBQcHy8/PTwcPHqyQHTVGjx6t0aNHm8fe3t7XbG0AAFQ1R44cUXh4uM6fPy/DMOTv769ly5ZJkmJjYxUZGalp06apfv36Wrp0qXmeoz4AAAAAAMqLIisAAAAAAMqpcePG6tWrl9avX6++ffvq4MGDyszMVNeuXc1dMyIjI0vsmuGoDwAAlM7f3187duwotS8oKEiJiYnl7gMAAAAAoLwosgIAAAAA4AosXLhQw4YN09ixY1WjRg0tWrRInp6e7KgBAAAAAAAAANUQRVYAAAAAAFwBf39/bdiwoUQ7O2oAAAAAAAAAQPXj4uwAAAAAAAAAAAAAAAAAAKAqo8gKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgAAAAAAAAAAAAAAAAAcoMgKAAAAAAAAAAAAAAAAABygyAoAAAAAAAAAAAAAAAAAHKDICgCA/2fv/mPrqu+7gb+v60IX0ixbmqT17MsNUpyOpm2yrYim0BWtgwhaCWGqrSPFFpmcrrB2MyKztNEHVpYFqbIq2lT1pApCs1VLCbQbSCSjop2imULlphSlJW6bm/gqSw3dCA0jrAY/f+ThPvxITh3Hvnbs10s64t7zOefcz4kTfeL4zfcAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABaY8ZPXJT34ylUolpVIpTzzxRJLk2LFjufLKK9Pe3p5Vq1Zl7dq1qVar9XNGRkaydu3aLF++PCtXrszu3bunuk0AAAAAAAAAAIATmvKQ1dVXX53du3fn3HPPfdX+7u7uPPnkk9mzZ08+9KEPpbu7u17r7e3NhRdemKGhodx555255pprMjo6OtWtAgAAAAAAAAAAvM6Uh6ze//73p7W19VX73vSmN+Xyyy9PqVRKklx44YX56U9/Wq9v3749119/fZLkPe95T5YuXWo1KwAAAAAAAAAAYFo0T3cDSXLHHXfkwx/+cJLk5z//eV566aUsXry4Xq9UKjl48ODrzuvr60tfX1/9/dGjR6e+2dNU6X3gtM6vbr5ikjoBAAAAAAAAAADGY8pXsvpVNm3alKGhofzd3/1dfd/LK1y9bGxs7ITn9vT0pFar1bf58+dPaa8AAAAAAAAAAMDcM60rWX32s5/Nvffem4ceeijz5s1LkixatChJ8tRTT9VXszpw4EDK5fK09QkAAAAAAADAmelkTxs62VOETvV4AOaGaVvJqq+vL1/96lfzb//2b1m4cOGrah/5yEeyZcuWJMljjz2Ww4cP56KLLpqONgEAAAAAAAAAgDluyleyuv766/ONb3wjhw8fzgc/+MHMnz8/3/rWt3LjjTfmvPPOyyWXXJIkOfvss/Od73wnSXL77bfnYx/7WJYvX56zzjorX/nKV9LcPK2LbgEAAAAAAAAAAHPUlCeXtmzZUl+V6pXGxsZOes7SpUuza9euqWwLAAAAAAAAAABgXKbtcYEAAAAAAAAAAABnAiErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUaJ7uBmisSu8Dp3V+dfMVk9QJAAAAAAAAAACcGaxkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWap7sBAAAAAAAAADhTVXofOOH+6uYrGtwJAFPJSlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAmIBKpZK3v/3tWbVqVVatWpV//ud/TpIMDQ1lzZo1aW9vzwUXXJC9e/fWzymqAQAAAAAwcwlZAQAAwATdc8892bNnT/bs2ZM/+qM/SpJs2LAh3d3d2bdvXzZu3Jj169fXjy+qAQAAAAAwcwlZAQAAwCQZGRnJ4OBg1q1blyTp6OjI/v37U61WC2sAAAAAAMxsQlYAAAAwQddcc03e+c535k//9E/z1FNPZXh4OC0tLWlubk6SlEqllMvlHDx4sLD2Wn19fWltba1vR48ebeh9AQAAAADwakJWAAAAMAH//u//nu9///sZHBzMokWL0tnZmeR4eOqVxsbG6q+Laq/U09OTWq1W3+bPnz/J3QMAAAAAcCqap7sBAAAAOBOVy+UkyRvf+Mb8xV/8Rdrb29PW1pZarZbR0dE0NzdnbGwsw8PDKZfLmTdv3klrAAAAAADMbFayAgAAgFP03HPP5Zlnnqm//+pXv5rVq1dnyZIlWb16dbZt25Yk2bFjRyqVSiqVSmENAAAAAICZzUpWAAAAcIp+9rOfpaOjIy+++GLGxsZy3nnn5e67706S9Pf3p6urK5s2bcqCBQuydevW+nlFNQAAAAAAZi4hKwAAADhF5513Xr73ve+dsLZixYoMDAyccg0AAAAAgJnL4wIBAAAAAAAAGJdbb701pVIpTzzxRJJkaGgoa9asSXt7ey644ILs3bt3mjsEgKkhZAUAAAAAAADArzQ4OJhHHnkk5XK5vm/Dhg3p7u7Ovn37snHjxqxfv34aOwSAqSNkBQAAAAAAAEChF154Iddff32++MUvplQqJUlGRkYyODiYdevWJUk6Ojqyf//+VKvVaewUAKaGkBUAAAAAAAAAhT796U9n3bp1WbZsWX3f8PBwWlpa0tzcnCQplUopl8s5ePDg687v6+tLa2trfTt69GjDegeAySBkBQAAAAAAAMBJDQwM5LHHHssnPvGJ19VeXtXqZWNjYye8RjcsVFoAACAASURBVE9PT2q1Wn2bP3/+lPQKAFNFyAoAAAAAAACAk/r2t7+dH/3oR1m2bFkqlUpqtVouu+yyPPHEE6nVahkdHU1yPGA1PDyccrk8zR0DwOQTsgIAAAAAYMa79dZbUyqV8sQTTyRJhoaGsmbNmrS3t+eCCy7I3r1768cW1QCAU9fb25tDhw6lWq2mWq2mtbU1O3fuTGdnZ1avXp1t27YlSXbs2JFKpZJKpTK9DQPAFBCyAgAAAABgRhscHMwjjzzyqlUxNmzYkO7u7uzbty8bN27M+vXrx1UDACZXf39/+vv7097ens2bN+fLX/7ydLcEAFOiebobAAAAAACAk3nhhRdy/fXX55/+6Z9yySWXJElGRkYyODiYXbt2JUk6Ojpyww03pFqtZt68eSetWVUDACZHtVqtv16xYkUGBgamrxkAaBArWQEAAAAAMGN9+tOfzrp167Js2bL6vuHh4bS0tKS5+fj/R1wqlVIul3Pw4MHC2on09fWltbW1vh09enTqbwoAAIAzjpAVAAAAAAAz0sDAQB577LF84hOfeF2tVCq96v3Y2Ni4aq/V09OTWq1W3+bPn3+aXQMAADAbCVkBAAAAADAjffvb386PfvSjLFu2LJVKJbVaLZdddlmeeOKJ1Gq1jI6OJjkeohoeHk65XE5bW9tJawAAADBRQlYAAAAAAMxIvb29OXToUKrVaqrValpbW7Nz5850dnZm9erV2bZtW5Jkx44dqVQqqVQqWbJkyUlrAAAAMFHN090AAAAAAACcqv7+/nR1dWXTpk1ZsGBBtm7dOq4aAAAATISQFQAAAAAAZ4RqtVp/vWLFigwMDJzwuKIaAAAATITHBQIAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAZpFLL70073rXu7Jq1apcfPHF2bNnT5JkaGgoa9asSXt7ey644ILs3bu3fk5RDQAAAAAAAAAhKwCYVbZv357HH388e/bsyY033pjrrrsuSbJhw4Z0d3dn37592bhxY9avX18/p6gGAAAAAAAAgJAVAMwqCxcurL8+cuRImpqaMjIyksHBwaxbty5J0tHRkf3796darRbWAAAAAAAAADiuebobAAAm17XXXpuHH344SfLggw9meHg4LS0taW4+PvZLpVLK5XIOHjyYc84556S1SqXyquv29fWlr6+v/v6ZZ57Jzp07J6XnY8eOTdq1Zpqpurdbf2d00q95KhacdeIeZsPXcbb+fpyt95XM3nubrfeVzO57AwAAAABgdhKyAoBZ5u67706SbN26NTfddFM+85nPpFQqveqYsbGx+uui2iv19PSkp6en/r61tTWXXXbZpPS8c+fOSbvWTDNV91bpfWDSr3kqbv2d0fyfwdf/VbK6+cz/Os7W34+z9b6S2Xtvs/W+ktl9bwAAAAAAzE4eFwgAs1RnZ2cefvjhtLa2plarZXT0+KpDY2NjGR4eTrlcTltb20lrAAAAAAAAABw35StZffKTn8y//Mu/5MCBA/nBD36QlStXJkmGhobS2dmZp59+OgsXLsxdd92V888//1fWAIATe/bZZ3P06NG0tLQkSe67774sWrQoS5YsyerVq7Nt27Z0dXVlx44dqVQq9ccBFtUAAAAAAIDJdbInFVQ3X3FGHA8wV035SlZXX311du/enXPPPfdV+zds2JDu7u7s27cvGzduzPr168dVAwBO7MiRI7nyyivzzne+M+9+97uzZcuW3H///SmVSunv709/f3/a29uzefPmfPnLX66fV1QDAAAAAAAAoAErWb3//e9/3b6RkZEMDg5m165dSZKOjo7ccMMNqVarmTdv3klrVtUAgJNra2vLo48+esLaihUrMjAwcMo1AAAAAAAAABqwktWJDA8Pp6WlJc3NxzNepVIp5XI5Bw8eLKy9Vl9fX1pbW+vb0aNHG3ofAAAAAAAAAADA7DctIavkeHjqlcbGxsZVe6Wenp7UarX6Nn/+/MlvFAAAAAAAAAAAmNOm/HGBJ9LW1pZarZbR0dE0NzdnbGwsw8PDKZfLmTdv3klrAAAAAAAAAAAAjTYtK1ktWbIkq1evzrZt25IkO3bsSKVSSaVSKawBAAAAAAAAAAA02pSvZHX99dfnG9/4Rg4fPpwPfvCDmT9/fn784x+nv78/XV1d2bRpUxYsWJCtW7fWzymqAQAAAAAAAAAANNKUh6y2bNmSLVu2vG7/ihUrMjAwcMJzimoAAAAAAAAAAACNNC2PCwQAAAAAAAAAADhTTPlKVgAAAAAAAADA7FDpfeCE+6ubr2hwJwCNZSUrAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUKB5uhsAAAAAAAAAAGanSu8DJ9xf3XxFgzsBOD1WsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAo0DzdDQAAAMCZ7NZbb80tt9ySH/zgB1m5cmWGhobS2dmZp59+OgsXLsxdd92V888/P0kKawAAAAAkld4HTri/uvmKSTkeYKKsZAUAAAATNDg4mEceeSTlcrm+b8OGDenu7s6+ffuycePGrF+/flw1AAAAAABmLiErAAAAmIAXXngh119/fb74xS+mVColSUZGRjI4OJh169YlSTo6OrJ///5Uq9XCGgAAAAAAM5uQFQAAAEzApz/96axbty7Lli2r7xseHk5LS0uam5uTJKVSKeVyOQcPHiysvVZfX19aW1vr29GjRxtzUwAAAAAAnJCQFQAAAJyigYGBPPbYY/nEJz7xutrLq1q9bGxsbFy1V+rp6UmtVqtv8+fPn4SuAQAAAACYKCErAAAAOEXf/va386Mf/SjLli1LpVJJrVbLZZddlieeeCK1Wi2jo6NJjoeohoeHUy6X09bWdtIaAAAAAAAzm5AVAAAAnKLe3t4cOnQo1Wo11Wo1ra2t2blzZzo7O7N69eps27YtSbJjx45UKpVUKpUsWbLkpDUAAAAAAGa25uluAAAAAGaT/v7+dHV1ZdOmTVmwYEG2bt06rhoAAAAAADOXkBUAAACcpmq1Wn+9YsWKDAwMnPC4ohoAAAAAADOXxwUCAAAAAAAAAAAUGPdKVv/6r/+a3//938+CBQvy2c9+No888khuueWWrFy5cir7A4A5x8ydOSq9D5z2NW79ndFJuQ4AU8PcBYDGMXcBYGYwk5nrTvZv9tXNVzS4E+BMM+6VrP76r/86CxYsyPe///1s27Ytf/iHf5g/+7M/m8reAGBOMnMBoHHMXQBoHHMXAGYGMxkAJmbcIavm5uOLXu3atSvd3d3ZsGFDnnvuuSlrDADmKjMXABrH3AWAxjF3AWBmMJMBYGLGHbJ68cUX88gjj2THjh255JJLkiS//OUvp6wxAJirzFwAaBxzFwAax9wFgJnBTAaAiRl3yOq2227Lxz/+8Vx00UX57d/+7Tz55JNZvnz5VPYGAHOSmQsAjWPuAkDjmLsAMDOYyQAwMc3jPfDcc8/Nnj176u9XrFiRW265ZSp6AoA5zcwFgMYxdwGgccxdAJgZzGQAmJhxr2TV1dU1rn0AwOkxcwGgccxdAGgccxcAZgYzGQAm5leuZPX0009nZGQkx44dyw9/+MOMjY0lSY4cOZLnnntuyhsEgLnCzAWAxjF3AaBxzF0AmBnMZAA4Pb8yZPWP//iP+dznPpdDhw7l8ssvr+//9V//9WzcuHFKmwOAucTMBYDGMXcBoHHMXQCYGcxkADg9vzJk9alPfSqf+tSn8pnPfCY333xzI3oCgDnJzAWAxjF3AaBxzF0AmBnMZAA4Pb8yZPWym2++OS+99FIOHz6c0dHR+v5yuTwljQHAXGXmAkDjmLsA0DjmLgDMDGYynJpK7wMn3F/dfMWkHA+cOcYdstq6dWv+/M//PG984xvT1NSUJCmVShkZGZmy5gBgLjJzAaBxzF0AaBxzFwBmBjMZACZm3CGrv/3bv82jjz6at7/97VPZD7PcyVK74yXdC8wFZi4ANI65CwCNY+4CwMxgJgPAxDSN98DFixcbtADQAGYuADSOuQsAjWPuAsDMYCYDwMSMO2R11VVX5Qtf+EL+67/+K//zP/9T3wCAyWXmAkDjmLsA0DjmLgDMDGYyAEzMuB8X2NvbmyT55Cc/mVKplLGxsZRKpbz44otT1hxMBY8sBGY6MxcAGsfcBYDGMXcBYGYwkwFgYsa9ktVLL71U31588cX6f0/Hzp0787u/+7tZvXp1Vq5cma1btyZJRkZGsnbt2ixfvjwrV67M7t27T+tzAOBMMhUzFwA4MXMXABrH3AWAmcFMBoCJGXfIarKNjY3lT/7kT3LnnXfme9/7Xu6///5s2LAhv/jFL9Lb25sLL7wwQ0NDufPOO3PNNddkdHR0uloFAAAAAAAAmPMuvfTSvOtd78qqVaty8cUXZ8+ePUmSoaGhrFmzJu3t7bnggguyd+/eae4UACbfuB8X2NTUlFKp9Lr9p5tqfuaZZ5Ikzz77bBYtWpSzzz4727dvz/79+5Mk73nPe7J06dLs3r07H/jAB07rswDgTDBVMxcAeD1zFwAax9wFgJnhdGby9u3bs3DhwiTJ17/+9Vx33XUZHBzMhg0b0t3dna6urtxzzz1Zv359BgYGJr13AJhO4w5Z/eIXv6i/fv7553P33Xfnf//3fyf8waVSKdu3b89VV12Vc845J//93/+de++9N7/4xS/y0ksvZfHixfVjK5VKDh48+Lpr9PX1pa+vr/7+6NGjE+4HAGaKyZ65AMDJmbsA0DjmLgDMDKczk18OWCXJkSNH0tTUlJGRkQwODmbXrl1Jko6Ojtxwww2pVqupVCqT2jsATKdxPy7wnHPOqW9vectb0tPTkwcffHDCHzw6Opq///u/zze+8Y0cOHAg3/zmN9PZ2Zkkr0tOj42NnfAaPT09qdVq9W3+/PkT7gcAZorJnrkAwMmZuwDQOOYuAMwMpzuTr7322rS1teVv/uZvsnXr1gwPD6elpSXNzcfX9yiVSimXyydcRAMAzmTjDlm91tDQUIaHhyf8wXv27MmhQ4fyvve9L8nxxwK2tLTk8ccfT5I89dRT9WMPHDiQcrk84c8CgDPZ6c5cAGD8zF0AaBxzFwBmhlOdyXfffXeGh4dz22235aabbkoyvkU0+vr60traWt88pQiAM824Hxe4ePHi+nAcHR3Niy++mDvuuGPCH9zW1pZarZYnn3wyK1asyI9//OP85Cc/SXt7ez7ykY9ky5YtueWWW/LYY4/l8OHDueiiiyb8WQBwJpnsmQsAnJy5CwCNczpz99JLL83hw4fT1NSUN7/5zfn85z+fVatWZWhoKJ2dnXn66aezcOHC3HXXXTn//POTpLAGAHPZZH0v3NnZmY9//ONpbW1NrVbL6OhompubMzY2luHh4dctotHT05Oenp76+9bW1tO7EQBosHGHrL773e/+/5Oam/PWt741b3jDGyb8wUuXLk1/f3+uvvrqNDU1ZWxsLF/84hfzW7/1W7n99tvzsY99LMuXL89ZZ52Vr3zlK/XlJQFgtpvsmQsAnJy5CwCNczpzd/v27Vm4cGGS5Otf/3quu+66DA4OZsOGDenu7k5XV1fuueeerF+/PgMDA0lSWAOAuWyiM/nZZ5/N0aNH09LSkiS57777smjRoixZsiSrV6/Otm3b0tXVlR07dqRSqaRSqUzVLQDAtBh3cuncc8/N888/n8cffzylUim/+Zu/mV/7tV87rQ//6Ec/mo9+9KOv27906dLs2rXrtK4NAGeqqZi5AMCJmbsA0DinM3dfDlglyZEjR9LU1JSRkZEMDg7W/y25o6MjN9xwQ6rVaubNm3fSmh/4AjDXTXQmHzlyJB0dHXn++efT1NSUxYsX5/7770+pVEp/f3+6urqyadOmLFiwIFu3bm3AnQBAY407ZPUf//Efufrqq7N06dKMjY3lqaeeyj333JP3vve9U9kfAMw5Zi4ANI65CwCNc7pz99prr83DDz+cJHnwwQczPDyclpaW+lMQSqVSyuVyDh48mHPOOeektdeGrPr6+tLX11d/f/To0Um4WwCYuSY6k9va2vLoo4+esLZixQorRgIw6zWN98Cenp587Wtfy/e+973s2bMnX/va1/KXf/mXU9kbAMxJZi4ANI65CwCNc7pz9+67787w8HBuu+223HTTTUmOh6deaWxsrP66qPbavmq1Wn2bP3/+uHsCgDOR74UBYGLGHbI6duxY3ve+99Xfr1mzJseOHZuSpgBgLjNzAaBxzF0AaJzJmrudnZ15+OGH09ramlqtltHR0STHQ1TDw8Mpl8tpa2s7aQ0A5jrfCwPAxIw7ZDVv3rw89NBD9fff+ta3Mm/evClpCgDmMjMXABrH3AWAxpno3H322Wdz6NCh+vv77rsvixYtypIlS7J69eps27YtSbJjx45UKpVUKpXCGgDMdb4XBoCJaR7vgZ///Odz1VVX5eyzz06pVMoLL7yQHTt2TGVvADAnmbkA0DjmLgA0zkTn7pEjR9LR0ZHnn38+TU1NWbx4ce6///6USqX09/enq6srmzZtyoIFC7J169b6eUU1AJjLfC8MABMz7pDVoUOH8t3vfjc/+9nPMjY2lre+9a35zne+M5W9AcCcZOYCQOOYuwDQOBOdu21tbXn00UdPWFuxYkUGBgZOuQYAc5nvhQFgYsb9uMCbb745ixcvzsqVK/POd74zb3nLW3LzzTdPZW8AMCeZuQDQOOYuADSOuQsAM4OZDAATM+6Q1WuVSqW89NJLk9kLAHACZi4ANI65CwCNY+4CwMxgJgPA+Iw7ZLVgwYJXLRP5yCOP5M1vfvOUNAUAc5mZCwCNY+4CQOOYuwAwM5jJADAxzeM98Pbbb8+VV16Zd7zjHUmSH/7wh7nvvvumrDEAmKvMXABoHHMXABrH3AWAmcFMBoCJGXfI6r3vfW/27t2bgYGBJMmaNWuycOHCKWsMZqtK7wOndX518xWT1AkwU5m5ANA45i4ANI65CwAzg5kMABMz7pBVkvzGb/xGLr/88qnqBQD4f8xcAGgccxcAGsfcBYCZwUwGgFPXNN0NAAAAAAAAAAAAzGRCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABRonu4GAAAAAAAAAADmokrvAyfcX918xaQcD0weK1kBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFGie7gYAAAAAAAAAAJh8ld4HTri/uvmKBncCZz4rWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKBA83Q3AAAAU63S+8C4j731d0ZP6fjTUd18RUM+BwAAAAAAgNNjJSsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAo0DzdDQAAAAAAAAAAMP0qvQ+ccH918xWTcjycyaxkBQCzxLFjx3LllVemvb09q1atytq1a1OtVpMkIyMjWbt2bZYvX56VK1dm9+7d9fOKagAAAAAAAAAIWQHArNLd3Z0nn3wye/bsyYc+9KF0d3cnSXp7e3PhhRdmaGgod955Z6655pqMjo7+yhoAAAAAAAAAHhcIc87JlmscL8s6wsz1pje9KZdffnn9/YUXXpjPfe5zSZLt27dn//79SZL3vOc9Wbp0aXbv3p0PfOADhTUAAAAAAAAArGQFALPWHXfckQ9/+MP5+c9/npdeeimLFy+u1yqVSg4ePFhYAwAAAAAAAOA4K1kBwCy0adOmDA0N5Utf+lKef/75lEqlV9XHxsbqr4tqr9TX15e+vr76+2eeeSY7d+6clH6PHTs2adeaTLf+zuk/NnHBWZNznZnmZPc1E7+Oyal9DRr5NWvkr9dM/XM2GWbrvc3W+0pm970BAAAAADA7CVkBwCzz2c9+Nvfee28eeuihzJs3L/PmzUuSPPXUU/UVqw4cOJByuZxFixadtPZaPT096enpqb9vbW3NZZddNik979y5c9KuNZlO9xGryfGwzv8ZnH1/5TrZfVU3z7yvY3JqX8tGfs0a+es1U/+cTYbZem+z9b6S2X1vAAAAAADMTrPvJ37AjDYZgYXq5ismoROYnfr6+vLVr341Dz30UBYuXFjf/5GPfCRbtmzJLbfcksceeyyHDx/ORRdd9CtrAAAAAAAAAAhZAcCsUavVcuONN+a8887LJZdckiQ5++yz853vfCe33357Pvaxj2X58uU566yz8pWvfCXNzcf/GlBUAwAAAAAAAEDICgBmjdbW1oyNjZ2wtnTp0uzateuUawAAAAAAAAAIWQEAAAAAAAAA0ACV3gdOuL+6+YpJOR6mkpAVMOecbBCPl4ENAECSXHrppTl8+HCampry5je/OZ///OezatWqDA0NpbOzM08//XQWLlyYu+66K+eff36SFNYAAAAAAJi5mqa7AQAAADgTbd++PY8//nj27NmTG2+8Mdddd12SZMOGDenu7s6+ffuycePGrF+/vn5OUQ0AAAAAgJlLyAoAAAAmYOHChfXXR44cSVNTU0ZGRjI4OJh169YlSTo6OrJ///5Uq9XCGgAAAAAAM5vHBQIAAMAEXXvttXn44YeTJA8++GCGh4fT0tKS5ubj326XSqWUy+UcPHgw55xzzklrlUrlVdft6+tLX19f/f3Ro0cbc0MAAAAAAJyQlawAAABggu6+++4MDw/ntttuy0033ZTkeHjqlcbGxuqvi2qv1NPTk1qtVt/mz58/yZ0DAAAAAHAqhKwAAADgNHV2dubhhx9Oa2trarVaRkdHkxwPUQ0PD6dcLqetre2kNQAAAAAAZjYhKwAAADhFzz77bA4dOlR/f99992XRokVZsmRJVq9enW3btiVJduzYkUqlkkqlUlgDAAAAAGBma57uBgAAAOBMc+TIkXR0dOT5559PU1NTFi9enPvvvz+lUin9/f3p6urKpk2bsmDBgmzdurV+XlENAAAAAICZS8gKAAAATlFbW1seffTRE9ZWrFiRgYGBU64BAAAAADBzCVkBAAAAAAAAAHDGq/Q+cML91c1XTMrxzG1N090AAAAAAAAAAADATCZkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACjQPN0NAMw1ld4HTuv86uYrJqkTAAAAAAAAAMbrZD/r9TPcuWFaV7J64YUXcsMNN2T58uV5xzvekXXr1iVJhoaGsmbNmrS3t+eCCy7I3r17p7NNAAAAAAAAAABgDpvWlax6e3vT1NSUffv2pVQq5T//8z+TJBs2bEh3d3e6urpyzz33ZP369RkYGJjOVgEAAAAAAAAAgDlq2kJWzz33XO68887UarWUSqUkydve9raMjIxkcHAwu3btSpJ0dHTkhhtuSLVaTaVSma52AQAAAAAAAACAOWraHhf4k5/8JIsWLcptt92W3/u938vFF1+cb37zmxkeHk5LS0uam4/nv0qlUsrlcg4ePPi6a/T19aW1tbW+HT16tNG3AQAAAAAAAAAAzHLTFrL65S9/mZ/+9Kc5//zz893vfjdf+MIX8sd//McZHR2tr2z1srGxsRNeo6enJ7Varb7Nnz+/Ea0DAAAAAAAAAABzyLSFrM4999w0NTXlmmuuSZK8+93vzrJly3LgwIHUarWMjo4mOR6wGh4eTrlcnq5WAQAAAAAAAACAOWzaQlZvectb8gd/8AfZuXNnkuTAgQPZv39/Lr744qxevTrbtm1LkuzYsSOVSiWVSmW6WgUAAAAAAAAAAOaw5un88C996Uu57rrr8ld/9Vd5wxvekH/4h3/I2972tvT396erqyubNm3KggULsnXr1ulsEwAAAAAAAAAAmMOmNWR13nnn5Vvf+tbr9q9YsSIDAwONbwgAAAAAAAAAAOA1pu1xgQAAAAAAAAAAAGcCISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAvqY+mAAAIABJREFUAAAAAACc1LFjx3LllVemvb09q1atytq1a1OtVpMkIyMjWbt2bZYvX56VK1dm9+7/y979R1lV1/vjfx2d1BCJGwiJ4zCgDGloIj9ERISE/IGmCHi9CcjNHE2MvOhSbmpppYsEpnKJRVb+gHSlYWXiD9TSJMmLoqKSiMAIoyL4AxXx18j7+4dfzgdkOHJg5pyZ4fFYa681Z+999vu5f8zZ55z9Ou89p7hhAaCBKLICAAAAAAAAIKfKyspYtGhRPPnkk3H88cdHZWVlRERMmDAh+vTpE4sXL47rr78+TjvttKitrS1yWgCof4qsAAAAAABotLa15wy9agBA/dltt93iuOOOi0wmExERffr0iaVLl0ZExK233hpjx46NiIhevXpF+/btnXcBaJZKih0AgMIqnzBru5dRPXFIPSQBAAAA2DqVlZVx7LHHRiaTiWuuuSYqKytj9uzZ2Z4z7rnnnpg3b14MHz48lixZEiUlJTmnAQDb5+qrr44TTjghXn/99Vi/fn3sueee2Wnl5eWxfPnyzZ5TVVUVVVVV2cdr164tSFYAqC96sgIAAAAAoNHa1p4z9KoBAA3jyiuvjMWLF8cVV1wREZE9R2+QUqrzeePHj4+amprs0LJlywbPCgD1SZEVAAAAAABNxtb0nJFPrxoAwNabPHly3H777XH33XdHixYtok2bNhERsXr16uw8L774YpSVlRUrIgA0GEVWAAAAAAA0Cfn0nLG1vWpUVVVFaWlpdnDrIgCoW1VVVdxyyy1x3333RevWrbPjR4wYEVOnTo2IiHnz5sXKlSujX79+xYoJAA3GzecBAAAAAGj0NvSccf/990eLFi2iRYsWEfFJzxkbeqza0HPGxr1qfHrap40fPz7Gjx+ffVxaWtrQqwIATU5NTU2cf/750blz5xg4cGBEROy6667x6KOPxk9/+tMYNWpUdOnSJXbZZZeYPn16lJS4DA1A8+PsBgAAAABAo7ah54z777+/zp4zLrvsss16zsg1DQDIT2lp6RZ7hWzfvn3Mnj27wIkAoPAUWQEAAAAA0Ghta88ZetUAAACgPvlECQAAAABAo7WtPWfoVQMAAID6tFOxAwAAAAAAAAAAADRmiqwAAAAAAAAAAABycLtAAAAAAAAAAACoZ+UTZtU5vnrikAInoT7oyQoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACCHkmIHAAAAAAAAAACAHV35hFl1jq+eOKQo87MpPVkBAAAAAAAAAADkoMgKAAAAAAAAAAAgB0VWAAAAAAAAAAAAOSiyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrAAAAAAAAAAAAHJQZAUAAAAAAAAAAJCDIisAAAAAAAAAAIAcFFkBAAAAAAAAAADkUFLsAAAAAAAAAAAAQONSPmFWneOrJw4pcJLGQU9WAAAAAAAAAAAAOSiyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrAAAACBP77//fpx00klRUVERBx98cBxzzDFRXV0dERGrVq2KY445Jrp06RLdunWLOXPmZJ+XaxoAAAAAAI2XIisAAADYBpWVlbFo0aJ48skn4/jjj4/KysqIiJgwYUL06dMnFi9eHNdff32cdtppUVtb+5nTAAAAAABovBRZAQAAQJ522223OO644yKTyURERJ8+fWLp0qUREXHrrbfG2LFjIyKiV69e0b59+2yPVbmmAQAAAADQeCmyAgAAgO109dVXxwknnBCvv/56rF+/Pvbcc8/stPLy8li+fHnOaZ9WVVUVpaWl2WHt2rUFWQ8AAAAAAOqmyAoAAAC2w5VXXhmLFy+OK664IiIi27vVBiml7N+5pm1s/PjxUVNTkx1atmxZz6kBAAAAAMiHIisAAADYRpMnT47bb7897r777mjRokW0adMmIiJWr16dnefFF1+MsrKynNMAAAAAAGjcFFkBAADANqiqqopbbrkl7rvvvmjdunV2/IgRI2Lq1KkRETFv3rxYuXJl9OvX7zOnAQAAAADQeJUUOwAAAAA0NTU1NXH++edH586dY+DAgRERseuuu8ajjz4aP/3pT2PUqFHRpUuX2GWXXWL69OlRUvLJx+9c0wAAAAAAaLx8kwsAAAB5Ki0tjZRSndPat28fs2fPznsaAEAhlU+Y1WDLrp44pMGWDQAAUCxuFwgAAAAAAAAAAJCDnqwAAAAAaBAN2UtKU6aHFwAAAICmR09WAAAAAAAAAAAAOSiyAgAAAAAAAAAAyKFRFFldfvnlkclk4plnnomIiMWLF0ffvn2joqIievfuHQsXLixyQgAAAAAAAAAAYEdV9CKr+fPnx7/+9a8oKyvLjjvrrLOisrIynn/++bjwwgvjjDPOKGJCAAAAAAAAAABgR1bUIqsPPvggxo4dG9dee21kMpmIiFi1alXMnz8/Ro4cGRERw4YNi2XLlkV1dXURkwIAAAAAAAAAADuqohZZ/eAHP4iRI0dGp06dsuNWrFgRHTp0iJKSkoiIyGQyUVZWFsuXL9/s+VVVVVFaWpod1q5dW7DsAAAAAAAAAADAjqFoRVZz586NefPmxTnnnLPZtA29Wm2QUqpzGePHj4+amprs0LJlywbJCgAAAAAAAAAA7LiKVmT10EMPxXPPPRedOnWK8vLyqKmpiaOPPjqeeeaZqKmpidra2oj4pMBqxYoVUVZWVqyoAAAAAAAAAADADqxoRVYTJkyIl19+Oaqrq6O6ujpKS0vj3nvvjdNPPz26d+8eM2bMiIiImTNnRnl5eZSXlxcrKgAAAAAAAAAAsAMrKXaAukybNi3GjBkTV155ZbRq1SpuvPHGYkcCAAAAAAAAAAB2UI2myKq6ujr7d9euXWPu3LnFCwMAAAAAAAAAAPD/K9rtAgEAAAAAAAAAAJoCRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5lBQ7AAA7nvIJs7br+dUTh9RTEgAAAAAAAAD4bHqyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrAAAAAAAAAAAAHJQZAUAAAAAAAAAAJCDIisAaEbGjRsX5eXlkclk4plnnsmOX7x4cfTt2zcqKiqid+/esXDhwq2aBgAAAAAAAIAiKwBoVoYPHx5z5syJjh07bjL+rLPOisrKynj++efjwgsvjDPOOGOrpgEAAAAAAACgyAoAmpX+/ftHaWnpJuNWrVoV8+fPj5EjR0ZExLBhw2LZsmVRXV2dcxoAAAAAAAAAnygpdgAAoGGtWLEiOnToECUln5z2M5lMlJWVxfLly2P33Xff4rTy8vJNllNVVRVVVVXZx2vWrIl77723XjK+//779bas+nT5IbXbvYxWu9TPchqbLa1XY9yPEfntg0Lus0Jur8b6f1Yfmuu6Ndf1imje6wYAAAAAQPOkyAoAdgCZTGaTxymlrZq2sfHjx8f48eOzj0tLS+Poo4+ul3z33ntvvS2rPpVPmLXdy7j8kNr44fzm95ZrS+tVPbHx7ceI/PZlIfdZIbdXY/0/qw/Ndd2a63pFNO91AwAAAACgeWp+V/wAgE3ss88+UVNTE7W1tVFSUhIppVixYkWUlZVFixYttjgNAAAAAAAAgE/sVOwAAEDDateuXXTv3j1mzJgREREzZ86M8vLyKC8vzzkNAAAAAAAAgE/oyQoAmpGxY8fGX/7yl1i5cmUMGjQoWrZsGS+88EJMmzYtxowZE1deeWW0atUqbrzxxuxzck0DAAAAAAAAQJEVADQrU6dOjalTp242vmvXrjF37tw6n5NrGgAAAAAAAABuFwgAAAAAAAAAAJCTnqwAAAAAAIAmo3zCrAZbdvXEIQ22bAAAoGnTkxUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAyGncuHFRXl4emUwmnnnmmez4xYsXR9++faOioiJ69+4dCxcuLGJKAGg4iqwAAAAAAGi0tuWCrou9AFD/hg8fHnPmzImOHTtuMv6ss86KysrKeP755+PCCy+MM844o0gJAaBhKbICAAAAAKDR2pYLui72AkD969+/f5SWlm4ybtWqVTF//vwYOXJkREQMGzYsli1bFtXV1UVICAANS5EVAAAAAACNVr4XdF3sBYDCWbFiRXTo0CFKSkoiIiKTyURZWVksX758s3mrqqqitLQ0O6xdu7bQcQFguyiyAgAAAACgScl1QTefi70RLvgCwPbKZDKbPE4p1Tnf+PHjo6amJju0bNmyEPEAoN4osgIAAAAAoMnJdUF3ay/2RrjgCwDbY5999omampqora2NiE/OuStWrIiysrIiJwOA+qfICgAAAACAJiXXBV0XewGgcNq1axfdu3ePGTNmRETEzJkzo7y8PMrLy4sbDAAagCIrAAAAAACalFwXdF3sBYCGMXbs2CgtLY2ampoYNGhQ7LfffhERMW3atJg2bVpUVFTExIkT47e//W2RkwJAwygpdgAAAAAAANiSsWPHxl/+8pdYuXJlDBo0KFq2bBkvvPBCTJs2LcaMGRNXXnlltGrVKm688cbsc3JNAwC2zdSpU2Pq1Kmbje/atWvMnTu3CIkAoLAUWQEAAAAA0GhtywVdF3sBAACob24XCAAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAORQUuwAAAAAAAAAAABA01Y+YVad46snDilwkoahJysAAAAAAAAAAIAcFFkBAAAAAAAAAADkoMgKAAAAAAAAAAAgh5JiBwCAQtvSvYC3VnO5ZzAAAAAAAAAAW0dPVgAAAJCncePGRXl5eWQymXjmmWey4xcvXhx9+/aNioqK6N27dyxcuHCrpgEAAAAA0LjpyQoAAADyNHz48LjwwgujX79+m4w/66yzorKyMsaMGRN//OMf44wzzoi5c+d+5jQAAJq/7e1d/bPofR0AABqWnqwAAAAgT/3794/S0tJNxq1atSrmz58fI0eOjIiIYcOGxbJly6K6ujrnNAAAAAAAGj9FVgAAAFAPVqxYER06dIiSkk86jc5kMlFWVhbLly/POQ0AAAAAgMbP7QIBAACgnmQymU0ep5S2atqnVVVVRVVVVfbx2rVr6ykhQOPV0LfRaqrc/gsAAAAaBz1ZAQAAQD3YZ599oqamJmprayPikyKqFStWRFlZWc5pdRk/fnzU1NRkh5YtWxZsPQAAAAAA2JwiKwAAAKgH7dq1i+7du8eMGTMiImLmzJlRXl4e5eXlOacBAAAAAND4Fa3I6v3334+TTjopKioq4uCDD45jjjkmqqurIyJi1apVccwxx0SXLl2iW7duMWfOnGLFBAAAgM2MHTs2SktLo6amJgYNGhT77bdfRERMmzYtpk2bFhUVFTFx4sT47W9/m31OrmkAAAAAADRuJcVsvLKyMo499tjIZDJxzTXXRGVlZcyePTsmTJgQffr0iXvuuSfmzZsXw4cPjyVLlkRJSVHjAgAAQERETJ06NaZOnbrZ+K5du8bcuXPrfE6uaQAAAAAANG5F68lqt912i+OOOy4ymUxERPTp0yeWLl0aERG33nprjB07NiIievXqFe3bt9ebFQAAAAAAAAAAUBRFK7L6tKuvvjpOOOGEeP3112P9+vWx5557ZqeVl5fH8uXLN3tOVVVVlJaWZoe1a9cWMjIAAAAAAAAAALADaBRFVldeeWUsXrw4rrjiioiIbO9WG6SU6nze+PHjo6amJju0bNmywbMCAAAAAAAAAAA7lqIXWU2ePDluv/32uPvuu6NFixbRpk2biIhYvXp1dp4XX3wxysrKihURAAAAAAAAAADYgRW1yKqqqipuueWWuO+++6J169bZ8SNGjIipU6dGRMS8efNi5cqV0a9fv2LFBAAAAAAAAAAAdmAlxWq4pqYmzj///OjcuXMMHDgwIiJ23XXXePTRR+OnP/1pjBo1Krp06RK77LJLTJ8+PUpKihYVAAAAAAAAAADYgRWtcqm0tDRSSnVOa9++fcyePbvAiQAAAAAAAAAAADaneygAAAAAAAAAAKCgyifMqnN89cQhBU6ydXYqdgAAAAAAAAAAAIDGTJEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIoaTYAQAAYEdVPmFWwdq6/JDarW6veuKQBk4DAAAAAADQtOjJCgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIIeSYgcAAAAAAAAAAADIpXzCrDrHV08cUpD29WQFAAAAAAAAAACQgyIrAAAAAAAAAACAHBRZAQAAAAAAAAAA5KDICgAAAAAAAAAAIAdFVgAAAAAAAAAAADkosgIAAAAAAAAAAMhBkRUAAAAAAAAAAEAOiqwAAAAAAAAAAAByUGQFAAAAAAAAAACQQ0mxAwAAAAAAAAAAANSn8gmz6hxfPXHINi1PT1YAAAAAAAAAAAA56MkKACi6lW+9v8VKcgAAAAAAAIBi05MVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5lBQ7AAAAAAAAAI1X+YRZDbbs6olDGmzZAABQn/RkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5KLICAAAAAAAAAADIQZEVAAAAAAAAAABADoqsAAAAAAAAAAAAclBkBQAAAAAAAAAAkIMiKwAAAAAAAAAAgBwUWQEAAAAAAAAAAOSgyAoAAAAAAAAAACAHRVYAAAAAAAAAAAA5lBQ7AAAAwNYonzCrzvGXH1K7xWmFUj1xSFHbBwAAAAAAGpaerAAAAAAAAAAAAHJQZAUAAAAAAAAAAJCDIisAAAAAAAAAAIAcSoodAAAAAAAAABpC+YRZDbbs6olDGmzZAAA0PoqsAAAAAAAAoBFpyOKwCAViAADbotHeLnDx4sXRt2/fqKioiN69e8fChQuLHQkAmi3nXQAoHOddACgc510AKAznXAB2BI22J6uzzjorKisrY8yYMfHHP/4xzjjjjJg7d26xYwFAs+S8CwCF47wLAIXjvAtQeG7RuGNyzgVgR9Aoi6xWrVoV8+fPj9mzZ0dExLBhw+Lcc8+N6urqKC8vL244AGhmnHcBtl9DfIF8+SG1DX57iGKZNrBRfhQtCOddACgc510A8qVAbNs45wKwo8iklFKxQ3za448/HqNGjdqkG8nevXvH5MmTo3///tlxVVVVUVVVlX28cuXK+NKXvrTN7a5duzZatmy5zc+vD8XOsKO33xgy7OjtN4YM2ncMbG/7q1evjg8++KAeEzWsYp13N1bsfd6Qmuu6Ndf1imi+69Zc1yui+a5bc12viPpdN+fdHVtz/j+h/jleyIfjpW7Ou9uvKR9bTTV7U80dIXsxNNXcEbIXQ0Pnbkrn3fo+5+a7bc1vfvOb3/zm35758znnNtqfD2cymU0e11ULNn78+Bg/fny9tVlaWho1NTX1trymmGFHb78xZNjR228MGbTvGCh2+8VQjPPuxprzNm+u69Zc1yui+a5bc12viOa7bs11vSKa97ptjWKfd5uTHf1YIj+OF/LheGk+Gtt5tykfW001e1PNHSF7MTTV3BGyF0NTzd1Q6vOcm++2Nb/5zW9+85u/Ieavy07b9ewGss8++0RNTU3U1tZGxCcn4RUrVkRZWVmRkwFA8+O8CwCF47wLAIXjvAsAheGcC8COolEWWbVr1y66d+8eM2bMiIiImTNnRnl5uXv2AkADcN4FgMJx3gWAwnHeBYDCcM4FYEex82WXXXZZsUPU5bDDDotLL700rrrqqpg3b15cf/310a5du4K0W2zFzrCjt98YMuzo7TeGDNp3DBS7/UIr1nn30xmaq+a6bs11vSKa77o11/WKaL7r1lzXK6J5r9tnaQzn3eZkRz6WyJ/jhXw4XpqHxnjebcrHVlPN3lRzR8heDE01d4TsxdBUczeE+j7n5rttzW9+85vf/OZviPk/LZPquiEuAAAAAAAAAAAAEdFIbxcIAAAAAAAAAADQWCiyAgAAAAAAAAAAyEGRFQAAAAAAAAAAQA6KrICiu+eee7ZqHAAAAEBDeO2117ZqHAAAALDjUmS1g3vppZfipJNOih49ekRExJNPPhk///nPi5yqsGpra+MPf/hDXHnllfGjH/0oOxTKihUr4sMPP4yIiH/+859xzTXXxDvvvFOw9huD73//+1s1rrlatmzZZuMeffTRIiQB2HpvvvlmsSM0iHvvvbfYEcjT66+/Hv/4xz/i1VdfLXaU7bJmzZpiR2hQ7777btTW1kbEJ+v60EMPxSuvvFLkVADw/3z961/fqnGwPZYuXRo///nP469//WuxowAUxU9+8pP45z//mf18CADQ1JQUO8CO7qWXXoqxY8fGihUr4vHHH48nn3wyHnzwwTjvvPMK0v5ZZ50Vp556akyaNCkiIrp16xajRo0qWPu1tbUxc+bMWLJkySZvqn/wgx8UpP2IiFNPPTVWrlwZvXv3jp133rlg7W5w4oknxiOPPBIvvfRSnHrqqdGvX7946KGH4rbbbmvQdhcuXJhz+gEHHNCg7UdEvPDCC/H888/H22+/HXfddVd2/FtvvRXr1q1r8PYbi2HDhsXf//73+MIXvhAREU899VSMHDkyFi9eXORkhfXoo49u9lowevToIiaC/C1fvjzOPPPMWLZsWXzjG9+In/zkJ7HbbrtFRMRhhx0Wc+fOLXLCbfPUU0/Ft771rdh5553jxhtvjAsuuCD+/ve/R9u2bePOO++Mgw46qNgRt0ld58Jvf/vbMXv27EgpFeRc2FBuu+22GDFiRER80gPD6aefHnPmzInu3bvHTTfdFGVlZUVOuO1Gjx4dkyZNivbt28ff/va3OPXUU6NTp05RXV0d1113XXzjG98odsRt0q5duzj22GPj29/+dgwZMiR22qn5/B7mpptuirPOOivatm0bN954Y4wePTo6dOgQS5cujV/+8pfZYxXysX79+li5cuUm7x2b8msbDWf58uV1jne8sEFtbW18+OGHsX79+njvvfcipRQRO953EzSMwYMHx6RJk+Lggw+Ol19+OXr27BmHHnpoLFu2LBYuXBgXXXRRsSNu0axZs2LRokXRo0ePOPLII4sdZ4fw7rvvxuc+97nYZZdd4sknn4wHHnggunbtGscff3yxo+V000035Zzu+73Cev3112P69OkFu8aTr+rq6jj99NNj5cqVcfjhh8fAgQNj4MCB0bNnz6Jcn8nH6tWrY/fdd48WLVpERMQjjzwSt956a+y7774xduzYZvU5vqlZv3591NTUxN57791ojqOUUmQymSa7/Pr05z//OY444oho06ZNvPbaazF27NiYN29efPWrX42pU6dGhw4dcj5/W/ZvPtunoY+f119/PZ599tno2rVrtG/ffque05D7d1vyNLSG3F9N/fWhEPnzPd68vkVEIqWU0r/+9a/0+9//Pt14443ZoRCGDBmSpk+fng466KCUUkofffRR6tatW0HaTimlHj16pJRSOvjgg7PjNv67oQ0bNiwdfvjh6X/+53/SBRdckB0KqaKiIq1fv76gbW6se/fuKaWUpk2bln784x+nlFL2eGhI5eXlqVOnTqm8vDzttNNOqXXr1ql169Zpp512SuXl5Q3efkop3XDDDWnAgAGpZcuWacCAAdnhG9/4RrrzzjsbvP22bdumPffcc4tDodx2221pwIAB6cMPP0zPPfdc2m+//dK8efMK1n5KKa1evTqde+656Ygjjki9evXKDoVy9tlnp06dOqWhQ4em4cOHp+HDh6cRI0YUrP2UUnrvvffSlClT0qhRo9KIESOyA4XVpUuXYkfYLscee2y65ppr0mOPPZZGjx6d+vbtm95+++2UUmHPr/Wtf//+6c9//nO64YYbUllZWbrppptSSindfvvtafDgwUVOt+0ymUwqLy/fZCgpKcmeI5uyDe8vUkrpzDPPTBdddFF65ZVX0pQpU9JJJ51UxGTbb+P3yv37909PPfVUSiml6urqTda7qamoqEiTJ09OX/nKV9Jee+2VLrroorRo0aJix6oXBx54YKqurk5PPfVU+sIXvpB9n7N48eL01a9+tch/mZCnAAAgAElEQVTpaIquv/76tMcee6QvfvGLqW3bttn39VCXDcdH27ZtU8uWLdNOO+3keGETl112WcpkMmmnnXZKmUwmO3zhC19IP/rRj4odjyZu//33z/49adKk7HvxN954Ix144IHFivWZLrnkktSpU6d0yimnpA4dOqRp06YVO1Kzd91116Vdd901tWnTJl133XWpY8eO6ZRTTkn77rtvuvzyy4sdL6cN3+VtPIwYMSJ16tQp7bTTTsWOt8O499570ymnnJL22GOPdPLJJxc7zmdavnx5uummm9K3vvWt1KlTp7THHnuk4447rtixcurXr196/vnnU0opPf/886lly5bp7LPPTkceeWTBr2s1N23atEnjxo3LfsfzWf73f/83rVy5MqWU0hNPPJFKS0tTu3btUvv27dM///nPzeYfNmxY+tOf/pRqa2u3K+eWriVec8016dVXX00ppbR06dLUu3fvVFJSkg4++OC0cOHC7WqzPpef61ron/70p/Taa6+llD65XnTKKaekTp06pZNOOim99NJL27X8L3/5y+njjz9OKaV0+umnp4svvjgtXLgwTZkyJQ0ZMmSz+fPdv/lun3yXn+/6jho1Krv8Bx54IO25556pd+/eqV27dukvf/nLdudv6Dwpbf/x8PHHH6cXX3yxzv+5ht5fDb1/8902xTg+c/2v55unKby+FaPOQ5FVKu7F/WIXOR166KFp/fr12TbfeOONghT4bFDsAqeUUho0aFD64IMPitb+AQcckN5///00fPjwNGfOnJRSYYqsNjj33HPTrbfemn182223pYsuuqhg7aeU0m9+85uCtrdBdXV1qq6uTpdcckk655xz0pNPPpmeeOKJ9N3vfjdNnDixoFmmTJmSTjzxxNS1a9f08MMPF7TtlFI64YQT0sSJE1OXLl3SHXfckYYMGZIuueSSgrW/3377pffee69g7dVl5MiR6Tvf+U7q2LFjuvrqq9MhhxySzjvvvKJmaq6effbZLQ577bVXseNtl08XeFxxxRWpV69eac2aNU26+GPj9yb77LPPJtOacoHEZZddlo499thUXV2dHVeoQuOGtvE+O+iggzb5QFvI9xkNYeNizJ49e24yrTFfqPosG79GPPLII+nMM89MrVq1SkcccUTBfgDSUDZet44dO24yrSkXoFI8nTt3Tv/+97+LHYMmaubMmenSSy8tdgwaobPPPrvYEWiGNn4fNHTo0PTrX/+6zmmNzf7775/WrFmTUkppxYoVqXfv3kVOtPW29KPKxl6U3a1bt/Tyyy+nZ599Nu22227Zi3Rr1qxJBxxwQJHT5ee5555LQ4cOTeXl5Wn69OnFjpPThiLbDcPGj3feeedix/tM1dXV6Qc/+EEqKytLPXv2TG3btk1vvPFGsWNttY8++ig9/PDD6Uc/+lGqqKhIHTp0KHaknDb+X/zxj3+cRo0alVJKad26dekrX/lKsWI1C+Xl5encc89NX/ziF1PPnj3TL3/5y/TWW29tcf6N98XRRx+d7r333pRSSvPmzUuHHnroZvO3bds2HXjggal9+/bpggsu2KrPk/lc+N+4qPrkk09Ov/71r9O6devSzJkz04ABA+pcfo8ePdLPfvaztHr16s/Msi3Lz7dwId9CqG3dPp/+Hqiu74Xy3b/5bp98l5/v+ub7A9GG3r/b8oPVhiyMa+j91dD7N99t09Drm+//er558p0/n9e2bVl+vutbX0W2n6bIKhX34n6xi5wmT56cKisr07777puuv/761KtXr/SLX/yiYO0Xs8Bp6tSpaerUqemcc85Jhx9+eJoyZUp23NSpUwuW48c//nFq3bp16t27d1q/fn16+eWXU58+fQrWfl0vyFs6yTSUO+64I/uGedKkSWnYsGHp6aefLlj7/fv332zcEUcc0eDtzpo1KzvceeedqWfPnmncuHHZcYW0oUhiw8XpDz74IH3ta18rWPuF2N6fZcMbzQ3b4O23305f//rXixmp2cpkMtme9D49fO5znyt2vO3StWvXzcZNmjQp9ejRI+23335FSFQ/Ni6kGj169CbTmnrBzvz589Nhhx2WfvnLX6aUUpPvwWqD/fffPy1cuDA9++yzm31Z0ZQL41L6pED8e9/7Xnr33XfThAkT0owZM9L69evTXXfdtcUvHpqCur7UePfdd9P1119f53uVpqRHjx7pmWeeSQ8//HBq27Ztmjt3bkoppUWLFjXpwjiKp9CfV2h++vXrV+wIwA6iR48eacWKFWnt2rXpi1/84iY9ldb1+bGx+PR708ZcEPZp1dXVacGCBWny5MnphRdeyP7IcsPQWG38ue3TRVVN5YcJr7zySjrzzDPTXnvtlX72s58V9YfNW2vt2rWbDb///e9Tp06d0lFHHVXseDkNHjw47bnnnul73/te9oJ5U/jh2COPPJKuuOKKNGjQoFRRUZFOO+20NG3atCbRk/PGr4XHHXfcJj+Iair/p43Vhm37wQcfpJtvvjkNHjw4tWzZMo0aNSo99NBDm82/8Q/wDjnkkE2m1fW914b98+ijj6azzjortW7dOvXt2zf99re/TWvXrq0zUz4X/jc+p3/6nLmlY6NDhw7p+OOPTy1atEjDhw9P99xzzxY7pdiW5W9PIcXWFELls/wBAwakRx55JKWU0vHHH59eeeWVlNIn12DqKlDMd//mu33yXX5K+a1vvj8Qbej9uy0/WG3IwriG3l8NvX/z3TYNvb75/q/nmyff+fN5bduW5ee7vttSZLs13CA4Ivbaa6/YbbfditL2iBEj4uyzz4533nknbrjhhjj66KPjjDPOKFj7559/fgwYMCB69OgRd911V4wbNy7GjRtXsPYrKiria1/7WlRVVcW1116bHQph3rx5MW/evFi3bl106dIlnn766ey4xx57rCAZIiIuueSSWLZsWcydOzcymUzsscceMXPmzIK1v27dunj44Yezj+fMmRPr1q0rWPsRERdffHG0atUqnnrqqZgxY0YMHjw4vvOd7xSs/Zdffjlee+217OPXXnstXnnllQZvd9KkSdlh8uTJ0bJly1iwYEH2cSHtsssuERGx6667xhtvvBElJSVRU1NTsPb79u0bp5xyStx+++1x1113ZYdC+vznPx8RESUlJbFu3brYY4894qWXXipohh1Fx44dY86cObFs2bLNhsZyD/Bttf/++8c999yzybgLLrggvvnNb8aSJUuKlGr7tW/fPt5+++2IiLjxxhuz41955ZWivYeqL927d48HH3wwqqur46ijjooPP/yw2JHqxbp162LIkCExZMiQWLNmTfY1/a233oqddmraHwGmTJkSmUwm9t5777jtttti1KhRscsuu8QvfvGL+N3vflfseNsspbTZuBYtWsSYMWPioYceKkKi+nPFFVfEkUceGUOHDo0//OEPcemll0a3bt2id+/ecfHFFxc7Hk3IunXrYt26dXHyySfHNddcE2+88UZ2XKE/w9B0bHyMvPPOO3H//ffHq6++WuxYwA7i+9//fvTo0SO6du0aAwcOjIqKioiIeOSRR6K8vLy44XJ46623Nvl+5u233y7a9zX5mjVrVhx55JFx6623Ro8ePWL+/PnRsWPH7NBYZTKZ7N+77rrrFqc1Ru+88058//vfj4MOOijatWsXzz33XJx33nnZ7xsbs9133z07LFiwII455piYMmVK/OpXv4r777+/2PFyev7556NDhw7RtWvX7OtJYz9WIiIOP/zwuPPOO+P888+PRYsWxYwZM6KysjL7+tiY7bbbbrFgwYJYtWpVPPzwwzFw4MDstPfee6+IyZqPXXbZJf7rv/4rZs+eHc8++2x07tw5xowZs9l8vXv3jp/97GcREdGzZ8/4xz/+ERERTz/99GavoRH/73+jd+/e8atf/SpefvnlOPvss2P69OnRoUOHOrOsX78++/eyZcvizDPPjM9//vNx8sknx5o1azaZt6KiIm6//faIiOjatWs899xzEfHJtactadeuXfz1r3+NxYsXR48ePWLcuHHRsWPH+MEPfhDV1dXbvfx88kd88v3v3LlzIyKitLQ0Vq5cGRGfvMZ/9NFH27X8q6++OkaNGhWjR4+OL33pS3HooYfGmDFjok+fPjFhwoTNlp3v/s13++S7/HzX9+ijj47zzjsv1q1bF4MGDYrf//73kVKKu+++O9q0abPd+Rs6T0T+x8PG41avXh1f//rXI+KT7fv+++9v1/rmu78aev/mu20aen3z/V/PN0++8+fz2rYty893fUtLS2PBggVxxx13xDvvvBOHHXZYHH744fG73/0u3n333Trb2Cr1UqrVxF100UVpxIgRaebMmZv0LFMoN998czrllFPSiBEjGn33ufVtzJgxmw3//d//XdAMdXVXt7Vd2NWHXr16bdW4hvKPf/wj7b333qmioiJ16dIl7bPPPtnbFhbKhsrUq666KtuLWCF/IXfNNdekvffeO1VWVqbKyspUWlqarr322oK0/fHHH2d7cyimkSNHptdffz39/Oc/T126dEk9e/ZM//mf/1mw9gcMGLDZMHDgwIK1n9In1fVvvPFGuvjii1P//v3T0KFD06BBgwqaYUcxbty4Ld4Wc+zYsQVOU7/ef//99P7779c5raampsBpGt7bb7+dVqxYUewY9Wbu3LkFv11sob377rtp6dKlxY5RL9599920YMGC9Pjjj6fXXnut2HG224bbsewIamtr02OPPZbt2hm21obbt2Qymeyw8W1doC4bHyclJSXpy1/+crr77ruLHQvYgaxcuTI98cQTm/yC+6WXXkovvvhiEVPlduSRR9b5PU0xvq/J11e+8pXs59QFCxakww8/vMiJtk6LFi1Sr169Us+ePbN/b3i8++67FzteTm3btk2dO3dO11133SbXV4rRW/+2+Pe//51OPPHE1Llz5zRjxoxix8nLfffdl0499dT0H//xH+mb3/xm2muvvYod6TP9/e9/T5dddlkaMGBA6tKlSxo5cmS67rrr0uLFi4sd7TM99NBDqU2bNmnXXXdN5513Xnb83XffnU488cQiJmv68u0J7M0338zelrRfv35p5513Th07dkwHHnhgevzxx/Na/pIlS+ocf8IJJ6SZM2emlFI69dRTs72fvPTSS5stb/ny5alHjx7piCOOSEOHDk2tWrVKRx55ZNpvv/3S7Nmz61x+XdfAHnrooTRmzJjUqlWr7V5+PvlT+uScue+++6ZRo0alb3/726msrCydfvrp6YADDqjz2nW+y1+3bl36zW9+k8aPH5+++93vpsmTJ6fly5fXmT3f/Zvv9sl3+fmu7wcffJDOO++81Lp167TvvvtmP4seffTRdX4v29D7N988KeV/PJx22mmpqqoqpZRSZWVltge6BQsWbHbb6YbeXw29f/PdNg29vvn+L+abJ9/583lt25bl57u+n86zbt26dNNNN6UBAwbUmWdrZVKq4yfTO5iNq803yGQy8be//a0IaQrjwgsvzDn9qquuKlCS4jvkkENi/vz5nzmuUO2vX78+unXrFgsXLixI+xERH374YSxatChSSvHlL3+54L8y+upXvxrTpk2L8847L66//vrYf//948ADD4ynn366YBmefvrpePDBByOlFAMHDowDDzywYG337t07/u///q9g7X2WOXPmxJo1a+LYY4+NnXfeudhxCubjjz+OnXfeOVJKcfPNN8ebb74Zo0ePjlatWhU7GgAAAEDBpJQ26RFnyZIlcccdd8R+++0XJ5xwQhGTfbbu3bvHE088scXHjdWf//zn2GOPPaKkpKTO6UceeWSBE229AQMGbNaDUiaTyR5Hjfk6S2VlZdx5550xYcKEOOecc7a4/Ru7N998M2bMmBG/+93v4rXXXotTTz01Jk2aVOxYn+nDDz+MuXPnxoMPPhi33HJLrF27tqB3V9gWtbW1sXbt2mjdunUsXbo07rjjjth3333ja1/7Wuy+++7Fjtdk/fvf/479998/7+ctWbIkFi5cGB999FF07NgxevToUed806dPj1GjRuW17BUrVsTQoUOjRYsW0bZt23jggQeie/fu8dJLL8W1114bgwcP3uw5DzzwwCZ5jj322GjRokWdy891flq7dm20bNlyu5a/Lfnfe++9uPnmmzdp45RTTol99tmnXpafr63dvxvks33yXf62rO+6detiyZIl2eVvqdeobclfiDz5HA9r1qyJb33rW/HEE09EaWlpzJ07N0pLS6NVq1Zxww03xCGHHLJd6xuR//HQkPs3n23T0Ou7rf+L+ebZ2vm35bUtn+Xnu7658ixdujQ6d+68xXXORZFVkRS7yOnyyy/POf2HP/xhg7a/QW1tbfziF7+I+++/PzKZTAwePDi++93vFuTDTG1tbXz44YfRt2/fmDt3bvYWLW+99VYMHDgw2x1dQ5k0aVJcddVV8dZbb0Xr1q2z49etWxennXZaTJs2rUHb39hjjz0WDzzwQGQymTjqqKM+88RU3/7617/GpZdeGkcddVRMmTIlFi1aFP/7v/+b7R6wIX388cdxzDHHxH333dfgbW3J6aefHj/84Q+3+YW8uZg5c+YmrwVDhw4taPt33nlnHHfccU3+NloAAAAA22Pw4MExadKkOPjgg+Pll1+Obt26xaGHHhrV1dUxZsyYuOiii4odcYsOOOCAmDlzZva73uHDh2/y+IADDihmvC06+OCD49VXX43Ro0fH/8fevcflfP//A39cF1JSZlIO6SAdpPMJEYpGSRI5zWGJaqTPxhyW08wcpszGWDFkbIiImY3JuRyWVJRjQklyKKrL6PD6/eHX9e1yXRe9r7zfZZ732+263bre75fX8/l+vQ9s72ev14QJE2Bubl7fKansXSrKE4vFaN68OdTV1WW2VxeIFRYW1lNm3N28eRN79+5FSUkJ7t+/jzVr1tR3Sq+Vn5+Po0eP4tixYzhy5AgKCwvRo0cP/PXXX/WdmlLKno05OTkIDAxs0M9GojquhQhc+u3bt+9byPDNcfjI/231P2fOHCxevPit5cM3vsfzXc+HayFUQ9PQxpOLhpJ7Q3u2qVJkWxtUZAVg1KhRmDp1KlxdXQWL2VCKnOpbeHg4srOzMWnSJADAhg0bYGxsjFWrVvEee+HChQrPg7a2NqZPn4558+bxGv/JkycoKirCp59+iujoaJn4LVu25DV2TevXr8eiRYvg7+8PANizZw/mzZuHiRMnCpZDfevXrx8OHjxYb7M2eXl5ISkpCT179pSp4I2LixMsh7/++gufffYZbt68icrKSun/SKisrBQk/tdff42EhASMGzcOALB161b4+flh7ty5gsQHXv7W3fXr1/Hxxx8jMDBQpd+cIYQQQgghhBBCCHnXWVpaSmfZj4qKQlJSEvbs2YOioiL07t0bGRkZ9ZyhckZGRnKzKlUTiUS4efOmwBnVXkpKCjZt2oTt27fD0tISQUFBGD58eIN/ufcuF+Xdvn0bT58+xaFDh+Dn5yf3y9+Ghob1lNmbva7g55NPPsHs2bPrO0WFgoODcezYMeTn56Nbt25wd3eHu7s7XFxcGvxMYu/ys/Fd5uHhwWlGPK7t+S7yGT9+PDZv3vzO9g/wO0YGBga4c+dOrdtzPb9cx4dr/1yZmZnh2rVrtW7P9/nlmg/A7/XA9/ni+/xyHZuGdn1yzee/8HxTFRVZAYiJicHatWshFosRFhaGjz/+WO43F/7Ldu/ejbS0NPz777/SbUItF2hjY4O0tDTpzDEVFRVwcHAQ9B+jn376KX766SfB4jU0NjY2SExMROvWrQEADx48QN++fQU9B3fv3sWUKVOQm5uL8+fPIy0tDceOHcNnn30mSPy5c+ciPT0dY8eOlSly8vb2FiS+sr8gxo8fL0h84OU/pFavXo3u3bvLFJsJNcWxjY0Nzpw5I/2fRmVlZejevbvg/2F68+ZNbN68GZs3b0bbtm0xYcIEaREoIYQQQgghhBBCyPvAwcEBqampAAB/f394eXlJ//9IzX2EH8+fP0d8fDw2bdqElJQUBAQEYN26dfWdllLvcuHJ2rVrMXfuXJiamuLq1avYtGmT4LPrq+pdHfeFCxfC3d0d3bp1g5qaWn2nwwk9G/kjkUiU7jM3N0dubm6d2r8O1yIfgNuL/3e9f1VivNq/i4uLwnaMMVy8eFHm/TTA//l9m/0D8sdb/WxWpF+/fsjPz69132/j/L7NfFTJiUth0Ns4X3yf39fhOjZ8X5983+t1fTbUd/91KRhs2GXhAgkJCUFISAiOHz+ONWvWYM6cORg3bhymTJkiyG8q1GeR02effYbs7GycP38eo0aNws6dO9/KOrm1xRhDVVWVtMiKMQYh6/4qKytx6tQpweIpkpqaioiICNy8eRMVFRXSGYSE/K2q6gKr6p+V/bYXX0JCQmTWibeyssLYsWMFK7JKSkoCAJliO5FIJFiRlZDFVMpoa2ujf//+9RafMSbzW3mampqCPguqdezYEQsXLkRERAQ+++wzhIaGUpEVIYQQQgghhBBC3itisRh5eXlo2bIljh8/jmXLlkn3ve7FD3k7mjZtiuHDh0NdXR1LlizB9u3bG3SRVc1fWE9OTpb+P9WWLVs2+JmJ1q5di4yMDOjr6+PixYv49NNP35kiq9eNe32t2FAb7/IqLvRs5E/z5s0hEolk3glUf1f0vopr+9cV+aiyLOjRo0dlvuvq6irtv7i4uMH3D7zdMXq1/2vXrmHbtm1yMzMyxjBixAi5P8/1/HIdH679v8mrx2tlZQUjIyOF77gePnwot43v88s1H4D79fC6Z+D169dlvvN9vvg+v1zHpj6vT0X3Otd83ub1+Tby4dr/62zZsoWKrN6GLl26wN7eHmfOnMGVK1fg5uaGKVOm8DqdbX0XOSUmJiI9PR329vZYsWIFZs6cKegycf3790f//v0RFBQEkUiE2NhYDBgwQLD4jRo1gr6+Pp49ewYNDQ3B4tY0fvx4hIWFyc0gJJROnTphzpw5mDJlCkQiEdatWwcTExNBcygoKMCYMWOwYsUKAEDjxo0F/Q9wrg/dt+3ff//F2rVr5YothVwucODAgdi/fz98fHwEi1mTi4sLxo0bh9DQUIhEIqxfvx7Ozs6C55GamorY2FjExcXByckJO3bsEDwHQgghhBBCCCGEkPoUEREBR0dHNGnSBO7u7jAzMwPwspDDyMiofpP7j7t48SI2btyI3377DSYmJggNDcXIkSPrO63XepcLT5o0aQJ9fX0AgLW1NcrKyuo5o9p73bg/e/asHjP776JnI3/atm2L9PR06OjoyO3r0KFDndtzLfIBuL34Z4whMTERLVq0kNveo0ePBt8/wH2MuPRvb2+PFi1awNXVVa69ohntuJ5fruPDtX+A2/EaGhri1KlTaNeuHS/5850PwG9hHN/ni+/zy3Vs+D5ervc613y4tuc7H679v+0i22pUZAXg7Nmz+PHHH3H06FGMHz8ep0+fRvv27VFaWgpLS0tei6zqu8hJXV0dYrEYIpEI5eXl0NPTw927dwWLv3z5cqxbtw67d+8GYwxDhgxBSEiIYPGBl8ukubm5Yfjw4TJLxU2ePFmQ+I0aNRL8mGuKjo5GeHg4bGxsALxcyz06OlrQHBo3bizzF29RURGqqqoEzSE+Ph6HDx+GSCSCp6enoL+xNGnSJGhpaeHEiROYPn06YmNj0atXL8HiAy9/a+vRo0do3rw51NXVpf/wqctfMFysWrUKixYtQnh4OBhj8PT0xLx58wSJXc3Gxgbl5eUYP348UlNTFf6DkxBCCCGEEEIIIeS/zt/fHz169MC9e/dga2sr3W5kZNSgZ1R6l61duxYbN25EXl4exowZg6NHj8LS0rK+06qVd7nw5Pnz57h8+bL0/02/+r0hn4N3edzfVfRs5I+rqysyMjLg4eEht8/BwaHO7bkW+QDcXvw7Ojri0aNH0vdsNbVp06bB9w9wHyMu/cfGxkJbW1thntnZ2XLbuJ5fruPDtX+A2/H6+vri5s2bCt8xDR48uM75850PwG9hHN/ni+/zy3Vs+D5ervc613y4tuc7H679q1JkWxsiVh/rMTUwNjY2CA8Px5gxY2SmWAWAmJgYXgtgnJ2d8c8//8DOzg7//PMPmjRpIujazR4eHti/fz9mzpyJx48fo02bNkhKSsLZs2cFif/XX3/JzVylaBufAgMD5baJRCJs3LhRkPhTpkzBxIkTYW9vL0i8hmjFihW4du0aEhMTMXfuXKxduxZjxoxBeHi4IPG//vprJCQkYNy4cQCArVu3ws/PD3PnzhUkvrW1NS5evAgbGxtkZGSgpKQEw4YNw8GDBwWJDwC3b99WuF2IJVMBICMjQ+4vUEXb+JSUlKT0twIIIYQQQgghhBBCCOGLt7c3goKC4OvriyZNmtR3Opzdv39fWnhSPWNFfn4+KioqYGBgUM/ZKWdkZKR06R2RSISbN28KnBE37+q4EyK027dvQ1tbGy1btpTb9+LFC4WFEQMGDMCsWbPg7u4ut8/R0RHnz5+Xfi8rK0OTJk2UFmwp0pD6B7iPEdf++aTK+HDF5/EKcX654no9BAQE4NNPP1VYGDR48GDs3btX+l2I88UVl/HkOjZ8Hy/Xa4FrPlzb850P1/7d3d2xePFihUVxHTp0QG5ubq3ivoqKrACUl5fX23+41HeR0/3799GyZUtUVlbiu+++Q1FREcLDwwX7B7iigjIhi8zqk7Ozs3QGsaysLJibm8sU+Z07d06QPCoqKvDDDz/IzOI0depUQZfrA4Bt27YhISEBjDH4+vpizJgxgsW2sbHBmTNnpFWsZWVl6N69OzIyMgSJ7+LignPnzsHBwQGnTp1Cs2bNYGVlhUuXLgkSv9qzZ8+QkZEBkUgEa2trQZfQbCjPgvv37yMzM1Nm2UZvb29BcyCEEEIIIYQQQgghhBBC3jeVlZW4d+8egIrNYbAAACAASURBVJcz4zRq1OittueC78KI96n/qqoqbNiwAdu2bcOdO3cAAAYGBhg5ciSCgoKUnjc+zy/X/lUZzzt37sgc79t8997Q8hECn8+Hhlj4Vdv8G1ruDenZA6hWZFsbYpX+1H9MmzZt4OXlhRUrViA9PV3Q2Nu2bUOjRo0QGRmJLl26QCwWY+fOnbzH/eGHH/D48WPo6elBTU0NGhoamDNnDqKiogR5qN64cQMHDhzA06dPceDAAeln27Ztgq/TXlFRgRUrVsDLywve3t5YuXIlKioqeI8bFRWFyMhIfP/99zh06BBWr16NyMhI6Uco06ZNw5EjRxASEoLg4GAcOXIE06ZNEyR2zerQUaNGYceOHYiLixO0wAp4OSVgzWkCNTU1IWT96YcffoiioiJ4e3vDy8sL/v7+aNu2rWDxgZfTSJuYmCA0NBTBwcHo1KkTTp8+zXvchw8fIisrC//++y8uX76MrKwsZGVl4fTp0ygrK+M9fk2bN29Gt27d4Ofnh3nz5sHX1xdLliwRNAdCCCGEEEIIIYQQQggh5H1y//59jB49GlpaWnBycoKDgwO0tLQwevRoaZFBXdpXVVVh/fr18PDwQKdOndCpUyd4eHhg3bp1qKysVJiTpqZmrV++SyQSREREwNjYGE2bNkXTpk3RsWNHREREoLS0tMH3D3AfIy79T548Gfv378eMGTPw+++/Y9++fZgxYwb++OMPTJ48Wa491/PLdXy49s/1eC9fvgxXV1d07doV06dPx7Rp09C1a1e4urri8uXLdc6f73wA1e4Z4GVhUF5eHvLy8pS24/t88X1+uY4N38fL9V7nmg/X9nznw7V/Q0NDhQVWgPLlYmuFESaRSNjBgwfZjBkzmIODA9PT02OjRo2q77R45evry5o3b86GDx/ODh06JHj82NhY1qdPH9a8eXPWp08f6cfX15ft379f0FymTp3KvL292Z49e9iePXuYj48Pmzp1qqA51Cdra2tWWVkp/V5eXs6sra0Fid2sWTPWqVMnNmnSJPbbb7+xe/fuCRL3VRMmTGBjx45lSUlJLDk5mQUGBrLAwEDB4ldUVDDGGKuqqmJbt25lq1evZk+ePBEsPmOMde3alZ06dUr6PSkpiXXt2pX3uN9//z0zMjJiampqzMjISPqxtbVlP//8M+/xa7K2tmaPHz9mdnZ2jDHGjh8/zoKCggTNgRBCCCGEEEIIIYQQQgh5n/Tr149FRUWxkpIS6baSkhIWGRnJPDw86tw+JCSE+fr6sgMHDrCsrCyWmZnJDhw4wHx9fVlwcLDCnMrKytiXX34pfX+hpqbGjI2N2ZdffikTlzHGhg0bxsLCwlhWVhaTSCRMIpGwzMxMFhYWxvz9/Rt8/6qMEZf+O3XqpDDHqqoqZmJiIred6/nlOj5c++d6vF27dmW7du2S62Pnzp3M2dm5zvnznQ9j3K+HgoICNmrUKKahocH09PRY69atmYaGBhs1ahTLz8+v0/Hy/XxgjNt4ch0bvo+X673ONR+u7fnOh2v/lZWVbN26dczd3Z2ZmJgwExMT5u7uzmJiYqTv51VBywX+f2VlZTh27BgSExOxb98+tGnTBqdOneItXvVSccoIsVRcYWEhNm/ejNjYWJSWliIwMBCBgYEwNDTkPTbwstJzyZIlmDt3riDxlLGxsUFaWhrE4pcTu1VUVMDBwUGwpeIUXQstWrRA9+7dMXPmTDRv3pzX+NbW1rhw4YJ0ecDy8nI4ODjg4sWLvMatjnX27FkcO3YMR48exZkzZ2BgYAB3d3e4u7sjICCA9xyAl/f/okWLcPjwYTDG4OnpiXnz5kFTU5P32H/88QeuXr0KR0dH9O7dm/d4ytjZ2SEtLe2N2/iyaNEizJs3T5BYylSv1WttbS29/l1dXZGcnFyveRFCCCGEEEIIIYQQQggh/1UWFha4cuVKrfdxbW9qaorr16/LtWWMwdTUFDdu3JDbFxAQgDZt2mDy5MkwMjICAOTk5OCnn35Cfn4+4uPjpW3NzMxw7do1hfko29eQ+ge4jxHX/JOTk6GjoyPTx4MHD+Dq6ioXl+v55To+XPvnerzm5ua4evWqwv4V7eP7/HLNB+B+PXh6emLAgAEICQmRvtcuLS1FdHQ0/vzzTyQmJqp8vHw/HwBu48l1bPg+Xq73Otd8uLbnOx+u/YeGhuLevXsIDQ2FkZERGGO4ffs2oqOj0aZNG8TExCiM/SaNVfpT/zE9e/bE06dP4e7ujn79+mHhwoXQ0tLiNWZUVBQAYP/+/bh27RomTJgAAIiNjYWtrS2vsavp6upixowZmDFjBpKTk7Fp0ybY29vDyckJhw4d4j2+WCzGvn376r3IijGGqqoqaZEVY0zQpeLc3d2RnZ2N8ePHAwC2bNkCExMT3L17F6Ghodi6dSuv8fv374/+/fsjKCgIIpEIsbGx8PLy4jVmtSZNmqBnz57o2bMn5s6dixcvXiAuLg6LFi1CTEwM70VWU6dOxerVq7Fnzx4sW7aM11iKzJs3D7/++iucnZ2xYsUKLFiwAMHBwYLnAQDNmjXD4cOH0a9fPwDAsWPHZJZQ5NvQoUORlZUls61FixZo3769YDk0bdoUjDGYmZlh9erVMDQ0xMOHDwWLTwghhBBCCCGEEEIIIYS8bzQ0NHDy5Em4ubnJbD9x4gTU1dXr3F4kEuHhw4dyRT4PHz5UOiFGeno6du7cKbPN0tISq1evhpmZmcz2Ro0a4fr16zA1NZXZfu3aNTRq1KjB9w9wHyMu/c+aNQu2trbw9/eHoaEhRCIRcnJykJCQgIULF8r1zfX8ch0frv1zPV4dHR1s2bIFH3/8sfTdc1VVFbZs2YJWrVrVOX++8wG4Xw+5ubmYPn26zLbmzZvjiy++wM8//1yn4+X7+QBwG0+uY8P38XK917nmw7U93/lw7T8xMVGuKM7S0hIDBgyQi8kFFVnhZbFRYWEhCgoKcP/+fTx69Ij3IqvqGWu++uorHDlyRHrT+fj4SIschGRqaorOnTtDT08P2dnZgsXt3Lkzbt68iY4dOwoW81X1WWQEACdPnsTp06el3318fNC3b18cOXIElpaWvMdfvnw5YmJisHv3bjDGMGTIEEELffLz86UzWSUlJeHDDz/E0KFDBZnV6eTJkwCA7777DmPGjOE93qvi4+Nx4cIFtGjRAnl5eRg6dGi9FVmtWrUKQ4cORdOmTSESifD8+XPs2rVLsPje3t7Izc1FixYtAABPnjyBnp4e1NTUsH37dnTr1o33HL755hs8ffoUy5cvR2hoKIqLi7F27Vre4xJCCCGEEEIIIYQQQggh76vo6GiMGTMG6urqMkU4z58/VzgRAdf2XIt8AG4v/iMjI+Hm5gZnZ2eZ/lNSUuQKTBpi/6qMEZf+g4KC4OHhgfj4eNy5cwcAYGRkhJMnT8LY2Fiub67nl+v4cO2f6/Fu3rwZISEh+N///od27dpBJBIhLy8P9vb2iI2NrXP+fOcD8FsYx/f54vv8ch0bvo+X673ONR+u7fnOh2v/qhTZ1gYtF/j/McZw/vx5JCYmIiYmRnqC+GZqaoqMjAxoaGgAACQSCWxtbQWJXVVVhT/++AMbN27EkSNHMHDgQEyYMEHQIi8vLy8kJSWhZ8+eMsvixcXFCZZDVVUVYmJikJiYKF0qLjg4WFrNyzdTU1NcvHhR+pfMs2fPYGdnh6tXr8LBwQGpqam8xi8vL0eTJk14jaGMmZkZtLW14eXlhd69e8PV1VXQ2ZMGDRqEW7duIScnR2FBG9/Ldr56foU4369TXl6Oq1evgjEGCwsLQa+L8PBweHh4wM/PDwCwd+9enD59GgMGDMDMmTMFWUKVEEIIIYQQQgghhBBCCCH1IyUlRVqEY2BgAEdHx9e+BOfSPicnR6bIx8DAAEOHDlVY5AO8XIlo4sSJSl/8+/j4yLQvKyvDn3/+KdP/gAEDZN59NuT+uY6RKv1zxeX8ch0frv2rcrwPHjxAbm4uAKBDhw5o3bq10lyEOL9c8gG4XQ9nz559bWFQ165d63S8AL/PB67jyfV5wufxqnItcM2HS3u+8+Ha/4YNGzB//nylRXFBQUEKj/lNqMgKQEFBAQ4fPoy///4biYmJ0NbWhqenJ3744QfeY8+dOxf79+/HiBEjALwsLvLx8cGiRYt4jTtjxgz8+uuv0NPTw4QJEzBmzBi0bNmS15iKbN68WeH26qXz3gdz5szBgQMHMHz4cIhEIuzcuRP9+/dHREQExo0bh927d/Mav1WrVnBxcUG/fv3Qr18/wZarBIBPPvkEZ86cQevWrdGnTx/06dMHrq6u0qJDvpWXlyM1NRVjxoxRWA3L92xaJiYmWL16tfR7eHg4Vq1aJf3u7e3Na/ya/Pz8kJCQ8MZtfLGzs0NaWprMtm7duuHMmTOwsbFBRkYGb7HfNFvV5MmTeYtNCCGEEEIIIYQQQgghhJCGR5XCCOpfcf+nT59GTk4O+vbtCz09Pen2zZs3vzPvhPkez3c9H4B7IVRD0hDHs7YaWu4N6dkDcC+Kqw0qsgKgr6+Pvn37om/fvvD09ETbtm0Fjf/777/j2LFjYIyhb9++GDhwIO8xJ0+ejKCgIDg6OvIeq6H6+uuvle4TiUSYN2+eYLnUvAbc3d0xaNAgwWL/+++/OHHiBA4fPozExETcvXsXHh4e+O233wTL4c6dOzh69CiOHTuG06dPQ0dHB3369ME333wjSPzLly+jc+fOgsSqyd3dXek+kUiEI0eOCJaLolm0rK2tcfHiRUHi29jYIDo6Gq6urgBe/oM7NDQU6enpCguw3qbAwECl+0QiETZu3MhbbEIIIYQQQgghhBBCCCHkfVZeXo4VK1bg5s2b8PX1lZmJZOrUqTK/rK5Ke4D/Ip/t27fj5s2bGDhwoMxkBkuXLsWXX37Z4PsH+BujH3/8ET/88AMsLCxw5swZxMTEwN/fH4Did1OqnF8u46NK/1wUFxdj1qxZyMnJga+vL8LCwqT7hg4divj4+DrlL0Q+AL/3DJ/ni+/zC3Afm4Z0fXLNR5X2fOfTIDBC6lFgYKDCjxC++OILuc/06dOZsbExE4vFguTQUJSWlrL9+/ezzz//nJmYmLAePXoInkN5eTk7efIk+/rrr5mZmZmg52DevHmsqKiIVVVVMW9vb9aqVSu2a9cuweLXp3Xr1jEnJyemqanJnJ2dpR8zMzM2aNAgwfI4ceIE09fXZ2ZmZszc3Jzp6+uzEydOsJKSEhYbGytYHoQQQgghhBBCCCGEEEIIEU5ISAgbMWIEi4qKYhYWFuyzzz6T7rO3t69z+9WrV7NOnToxHx8fpqOjw+Lj41/bvtq2bdvY4sWLWVpamsz2JUuWyHyfM2cO69mzJwsLC2Nt2rRh33///TvVP2OqjVFt+7exsWFPnjxhjDGWmZnJTE1N2ZYtWxhjjNnZ2cn1y/X8ch0frv1zPd4RI0awGTNmsF27djF3d3fm7+/PKioqlB4v3+eXaz6Mcb8eXrx4wZYuXcomTZrEfv/9d5l9YWFhdTpevp8P1Wo7nlzHRojrk8u9zjUfVa5PPvPh2j9jjCUnJ7Nff/2VFRQUyGyvy/vn97rIas2aNa/9COHBgwcsLCyMubm5yRQ4vC9+/PFH6ScqKop1796dTZ48uV5y+fvvv5mjoyPr3r07O3nyJO/xZs6cyRhjbNiwYSwgIEDuI5QePXowa2trFh4ezvbt28eePn0qWOzk5GS2ePFi5unpyTQ1NZmpqSkLDg5mv/32G7t3755gedjY2DDGGDt06BDz9fVlV65cee1ftP8lt27dYkePHmUWFhbs2LFj0k9qaqr0H1lCef78OcvIyGDp6ens+fPngsZmjLH58+ezhw8fSr8/ePCAffXVV4LnQQghhBBCCCGEEEIIIYS8L2xsbFhVVRVj7OWkAD4+PiwkJIQxprgIRJX2XIp8GOP24t/a2lr6TuPevXvM2dmZLV68+J3pnzHuY8Q1/5pyc3OZhYUFi42NVZoLl/PLdXy49s/1eG1tbaU/V1ZWsuDgYObj48NevHjxVvLnOx/G+C2M4/t88X1+uY4N38fL9V7nmg/X9nznw7V/VYts36Rxfc+kVZ/++ecfpfuEWh90woQJ6NGjBw4ePIgVK1YgJiYG9vb2gsRuCKZMmSLz/dNPP8WwYcMEzSEtLQ0zZ85EXl4eFi9ejCFDhggSt2fPngAgM81ffdDV1UVhYSEKCgpw//59PHr0CFpaWoLEHj16NDw8PDB27Fhs3LgR+vr6gsR9lVgsBgAcP34cAQEBMDc3r5c86oOhoSEMDQ1x+fLl+k4FjRs3RqtWrVBRUYGCggIAL9fFFcrevXuxcOFC6XcdHR0kJCRgwYIFguVACCGEEEIIIYQQQgghhLxPysvLpe9lNTU1sWfPHgwfPhyTJk16K+0ZY9DW1gYAWFpa4siRI/D09ERlZaXS98H79u1DSkoK1NTUMGfOHPj6+qKsrAwRERFgjMm0raqqgpqaGgCgTZs2OHz4MLy8vN6Z/lUZIy79N27cGIWFhdDV1QUA6OvrIzExEf369UNubq5c31zPL9fx4do/1+N9/vy59GexWIyYmBiEh4fDz88PL168qHP+fOcDcL8eTp8+jbS0NIhEIoSGhmLkyJEIDQ1FdHR0na9nvp8PALfx5Do2fB8v13udaz5c2/OdD9f+169fj/Pnz0NbWxtZWVnw8/ODRCLBmDFjFLavrfe6yGrTpk31nQLu3LmDffv24ddff8WgQYPQv39/eHl5CRb/r7/+woABA964TSgaGhq4deuWILFu3bqFOXPm4OTJk5g/fz4mTJggLbYRwqBBgwBAujZrRUUFGjcW/pbcvXs3GGM4f/48EhMT4eHhgUaNGuH69eu8x87JyeE9Rm1oampi2bJl2L59O5KSklBVVaX0Hxb/NQEBAa8tKo2LixMkj9jYWISHh6NJkybS+1AkEqGwsFCQ+AAU/mVaXl4uWHxCCCGEEEIIIYQQQggh5H3TunVrXLp0CVZWVgBeFuXExcVhxIgRyMjIqHN7rkU+ALcX/82bN8etW7dgZGQEANDW1sbBgwfRv39/ZGZmNvj+VRkjLv3Pnj0b2dnZ0r4BoF27dkhMTFT4S+5czy/X8eHaP9fjNTQ0RHJyMlxdXaXbVq1ahfDwcPz11191zp/vfKrHhK/COL7PF9/nl+vY8H28XO91rvlwbc93Plz7V6XItjbe6yKrmlJTU5GWloZ///1Xum3y5Mm8x62+CJo2bYrHjx/jgw8+QF5eHu9xq0VERMgVVCnaxpeZM2dKf66srERKSgosLS0FiW1hYYH27dsjPDwcL168QHR0tMx+Ic4/AGRlZWH06NF49OgRcnNzcf78ecTFxeHbb78VJH5BQQEOHz6Mv//+G4mJidDW1oanp6cgsRuK2NhY/Pjjj1i+fDn09PRw48YNfPzxx4LFr89iR2UzqZWXl6O0tJT3+NUWLVqEc+fOwcLCQrCYrzIzM8N3332Hzz//HIwxrFy5sl7zIYQQQgghhBBCCCGEEEL+69asWQMNDQ2ZbdWFBTt27Khze65FPgC3F/9Lly7FkydP5P78oUOH8MMPPzT4/gHuY8Slf5FIBBsbG7k+2rZti3Xr1slt53p+uY4P1/65Hu+mTZsUTqqxatUqjBw5ss75850PwG9hHN/ni+/zy3Vs+D5ervc613y4tuc7H679q1JkWxuNvvrqq69U/tP/Ed9++y2WLl2KXbt2oaqqCuvWrQNjTOmD5W06ceIE+vTpAwAICQnBli1bYGlpyfuSeTdu3MCZM2eQkJCATp064fr167h+/TpSUlJw+PBhhIWF8Rq/WnJyMtTU1KCmpgZNTU189NFHmDdvHho1asR77Bs3bsDIyAgPHjxAfn6+zOfevXsYPHgw7zkAwPDhwxEVFYXjx48jNDQUbdu2xeeffy5YkZeFhQUYY+jbty+WLVuG2bNnCzqbWkOQkJCAL7/8Ep07dwYAfPjhh7h+/bpgS3cOHz4cISEhb9zGBzs7O5mPhoYGDh48iJUrVyInJ0eQHABg27ZtmD17tiCxlOnZsyeWLVuG0NBQLFmyBC9evMD69esFWz6TEEIIIYQQQgghhBBCCHnfLFy4EHp6ejA0NJRZcUYsFsPa2rrO7bOystCzZ0/pxBfVtLS0pKvOvMrExARisRht2rSRblNTU8PIkSOhrq4ONzc36fZdu3bB2toarVq1kulDTU1Npl1D7R/gPkZc+v/pp5/wxRdf4NChQ5BIJNDX14empqbCvAHu55fr+HDtn+vxjhgxAiKRCB06dJA7zg4dOtQ5f77zAbhfD87OztDQ0MCHH34o3SYWizFs2DCYmZnJjCvf54vv88t1bPg+Xq73Otd8uLbnOx+u/bds2RKVlZUy17qWlhb8/f3x8OFDpX8HvImI1WWxwf8IKysrpKSkoFu3bkhLS8PVq1cxf/58pdWMfElKSkJRURG8vLx4LzLavHkzYmNjkZKSAicnJ+l2bW1tBAcHY+DAgbzGJ//HyckJKSkpsLe3x4ULFwBA5mfCPwcHB6Smpr5x29t248YNXLt2DeHh4Vi1apV0+5MnT7Bw4UJcuXKF1/jVJBIJ4uLisGHDBmRnZ+PZs2c4deoUunTpIkh8AFi+fDmaNWuG0aNHQ11dXbq9WbNmguVQraysDABe+498QgghhBBCCCGEEEIIIYTU3a5du5CQkCBd0mzIkCHw8vJS+n6Aa/uwsDD89ddfsLCwgJ+fH3x9fWVmoVEkMjISfn5+MDU1fWP+UVFR2Lt3L548eQJfX18MGTIEjo6O70z/APcx4to/AKSkpGDPnj3Yt28fWrZsCT8/P/j5+aFjx44y7bieX67jw7V/rsebkpKChIQE7Nu3Dy1atJAep4mJyVvJn+98AO7Xw5QpU+Dn5wd3d3eFs2bVxPf54vv8ch0bvo+X673INR+u7fnOh2v/O3fuhLe391t/50tFVvi/IhcbGxukp6dDJBKha9euOHv2rGA5vHjxAhUVFdLvQhUWbNiwAUFBQYLEUuTJkyeYM2cODh8+DJFIhH79+uGbb75BixYt6i0noXXr1g0nT55E165dkZqairy8PAwePBjnz58XJH5FRQXi4+ORnZ0tcw3Onz9fkPgA4Ofnh4SEhDdue9tSUlJw9uxZfPvttzKzKD158gS//vorLl26xGv8hlDsGBwcjPj4eLi5uWHChAnw9vaGqakpcnJyeI9dU81qbJFIBMYYRCIRKisrBc3j/v37yMzMlFk61tvbW9AcCCGEEEIIIYQQQgghhJD3TUVFBY4ePYqEhAQcPHgQlpaW0iIGHR2dOrevbZEPoFrhS2FhIfbu3YuEhARcu3YNXl5e8PPzQ58+fWTegTTU/rmMkar9V7t+/Tr27NmDhIQESCQSpKWlybXhen65jA/X/lU93hs3bkiPs6ysDL6+vvDz84ODg0Od8hciH4C/wjiuxwvw+3xQZTy5PE/4PF5VrwWu+dS2Pd/5cO1flSLb2qAiKwC9evVCYmIigoKC0KZNG+jr62P9+vW4ePEi77F37NiBadOmoaCgAADqpbAgPj5eWuTk6emJIUOGCBbbz88P7du3R3BwMICXRV937tzhvbimIdm6dSu2b9+OjIwMTJgwAb/88guWLFkiyHKVADBs2DAUFBTAxcVFZga1yMhIQeIDimeNsrGxkVun922rfljv27cPvr6+0u3a2toYO3asTOETX6qqqrBkyRLMnTuX91iKaGlpwdHREbNmzcKAAQMgEonQsWNH3Lx5s17yqU+xsbFYuHAhHj16BFNTU6Snp6Nbt244depUfadGCCGEEEIIIYQQQgghhLxXzp07hz179mD//v21emfLpX1tinwA7oUI1UpLS3HgwAHs2bMHZ8+eVfrOpaH2D9RujFTtv/p9OAAUFBTILP2lDJfzW9vx4dp/XcazoKAAe/fuxd69e3HgwIG3kr9Q+QD8FMZxPd6a+Hg+qDqetX2eVOPjeOtyLXDNpzbt+c6Ha/9ci+LehIqsAFy6dAnGxsaQSCSIiIhAcXEx5syZAzs7O95jGxsbIy4uDo6Ojm+8oPiwaNEi7NmzB+PGjQPwsuDHz89PsIIPa2truQeBom3/dcnJydi7dy8YYxg0aJDSNXb5YG5ujitXrkj/MSOk9evXY926dbh8+TIsLS2l2588eQJzc3Ps27dPkDz+/PNPeHl5CRJLERcXF5w7d65eYpeWlmL79u3YsGED8vLyMG7cOPzyyy/Izc2tl3zqk42NDY4fPw4PDw9cuHABJ06cwC+//IKff/65vlMjhBBCCCGEEEIIIYQQQggPalvko0phBACUl5ejSZMmde6/srIS9+7dAwC0bdtWOnHC2+r/dWozRsr6X7NmDQICAqCrq4ucnByMHDkSqampsLKywrZt22BhYVHrPFRR2/Hh6nXjWVZWhqZNm6Jx48YoLi5Geno6zMzM0LZt29f2WVxcjCZNmsgsbfY2zq+q+Sjztgvjahbdvel4Hz16hMzMTJibm0NPT09pu6KiIty+fRtNmjSBiYkJ1NXV35hvTVzulydPnkhX6art2FTj4/rkeq9nZmaiS5cuKuVTm/Z1efbw0T/XojiF2HtMIpGwtWvXsm3btrHKyko2ffp01qVLFzZ06FCWl5cnSA6urq6CxFHG2tqalZWVSb+XlpYya2trweJ7e3uzBw8eSL8/ePCADRo0SLD4hLF+/fqx58+f10vsW7dusaNHjzILCwt27Ngx6Sc1NZVVVFQIlseLFy9YVFQUGzBgAPPy8mLfffcdKy8vFyz+uHHjWHZ2tmDxlLl06RKbNm0a09XVZd27d2dr1qzhPaaHhwdjjDEdHR3WunVr6af6u5AcHBwYY4xZWVlJt3Xv3l3QHAghhBBCCCGEEEIIIYSQ90lRURELDg5mnp6ebPXq1TL7/P39OfVlamoqt6241sE0FQAAIABJREFUuJhNnz6dzZgxg5WUlLDly5czGxsbNnbsWPb48WOVcn7x4oX051OnTkl/LisrY5MnT2Y2NjZs/PjxrKioqM79FxQUsFGjRjENDQ2mp6fHWrduzTQ0NNioUaNYfn5+nfuvzvvLL79kRkZGTE1NjampqTFjY2MWERHBSkpK3thfZWUlu337tvTdXs3+O3fuLP3Z39+frVu3jkkkEhYfH8/69Okj11dcXJz05wcPHjBvb2+mra3NevfuzW7fvq3wWJYuXcomTZrEfv/9d5l9YWFhde6/Nmoe7+bNm5m6ujrT19dniYmJrH379szZ2Zm1atVKJna1J0+esClTpjBtbW0mFouZWCxmBgYGtX5HV1RUxEpLS99aPowxdvPmTenPlZWVLDIykvn6+rKvvvpK7tqp6fHjx+zChQvs0qVL7NmzZwrb/PPPP8zFxYUNHTqU5efnsz59+jCxWMysrKxYenq6XPuxY8eygoICxhhjiYmJrHXr1szFxYXp6uqyvXv3yrXPzc1lAwcOlI5ly5YtmYaGBpsxY8Zrc3+dN/05Y2Njlfp1d3eX29aqVSsWHh6ucCxqq6qqSvqzonv91Y+RkRGTSCQyNSPVHB0d2cqVK2XqOeri1Xy43r+vet2zpzbu3bvHqX014adOakAmTZqEAwcOYN26dfjoo49QXFyMyMhIGBsbIzQ0VJAcwsPDMX/+fKSmpiIrK0v6EQpjTGY9VE1NTTABJjebOXMmZs6ciebNm8PW1hYhISEICQmBnZ0dWrZsyXv8mh4+fIipU6eiV69ecHFxkX74FhAQgOHDhyv98G3t2rVYu3YtzMzM4OHhge+++066be3atbzHBwBDQ0O4ubnByckJvXv3ln7s7e1lli7k2xdffIEjR44gJCQEwcHBOHLkCKZNmyZY/MLCQtjZ2cHb21vQa+BVXbp0wYoVK3D37l1MmzYN+/fv5z3m1q1bAbycpvGff/6Rfqq/C6lp06ZgjMHMzAyrV6/Gvn378PDhQ0FzIIQQQgghhBBCCCGEEELeJ6GhoWjRogVCQkKwe/duDB06FJWVlQCgcEaSmu9TX/2UlpbKtQ8ODkZlZSWKiorg6+uLmzdvYt26dWjdujU+//xzhTmVl5dj2bJlCA4OlntXMnXqVJmZVaZOnSr9ef78+SgpKUFMTAxatmyJ//3vfwr7v3PnDoYOHYrhw4ejoKAAU6ZMgba2Ntzc3KSz71QbM2YMHB0dUVhYiIKCAhQWFqKwsBAODg4YM2bMa0ZWMQ8PD7mZYcaPH4+SkhIcOHAAxcXFKC4uxv79+/H06VOMHz9ero+IiAjcv38fAJCWlgZDQ0M4Ozujffv2SE5Olum/qqpK+nNOTg4mTZoEDQ0N+Pv7o7i4WK7vpUuXysSxtrbG1atX4evrq3A8p06dirS0NJibm2PGjBky5zQpKanO/b/Jq+MZFRWFK1eu4I8//oC/vz8SEhJw7tw5nDlzBosXL5b784GBgdDV1cXRo0cRHh6Ob7/9FnFxcdi7d6/C9gDw9OlThIWFoUWLFmjVqhW0tbVhaGgofb9bl3wAYOjQodKfFy9ejEOHDmHUqFHIzMzEF198Idc+Ly8PPj4+0NHRgaOjI9zc3PDhhx9i5syZKC8vl2kbHh6O8PBwuLu7o1evXhg2bBhKSkowZ84chIWFyfV94cIF6YxVCxcuxOHDh3H27FmcO3cOX331lcLxHD58OB48eICoqChMmzYNOTk5KCwsxIwZMxQer5OTE77//nul7wRrjqeurq7c586dO2jdujV0dXXl/qxEIlH6uX79ulx7LS0tVFVVwd3dHc7OzoiOjsbTp08V5gW8fL/atWtXDBs2DPfu3YO7uzsaN24Ma2trZGRkyN3rzZs3h5aWFpo3by793L59G5qamtDS0pLr/969e0hMTIShoSECAgJw8ODB19aScHl2Vm/jcv9yefYAL2cZ++KLLzBz5kyUlpYiMjIStra2GDduHIqKijjNOlbTe71coKWlJbKysvDvv/+iTZs2ePz4sXTJPisrK1y6dIn3HKKiojB//nzo6OhIi0pEIhGnadLqIigoCOXl5QgNDYVIJML69esBABs3buQ17sKFC1+7f8GCBbzGr8nX1xc9evTAhg0bsGLFCsTExMDe3h6LFi3iNe7mzZulP8+fPx9ff/21zH5F/2h5mwIDA5XuE4lEvF8DNXl4eODIkSOCxXuVjY0N0tLSpPd/RUUFHBwckJGRIUj8mtdCTXxfA0TWkSNH4OjoiIcPHyI0NBTFxcVYunQp+vXrV9+pEUIIIYQQQgghhBBCCCH/SXZ2dtLlmqqqqvDpp58iPz8fu3fvhouLCy5cuCDTXiwWw8jISOGL/rt37+LFixcy22xsbJCRkYHKykro6uri/v37aNy4MaqqqmBnZ6fwXVD1OwJnZ2f8/PPPGDBgAFauXAkAcHBwQGpqqrStvb29NEd7e3skJydDQ0MDVVVVsLW1VbhMmre3N/r374+nT59i586dGDFiBCZOnIht27bhxIkT2L17t7SthYUFrly5onDslO2TSCQK2wOAubk5cnNzZbaZmZnh2rVrCtsr2telSxdkZmYCAAYMGIBp06bho48+QkpKCsLCwnDmzBlpW19fX3zyySfw9/fHqFGjsGDBAlhYWCA/Px8DBw6UO781x9PW1hapqanSd+i2trZIT0+XaW9ra4u0tDSIRCKUlZVh5MiRaN++PaKjo2X6UrV/gNt41rw+jIyMcOvWLYWxq71ak+Dq6ork5GRIJBLY29vj6tWrcjGHDh0KW1tb+Pj4YMuWLWjfvj3c3Nwwf/589OrVC3PmzFE5n1e3Ozk54fDhw/jggw/w/PlzODk5yV3Tnp6eGDt2LHx8fLB582aUlZVh0qRJmDVrFj744AN8//33Cvs2MDDAnTt3XptPzevP2dlZZoKG6nu7ple3devWDWfOnEFlZSU6d+6s8Dpv3749HBwccOTIEXh7e2PixIn46KOPpEsY1tS3b1907NgRs2fPRuPGjcEYg5ubG06dOgXg5QQjNYnFYohEIpnnVfV3kUgkLSitVn2+Xrx4gfj4eGzatAmnT5/GkCFDMHHiRPTq1UumvaurK6ZMmYLi4mJ8//33+OyzzxAYGIh9+/Zh7dq1OHHihEz7CRMmQCwWY+XKldKiKmNjY+Tk5MgdK/B/5yQ/Px+//PILNm3ahGfPnuGTTz7BhAkTYGRkJNOey7MT4H7/cnn2AMCIESPQrl07lJaWIjs7G+bm5vjkk08QFxeHR48eITY2VuFxv5FK81/9R9jZ2Sn8mTHG7O3tBcnBwMBA5akc34bS0lI2a9Ys5ujoyBwcHNisWbPkphT8r7O1tWWMMekyic+fP5cuYSaUV6+/983ixYtZaGgoO3v2LMvMzJR+hGJlZSWzPOCLFy9klowTipBLFDY058+fZ/3792empqbM2NhY+iGEEEIIIYQQQgghhBBCyH+XhYWF3LapU6cyb29vZmlpKbfPyMiI3b17V2Ff+vr6cttqvvN99X1c9TvCV9nY2EiX3CotLWU+Pj4sJCREaR/VS205OzvL7FP2/q86blVVFdPT05OL/WofJ06ckOvj+PHjSvMXiURMLBYzkUgk/VR/F4vFcu0tLCzYtWvX5LZfvXpV4fmpuSyjg4ODwmOrdufOHebo6Mjc3NzYkCFDpEvzderUiR06dEiu786dO7OsrCyWmZlZq/NVczlCxl6+axsyZAibOHGiwvHn2j9j3MbT0dGRXbp0iZ08eZLp6Oiw06dPM8ZejmX1u+iarKyspMu0FRYWMicnJ5l9inTp0kXme/fu3RljL5eCMzMzq1M+jMneMy4uLjL7FI3pq/107dqVMcZYRUWF3BKeVlZWTCKRsPv377NmzZqx+/fvM8Ze3meKrrWwsDD2v//9j5WVlbHZs2ezrVu3sqqqKnbgwAGFy03a2tpKl7bLzs6Wjg1jTOHzpOYx3b17ly1dupSZmZmxDh06sHnz5rGcnBy59qtXr2Y9e/ZkGRkZjLHXLxfYrl07pUvtvel5Ve327dtswYIFCuPUPB8dOnRQuq+m33//nTk7O7MDBw68MX9F+Rw/fpx98sknTFtbW24fl2cnY9zvXy7PHsb+79qsqKhgH374ofRdfGVlpdLrvzYaq1aa9d/w/PlzXL58GYwxmZ8B4N9//xUkByMjI7Rt21aQWIpoampi2bJl9Ra/oqIC8fHxyM7ORkVFhXT7/PnzBctBTU0NwMulwh4/fowPPvgAeXl5gsUHoLASVigxMTEYOXIkWrRoIa3w/O677+QqYflUPYPaX3/9Jd0m5Ixu/fv3R//+/REUFASRSITY2Fh4eXkJEht4ObXt6NGj8ejRI+Tm5uL8+fOIi4vDt99+K1gO9W38+PEICwtD9+7dBV0qEsAbl8ecPHmyQJkQQgghhBBCCCGEEEIIIe8XQ0NDJCcnw9XVVbpt1apVCA8Pl3lvVK16yb927drJ7Rs8eLDcNrFYjOfPn6Np06Y4d+6cdLtEIlG67FV5ebn03Z2mpib27NmD4cOHY9KkSXJtMzIy0Lx5c+nMNHl5edDX18ezZ89klsqrqbpvkUgEa2trhfuqRUdHY8yYMVBXV4ehoSFEIhFycnLw/PlzbN26VWH/bdu2RXp6OnR0dOT2dejQQW5bZGQk3Nzc4OzsLBMjJSUFP//8s1x7FxcXrFy5Ep9//jmcnJxw4sQJ9OrVCxcvXkTTpk3l4qWkpCAxMRFZWVno2bMnDA0N4eXlhWbNmsn1LZFIMHDgQOm5qR7PJ0+eSFekqal169a4dOkSrKysAACNGzdGXFwcRowYoXCWMq79A9zGc/HixejduzdEIhF27NiBefPmIT8/H3fv3kVMTIzcnx83bhy6d+8ONzc3/P3335g+fToAoKCgQOn7Y5FIBIlEgmbNmuHBgwfSJfmaNWsmfe+taj4AcPHiRejq6oIxhpKSEjx8+BA6OjqoqKiQeZ9fTSwWS9vcvHlTOo6NGjVSuDRl586dUVFRga+//hoBAQGwtrbGqVOn4O/vL9f3ihUrMGvWLLRv3x6tWrXCt99+i08++QR9+/ZVuCrT9OnTYWtrC3t7e5w/fx4//fSTdDwNDAyUjicAtGvXDrNnz8bs2bNx4sQJbNq0Cba2tnjy5IlM+7CwMPTv3x/BwcHo3bu30vsceDnTVEZGBjw8POT2OTg4yG1T9EwyMDDAV199pXB5xIqKCjx79gwlJSV49OgRCgsLoauri7KyMqX1Lj4+PujevTvCwsKwfft2hef0dfn06tULvXr1wurVq+X2cXl2AtzvXy7Pnur+gJfXooGBgfS7WCxWer/Xxnu9XKCRkdFrH05CFHjMnDkTubm5CAgIgLq6unS7t7c377EBYOLEifj222/RqlUrAMDDhw8xZ84cpQ/Vt23YsGEoKCiAi4uLTGFFZGSkIPEBYOzYsfjhhx+wZcsWrFmzBi1atICJiQm2b98uWA6KpscTSvW0iUlJSYiIiEBERATmzZsn8w/N/7qqqirExMQgMTERjDF4enoiODi4Tg9XLtzd3bFo0SJMnToVFy5cAGMM1tbWgixZ2lDUnA5YaA1p6UxCCCGEEEIIIYQQQggh5H1y7949NGrUCLq6unL7Xi2+UsWtW7fQvn17uWKP3NxcXLp0SeEv3ffu3Rtr1qyRvvgHXhYzjBgxAgkJCXJLfClSXFyMK1euoFu3bnL7unXrhsTERGhqaspsLyoqQr9+/XD+/Hm5P5OSkiJdWs3AwACOjo5K33MHBATg008/VVjYMXjwYOzdu1due1lZGf7880+ZGAMGDEDz5s0VHtuECRNw4cIF6Ovr4/Tp09DX14e2tjZiY2MVFo/UlUQiwf3792FsbCyz/dKlS1BXV0enTp1ktldWVmLHjh0YPXp0nfoHVBvPmnmkpaWhQ4cOCq9xAPj777+RkZEBJycn9O7d+425RkZGYuvWrTKFWcHBwSgoKMBHH32ksDiFSz63b9+W+d62bVuoqanhwYMHOHXqFIYMGSKzf8uWLZg9e7ZMYZOfnx8KCgoQGBiIP//8U6Z9dX42Nja4ffs2du3ahY4dO8r1W5NEIkF2djbKy8thaGgorW1Q5MqVK8jMzISdnR1MTEyUtqumbNlEACgtLVV4DwAvC5AiIyNx8uRJ/P7772+MUxuXL19G586da90+KioKP/74IyoqKvD5559j37590qK1gQMHYvHixa/987t27cLRo0exZs0ahfsTExPRt2/fWufD9dnJ9f7l+uxxcnJCUlISmjZtivLycunfAxKJBN27d1e4PGhtvNdFVg2Bu7u73DaRSIQjR44IEl/RQ0PIgh9zc3NcuXKlXmdyqunUqVMoLi6Gl5cX77PpzJw5U/rz5s2bMX78eJn9y5cv5zV+terzvWjRIrRr1w5BQUH1UvRVXcUuEonQt29fODo6Chq/Pjk5OSElJUVu3W5lf6H/F02ZMgUTJ06Evb19fadCCCGEEEIIIYQQQgghhBCBVVZW4t69ewBeFnUIvepFTaoU7nDJXyKRQENDQ+79aGFhIfLy8ngpUuJDdnY2srKypIUvit7tSSQSfPPNN9i2bRvy8/MBAO3bt8fIkSMRERGhtIDlzp07MgVfymYhUtW73j/Xwiy+8+Fa2MQV1/y53I9cC4mEwCV/VYrW+Hrevq2ixzepzbMHUK3ItjaEmaaFKFRVVYVly5bh6NGjMh+hCqwAyFULVi+dKBQDAwPpFIYNQc+ePeHj4yPIP9w0NTWln8mTJ8t8f7VynU9isRjbt2/Hjh07pH+BCH1O1q9fD39/f9y7dw/5+fnw9/dXOP0oX/Ly8jBw4EDp2A8aNAi5ubmCxW/cuLHM9Il5eXmCzaJV35ydneHi4oLk5GR069YNNjY2cHFxkX6Elpqaio0bN2Lt2rXSDyGEEEIIIYQQQgghhBBC+HH//n2MHj0aWlpacHJygoODA7S0tDB69GhpEUBtmZmZyW2TSCSIiIiAsbExmjZtiqZNm6Jjx46IiIhAaWmpwn6srKzkigSAl0tOvVokUDN/R0fHWuXfrFkziEQiVFZWIi8vD3l5eaisrISuri6nAitFMyu9ba9OElGTkZER7O3t4eLiAjs7O6V/vqSkBAcOHEBxcTGKi4uxf/9+lJSUKOz78uXLcHV1RdeuXTF9+nRMmzYNXbt2haurKy5fvlzn3N9m/4pcuXKFU//V12fHjh1rfX0CgKenJ6ZPn/7GAiuu+dTMics9Y2FhAT8/PzRt2lR6Pb+NvrnmX30/amtr1/p5wqXASpWxUUbR/avK89DGxgY2NjYAXi6/On36dKUFVlyfV1yPl8uzU5X+q9Xm2VPd7tUCK+DlMp+qFlgBABipV87OzvUaf+LEiSw8PJzl5eWx3NxcFh4ezoKCgniPu2bNGrZmzRo2efJk1qNHD7ZixQrptjVr1vAev6Y///yTmZubsyZNmjCxWMxEIhETi8WC5lCfTp8+zQYPHsy+//57xhhjV69eZV26dBE0B2tra1ZYWCj9XlhYyKytrQWL36dPH7Z8+XJWXFzMioqKWGRkJOvTp49g8bds2cIGDhzIOnTowBYsWMCMjY3Ztm3bBItfn44dO/baj5CWLVvG7O3tWatWrZi/vz/T0tJifn5+guZACCGEEEIIIYQQQgghhLxP+vXrx6KiolhJSYl0W0lJCYuMjGQeHh5y7TMzM5V+2rZtK9d+2LBhLCwsjGVlZTGJRMIkEgnLzMxkYWFhzN/fn3O+48aNq1P+jDFWUFDARo0axTQ0NJienh5r3bo109DQYKNGjWL5+fkybcvKypR+9PX1Oefv7u7OqX2HDh3qlL+pqanSvhXt69q1K9u1a5fc9p07d3J+r64o97fZP2Py48m1f1Wuz7KyMvbll18yY2NjpqamxtTU1JixsTH78ssvZa5DVfJRJafq66FZs2ZvvB649s01f1Xux+rxNDIyeuN4cs2f6/3LNX8uuSvr/+nTp0r7V+V4ueSj6rVWm2ePKvnUFi0XWM/Gjx+PBQsWoGPHjvUS/+nTp/jss8+wf/9+AICvry9WrlwJLS0tXuMGBgYq3ScSibBx40Ze49dkZmaG1atXo3v37jIzWAk5m1RDcPXqVWzcuBGbN29G+/btFa73zBcbGxu59YFtbW1VXgeVK0VL8wm9XF9ycjL27t0LxhgGDRoENzc3wWI3JAUFBRCJRNDT0xM8tpWVFVJSUtCtWzekpaXh6tWrmD9/Pnbs2CF4LoQQQgghhBBCCCGEEELI+8DCwgJXrlyp9T6xWAwjIyMoesV99+5dvHjxQmabmZkZrl27prD/1+1TxsDAQLpsmSr5Ay9nIRowYABCQkKky+WVlpYiOjoaf/75JxITE6VtxWIxRCKRzPFWf6+eDetVEolEaf7m5uZyq7no6uoqbMsYQ3FxsdwKOIryLykpQUxMjFz+nTt3xr59+2BqairTx7Vr1zB48GC52YjMzc1x9epVpbm/uo9r7lz7B7iNJ9f+Vbk+AwIC0KZNG0yePBlGRkYAgJycHPz000/Iz89HfHy8yvmokhOX65lr31zzV+V+5DKeXPPnev9yzZ9L7qr0z/V4uebzNq41Zc8eVfKprcYq/Sny1hQWFsLOzg49e/aUWXM2Li5OkPja2tqCFjRV27Rpk+AxldHW1kb//v3rO416IZFIEBcXhw0bNiA7OxvPnj3DqVOn0KVLF0Hz6NSpE+bMmYMpU6ZAJBJh3bp1vKzXq4yJiQlu3Lghnb7wxo0bgo+Bq6srOnbsWG8FRvXt4sWLGDVqFO7evQsA0NfXx7Zt22BlZSVYDurq6lBXV0dVVRUYYzA3N8etW7cEi08IIYQQQgghhBBCCCGEvG80NDRw8uRJuV8+P3HiBNTV1eXaGxoa4tSpU2jXrp3cvg4dOshta9SoEa5fv66wyKfm5As1valwpy75A0Bubi6mT58us6158+b44osv8PPPP8tsb9u2LdLT06GjoyPXj6Ljre7rdYUdio4rMTERLVq0kNveo0ePWuWvpaWlMP/IyEi4ubnB2dkZhoaGEIlEyMnJQUpKilxbANDR0cGWLVvw8ccfQywWAwCqqqqwZcsWtGrVqs65c+0f4DaeXPtX5fpMT0/Hzp07ZbZZWlpi9erVcktmqnK8XHPicj1z7Ztr/qrcj1zGk2v+XO9frvlzyV2V/rkeL9d83sa1puzZo0o+tUVFVvVs5MiRGDlypPR7eXk55/U66yImJgYjR45EixYtEBYWhjNnzuC7775Dr1693ov4ADBw4EDs378fPj4+gsVsCIKDgxEfHw83NzfMmDED3t7eMDU1Fby4CACio6MRHh4uXS/W09MT0dHRvMcNCAiASCTC06dPYWtri549ewIAkpKS3riG8duUkZGB0aNHIz8/HwDQvn17/Pbbb7C2thYsh/oWFBSEBQsWICAgAACwa9cuBAYG4p9//hEsh2bNmqG8vBx2dnaYNWsW9PX1X/vbCYQQQggh5P+xd+dhUZXv/8DfAyiCIAgiCrKJgKK4AKK4QrmSKRouKZIrZmouqfSVyiXLMvuUaWouCGaKW6K4pYZZKpuJKBiIgCKGKSouLAr4/P7ww/wYZ1gO29DH9+u6uC7nnGee5z5nzsztzNzzPERERERERETVs2HDBvj6+qJRo0YKRThPnz7F9u3bldoPHToUaWlpKoushg0bprRNapEPIK1wR2r8gLRChx49euDSpUt47bXXlPpxdnZW2b/Uwg4XFxfcu3dP/j1daS1atKhW/EOGDEFqaiqOHj0qnwGsb9++CA0NVZiApERwcDDeffddzJ49G2ZmZpDJZMjMzESXLl0QHBxc7dil9g9IO59S+6/K9SmlMKUqxys1JinXg9S+pcZfleejlPMpNX6pz1+p8UstUpLav9TjlRpPbV5rVYmnsrhcYD2RnJyMLVu2YNu2bXW6VFvJMm1nz57FokWLsGjRInz88ceIiYl5JcYHABMTE9y7dw96enpo1KiRvOr4zp07dRbDnTt3kJycjN69e6OoqAjPnz9Hw4YNa3VMfX19uLi4ICAgAIMGDYJMJkPr1q2RlpZWq+PWJyEhIeXuf+edd+okDjc3NyxYsEChwOjLL7+s0wIjdXN1dcX58+cVtnXt2rVOz0FCQgJsbGyQl5eHRYsWIScnB4GBgejcuXOdxUBERERERERERERE9Co6f/68vAjH0tISLi4uKmddqorc3FyFIh9LS0sMGjRIZZEPAAwaNAgBAQHw9PRU2ufi4qLye1wp8UdHR5db6NCtW7eqHiqAF5MMTJ8+XWVhx7Bhw3DgwAGFbbm5uWjQoEGlv5uUEv+MGTMwfPhweHh4QEur8vO/3L17V74Mn4WFBUxMTFS2kxq71P4B6edTav9Sr89Dhw5hypQpZRamqJpYREo8UmOSej1LPd6qxC/l+Sj1fFYlfqkqG39VrgUp/QPSjrcq8dTmtVbV81MRFlmpUX1Yqs3Z2RkXLlzAp59+CjMzM0yePFm+7VUYHwBu3LihcruVlVWdjP/zzz9j3rx5AIDr168jPj4e//d//4cjR47U6rhPnjxBaGgotmzZgszMTPj5+WHbtm1K6zDXhcLCQqxevRonT56ETCZD//79MXPmzFovNKsv6kOBkbpNmjQJEydOlFcenzlzBqGhoVi7dm2tj52fn4/g4GA0bdoUo0aNwsKFC3Hs2DG0bdsWq1evhrm5ea3HQERERERERERERET0KvLy8sKIESMwdOjQMpfpK83JyQlDhw7F8OHD4erqWmH7qhT5SCnckRp/aZUpdPDy8sLw4cMxbNgwyf1X1owZM+Dt7Q1PT09JhVCViX/v3r0ICwvDuXPn0KNHDwwfPhyDBw+Grq6uyj6r8vhKiV1q/1LVxfUJVL4wpSrHW9WYKnM9SO1bavxVfT5W9nxKjV/q87cq8UspUpLaf1XeZx/FAAAgAElEQVRfPysbT21ea1WJp7I0lyxZsqTK96Yq8/f3x9SpU5Gfn4+ZM2di3bp12LRpEz777LM6jWPTpk1o0qQJ1q9fj48++giGhoZYs2YN3nvvPbWNv3bt2jobHwAMDQ2hra2N1NRU5ObmonXr1iqne6wt48ePxx9//IE9e/bg3XffRYsWLfD5559jxowZtTpuw4YN4ezsjClTpmDgwIGIjY1FXFwc9u/fj6dPn6Jr1661On5pU6dORVJSEvz9/eHq6ooDBw4gIiJC5bSutSEzMxNvv/02/P398fnnnyMqKgq9e/dWmga2tkRFRcHIyEhe2HfmzBnk5OTAy8urTsavDxYvXoyVK1dix44dWLt2Lf7zn/+gqKgIW7ZswaZNmzB16tRaG3vixIlISEhAVFQUtm/fjkaNGmH27NnIyclBcHAwxo4dW2tjExERERERERERERG9yhwcHBAVFYXAwEDs2LEDDx48gKmpKYyMjFS2HzlyJP755x9s2LABixcvRkpKCrS1tWFlZQUNDQ2l9vn5+QgNDcXChQsRGxsLIQSsra3RoEGDMmOaO3cudHR0yuyzOvEDLwod8vPz4ebmBldXV7Rr106+FJqq/qOjoyX3n5eXBwsLCzRu3Ljc+IEX52jXrl2VPkdS4nd0dMSIESMwY8YMGBgY4OjRo1iwYAFOnjyJ/Px8WFhYKBRcVeXxlRK71P6lns+6uD5nzJgBPT09DBo0CD179oS7uzscHR1VFgVW5XilxiTlepDat9T4q/J8lHI+pcYv9fkrNX4psVelf6nHKzWe2rzWqhJPZXEmKzWpL0u1RUdHY8WKFfD09MTs2bNx9epVrFmzBmvWrKmT8aOiovDFF18ojD9ixAgkJCTUyfgAcO7cOfj4+MDU1BRCCNy9exd79+6Fu7t7nYzv5uaGmJgYdOnSBXFxcQCg8O+6VFRUhLCwMAQFBdX6TFqlOTo6IjExUf4CWFxcDCcnJ1y5cqVOxvf09ISXlxf8/f0hhMDmzZtx+PBhnDp1qlbH7dq1K2QyGZ49e4ZLly7J14NNSUlBly5d6mzZ0Prg9OnT5e7v27dvrY3t6OiIK1euoKCgAC1atMD9+/fl/zHr0KFDnb4eERERERERERERERG9qq5du4b9+/cjLCwMubm5GDp0KLy9veHs7Kyy/ZMnT3D06FHs378fUVFR6NWrF7y9vTFixAiltkVFRTh16hTCwsJw/PhxtGvXDt7e3hg6dKjS5AtSZ1+SGv/58+cRFhaGgwcPwsDAAN7e3vD29oatra1a+y99jn755Rc4OjqqPEdV7b/EsWPHYGRkhP379+PQoUO4fPmyynZVfXzLi70q/Vf1eGsr/qpen1LikRJTVc5PbT5eJSr7fKnK+axK/FJf3yrTvqrXgtR4Knu8VY2nsq/PUq+16pyf8rDISk3q01JtpRUXFyM8PBze3t51Om5ycjKCgoIQEhICc3PzOi0u6d69O77++mv07NkTwIuiq3nz5iEqKqpOxn/99dexY8cODB48GBcuXMCpU6fw6aefIiIiok7Grw/69euH8PBw6OjoAHhRtTps2DAcP368TsZXVdRWF4Vu6iwsov+vvALHul6+lIiIiIiIiIiIiIiIgNu3b+PAgQM4cOBApSYGKCwsREREBMLCwrB+/fpy21a2yKcyhQU5OTkwNDSscvyVKXTIzc2FtrY2tLS0kJOTg/j4eNjZ2SE8PLxG+i9LTExMheeoov5VTagwcOBAHD9+HEIIODo6VhgH8OLx/fXXX3HgwIEKH9/79+/L4yov9qr0X9XzWRvxV6XQpyrxlKiJ6+Fl9+7dw+XLl6GpqYkjR45Ierwq+3wHKvd8rM75LOvcVPf1obLtqxN7VeKp6FqoTjyVfX2ujSKxymKRVT2QmJiIoKAgbN++Hba2tvD19a3T5fIA9RQ55eXlYffu3diyZQtSU1ORn5+PM2fOoH379rU+dmmdO3fGxYsXK9xWW86fP49p06YhLS0NnTp1QkpKCsLDwyv1n5v/Ff7+/oiJicHo0aMBAHv27EGfPn1gb28PALX+fPDx8cEXX3yBNm3aAHjxorxkyRJs3769VselF9N8ljWFIwDs3r271mNwdHTEvn37IISAj4+P/N/Ai2ujrmZUIyIiIiIiIiIiIiIi4MGDB2jatKnKfQkJCejQoUOl+6qpIh9AdWFBw4YNMXjwYEyePBlDhgypcHnB8qgqdNi2bRumTZuGZs2aISQkBH5+fjAzM0NaWhrWrVuHUaNGSeq/ZBaY2ljRRlX8GhoasLKyUmiXmZmJVq1aQSaTSVrlSdV1ER8fj0mTJkFTUxMhISGYP38+Tp06hWbNmuHQoUPo2LGjUj9JSUkwMjJC8+bNkZKSgnPnzsHJyUnyd7NlFaZI6b8q8ZelMkVQpZX3PHvZL7/8goEDB1Y6FkD1+fHz88NXX30FU1NTREREYMyYMbCxscH169exceNGDBs2TKEPqc93VbZs2YLJkydLvl9lzue9e/eQmJgIBwcHmJqaKu2v7uvDlStXcP78eXTs2BGdO3eu0diBF8VHly9fRuvWrWFgYFBmu4yMDGRkZAAALC0tYWlpWfmDKCeemnp9lvraJvW58jIWWdUjdb1UW0mR0+bNm5GWllanRU7+/v7Yt28fevfujUmTJsHLywt2dnZIT0+v9bFf1qNHDyxbtgz9+vUDAPz2229YtGgRzp07V2cxPHz4EOfOnYMQAj169FBZ0fq/bOLEiWXuk8lkCAoKqpVxSwp8cnJycPbsWfTq1QsAcObMGXh4eODw4cO1Mu7L45elLgqM1C0kJETl9sLCQjx58gRz5syp9Risra3LfByk/gefiIiIiIiIiIiIiIgqb/Xq1Zg9ezYAID09HUOGDEFaWhpatGiB8PBwpQILDQ0NODk5YfLkyfD19YWRkVG5/VenyKcyhQUODg7w9/fH1q1bcf/+ffj5+WHSpEnyiQTKomp2Knt7e7Rs2VKhXceOHREeHo6HDx+iT58+OHnyJFxdXXHt2jX4+PjUyKQRe/bswciRIwEA2dnZeOedd3DmzBl06dIF27ZtU3nclY1/6dKliI6Oxvr16+WPg42NTZnfCcfHx2PUqFHIyMiAl5cXfvjhB/lMM6pWH+nbty/mzZuHnJwcfPLJJ1i+fDnGjx+P/fv3Y/369Uqr5nz11VdYtWoVtLW1sWLFCixatAjdunVDVFQUFi5ciJkzZ5Z5ni5evIjr16+jQYMGcHR0hI2NjVIbqf1Ljb+0ylyfUs8nIL3wpazZmlRxcnKSF7X07dsXa9asQceOHXHjxg0MHz5cKR6pz3dVNRaTJ0/Gli1bAABeXl4Vxlhe4VR5RWKbNm3C0KFDFdpLfX147bXXsHPnTpiammL37t2YN28eevbsiZiYGAQGBmLKlCkVxl9e8VxERARGjx4NDQ0N7NmzB/Pnz8fjx49x9+5d7Nu3T2mVpaSkJEyaNAnp6emwtLSEEAI3b96EjY0NgoKC0LZt2wrjKU9NFmHWKUGvpKlTpwojIyMxbNgwceDAAVFYWCisra3rbHw9PT3Rt29fceTIEfH8+XMhhBA2NjZ1Nn5psbGxwtLSUtjZ2Ql7e3thZWUlYmNj1RLLq6ioqEjs3btXLWMHBwer/Nu0aZP45ptv1DZ+yd+rKCkpSSxYsECYmpoKZ2dndYdDRERERERERERERES1qEuXLvJ/jxkzRqxdu1YIIcTevXtFv379lNp36NBB7N27V3h5eYnGjRuL0aNHixMnTpTZ/5IlS8TgwYPF9evX5dsq+k70r7/+Eu7u7qJFixbCzc1NdO3aVbRo0UK4u7uLv/76q8z4z507J6ZOnSqaNGkievfuLUJCQlT2HxISIho1aiRatWolfv31V2Fubi66du0qjI2Nxe7du8vs38rKSmFf586dVfZ/48YNMWDAAGFnZyc++OADkZ+fL9/XvXt3pfalx5g6daoICAgQWVlZ4uuvvxbe3t7Vil8IIS5cuCDc3d3F+vXrhRDlfyfct29fcejQIZGdnS0++ugj0bZtW5GZmVnm8ZbeZmFhobCvU6dOSu0dHR3F/fv3RUZGhtDV1RVpaWlCCCHu3r0r2rdvrzKm+Ph40aFDB6Gvry80NDREhw4dRNOmTYWPj494+PBhtfqXGr8Q0q5PqedTCCFkMpmwtrZW+NPS0hLW1tYqH7sGDRqIoUOHioMHD4ri4mKVfZaws7OT/9vV1VVhn5OTk1J7qc93mUwmevToITw8POR/jRo1Eh4eHsLT01PlfcaPHy9u374thBDi119/FSYmJsLNzU00b95cHDhwQCmeEn369BHx8fFCCCGuX7+u8DwqIfX1oXT/7u7uIiMjQwghxP3791Wen4sXLwpnZ2fRtWtXceXKFeHl5SV0dHSEhYWFuHTpklJ7Nzc3cfHiRXHq1ClhbGwsfv31VyGEENHR0aJnz55K7bt166bye/w9e/aIrl27Km0vT+nHvoTU12epr21S46ksFlm9otRd5PT48WOxadMm0b17d9GqVSuxaNEi0apVqzob/2XPnj0Tly9fFpcuXRLPnj2rkzGbNWsmTExMlP5Ktr9KevTooe4QhBAvCnwWLlyo9gKfoqIisX//frWNX9dyc3PF1q1bRa9evUTLli2FoaGhSEhIUHdYRERERERERERERERUy0oXenTs2FFhn6oik9JFC5mZmeKzzz4Tbdq0EVZWVmLp0qUqx5BS5COEtMICVYUVJd979OnTR2X/Tk5O4vr16yI+Pl4YGBjIJ39ISUlROmYXFxeRkJAg/vjjD9GsWTMRGRkphBAiOTlZZdGFEEIMHjxYrF27Vpw/f174+fmJHj16iEePHgkhKi5U6tixoygqKlK4XZ34Szx9+lQEBASI1157TZibm6tsI4Ty+fzxxx+Fvb29yMjIUHmuS4/n5+ensE9V7KX7sLS0VNhXVtGRu7u7OH36tBBCiJ9//lnMmTNHPH36VAQGBiqNKbV/qfELUb3rs6LzKYT0whd7e3uxatUq0b59e9GyZUsREBAgkpOTVbadOXOmmD17tsjNzRUffvih2L59u3j+/Lk4cuSI8PDwUGov9fkeHBwsevToIWJiYioVuxDSCqekFolJfX2wt7eXP/9eLhoqHWfpeMPCwkRwcLCwtLQU27ZtE0K8uE779++v1L70NWhra6uwT9Vz197eXmlbefsSExPL/GvZsqXKfqS8Pkt9batKPJXBIqtXVH0qckpISBDz5s0TzZs3F+7u7uL777+v0/GHDRtWqW017fr16+X+vUref/99ce7cObWMXZ8KfOpLkVddUvesekREREREREREREREpD6tW7cWR44cEYcOHRKOjo4K+yoqkint1KlTYvz48WWOU9kiHyGkFRaUVZhTHimzUx07dkwYGxuLZs2aiV9//VX069dPtG/fXhgYGIjQ0NAK+xdCiM8++0x07dpV5OTkqDx/7dq1E1euXBGJiYlK41dU6FbZ2bVKREZGii+++KLM/Q4ODkqzIYWGhgo7OzuloiUhhBgwYIDSbFJCCPH3338LNzc3pe3u7u7i0KFD4scffxRWVlbyYqXTp08LFxcXlTG9fA5KF9e8PBuO1P6lxi+EtOtT6vksIaXwRcpsTU+fPhVz5swRhoaGwtbWVshkMqGlpSUGDhwon/WrrL5LK+/5npmZKby8vERAQIAoKCiosKhSSuGU1CIxqa8PixcvFj4+PiI1NVV89dVXYvny5SI9PV2sW7dOvPnmm+X2X5mZ0Eq/pn744YcK+1QVifXo0UNs27ZN4RoqLi4WwcHBwt3dXam9TCYTNjY2SjOhWVtbiwYNGpR53FUtwqzota2q8VSERVak9iKnEoWFhWLPnj1i8ODBdTquqiecqkpQqj2dO3cWmpqaol27dqJr167yv9pWHwp8Soq8evbsqfYiL3VQ96x6RERERERERERERESkPn379lVY2qtkKbN//vlHqeBBiOqvjlJRkU/JGJUtLMjJyZEcQ1VmpypRVFQkzp8/L/75558y2zg4OCht++qrr4SLi4to06aN0j4rKyuFQoSbN28KIUSZhQvVib8ikyZNEuHh4Urbd+3aJako4tGjR/LjKO38+fOiS5cuwtnZWVy8eFGMGzdO6OrqCmNjY3Hy5EmVfbm6uspnZoqOjlYopmnbtm21+5cSvxDSrs/qnM+qFr4IUfFsbrm5ueLSpUvizz//FNnZ2WX2XZ3n+/r164Wzs3OFMxZJKZySWiRWldeHb7/9VrRq1Upoa2sLmUwmmjRpIqZNm6byPEmdCW3ixIkqi/pSUlJULheYkpIiXnvtNWFoaCjat28vL/D09PRUOVuZtbW1uHXrlsrjqsyEP5UpwnxZea9t1Y2nLDIhhAARgKKiIoSFhSEoKAhHjhxRdzi1btOmTdi4cSP++usvODo6yrc/fPgQDg4OOHjwYJ3EkZqaijlz5iA+Ph4FBQXy7Xfu3KmT8euD06dPq9zet2/fWh1XX18fLi4uCAgIwKBBgyCTydC6dWukpaXV6rgl/P39sW/fPvTu3RuTJk2Cl5cX7OzskJ6eXifj1wdPnjxBaGgotmzZgszMTPj5+WHbtm24efOmukMjIiIiIiIiIiIiIiI1KS4uxtOnT6Grq1vnY1+7dg3Tpk1DXFwczMzMIJPJkJmZiS5dumDDhg2wt7evVv+//PILxo0bB5lMhl27dmHFihXIyspCZmYmNmzYgDFjxlSr/+HDh2PatGkYNGiQwvb//Oc/mD9/Pp4/f16pfvLy8nDnzh1YW1vXafx17d69e2jatCk0NDRU7j927BjGjx8PU1NT3L17F/v27UOvXr1w+/ZtfPzxx9i0aVO1+peqtq/Pl0VFReH06dMICAhQub9Lly6Ii4ur0TFryvXr1xEZGYm33367zDbPnj1DQEAAgoODYWxsjLS0NGhqauL111/H+vXrYWNjo3SfvLw8pKamorCwEFZWVjA2Nq7x2B8/fozCwkIYGRmV2WbgwIHYs2cPmjRporA9KysL3t7eiI6OrtRYxcXFeP78ORo0aKBy/927d+Xf3VpYWMDExERlu9mzZ2PkyJHo1auX0r6ZM2di7dq1lYqnLFJf22orHhZZ0Svrxo0bSE9Px/Tp07Fhwwb59iZNmqBjx47Q1NSskzg8PT3x7rvvYtmyZQgNDcWaNWtgbW2NRYsW1cn4rzJ1F/iou8irvklMTERQUBC2b98OW1tb+Pr64r333lN3WEREREREREREREREVEsyMjLg7++PtLQ0DB06FMuXL0ejRo0AAO7u7oiMjFRqP3XqVKSnp1eqfXVUtrCguoqLi3Hx4kVYWFigefPm1e7v6dOnAABtbW2lfbdu3YK5uXml+7K3t8fVq1fLbVOT8df24yv1eiuRk5OD1NRU2NnZKRW01ET/VVGZ67Omz6eq6+Hhw4cwMDCo4lGUT2r81Tne6hZOVea5UpEbN27A39+/2o/X48eP8ejRI6Xneunz8+abb+Kzzz4rt//4+HhMmjQJmpqaCAkJwfz583Hq1Ck0a9YMhw4dQseOHat1vFLV5GtbddRMuSTRv5CVlRU8PDzw119/oW/fvvK/Ll261FmBFfAi8YwePRoaGhpwcnLCDz/8gBMnTtTZ+OpUUvE8cuRIjBo1Sumvtunp6WHKlCmIjIzEsWPHUFBQgGfPnqFHjx5Yt25drY+flZUFX19fLFu2DJaWlggMDERhYWGtj1tftW/fHl9//TVu3bqFefPm4dChQ+oOiYiIiIiIiIiIiIiIatG7776LN998Ezt37sTdu3fx+uuv4/HjxwCgsAJM6fZDhw6tdPvqMDExgbOzM5ydneUFLDU9SxAAaGpqwsXFBc2bN6+R/rW1tVUWIQAvJn942ZUrV8r8e/LkSZ3GX9uPr9TrrYShoSFcXFyUCqxePt6q9l8Vlbk+q3I+pV4P5RVY1fX1UJ3rR1dXF05OTnB2dpYXWL0cf1nnJTExsVLPlYpMnz69Rq5/fX19lc/10ucnOzu7wv7ff/99fPLJJ5gxYwYGDRqEMWPGIC8vD6tXr8b8+fMlHZs6XttqKx6tKt+T6F9u5MiRkMlkZe7fvXt3ncRRMu2evr4+bty4AVNTU9y4caNOxla3kqn5hgwZouZI/n+Bz5dffilfNrO2Z1EqKfKaMmWKfBankiKvV3kWJy0tLfj4+MDHx0fdoRARERERERERERERUS26ffs2ZsyYAQAICQnB559/jtdffx0nTpxQ+T2e1PZVceXKFZXbhRA1UkhRVv8A1NJ/hw4dYG1tDVULYGVnZ1e7fylq+/GtSv9Sjre+XZ9ViefffD3U5OOr6nxKPTdSSY1f6rmX2v+jR48wbNgwAMDHH3+M8ePHA3ixbN/SpUurHY9UUvuvrXhYZEWvrPpQ2AMAffv2xf379zFz5ky4urpCW1v7lSkuefPNNwEA77zzjsL24uJihIeHqyMktRX4qKPIi4iIiIiIiIiIiIiISJ3y8vIUbi9atAgNGzZUmGGlOu2rorYLKepb/1ZWVjhz5gzMzMyU9llYWFS7fylq+/GtSv9Sjre+XZ9ViefffD3U9uMr9dxIJTV+qedeav+l+315pihVY9a317baiodFVvTKermwp0RdF/isXLkSADB27Fj07t0bDx8+RIcOHeps/PokOTkZQUFBCAkJgbm5Oby9vdUdUp3jLE5ERERERERERERERPSqaNeuHY4dO4ZBgwbJt82fPx8aGhoql6OS2r4qaruQor71P3ToUKSlpalsXzKLTXX6l6K2H9+q9C/leOvb9VmVeP7N10NtP75Sz41UUuOXeu6l9m9qaopHjx6hSZMmCAkJkW/PyspCo0aNqh2PVFL7r614WGRF9F91XeBT1vR0GhoauHLlChwdHWt1/PoiLy8Pu3fvxubNm5GWlob8/HycOXMG7du3V3doREREREREREREREREVItCQ0NVbp83bx5Gjx5d7fZVUduFFPWt/9WrV5fZ19q1a6vdvxS1/fhWpX8px1vfrs+qxPNvvh5q+/GVem6kkhq/1HMvtf9ffvlFZXs9PT3s27ev2vFIJbX/2opHJlTNjUX0ilBngY+NjQ1kMhmEEMjIyECTJk0AvFjb1NLSEunp6bUeg7r5+/tj37596N27NyZNmgQvLy/Y2dm9EsdORERERERERERERERERERE/x4a6g6ASF38/f1hYWGBsLAwLFy4EBkZGTA0NKyzGZTS09ORlpaGIUOGIDQ0FA8ePMCDBw+wa9euGqtkru927twJJycnTJs2DW+++Sa0tLQgk8nUHRYRERERERERERERERERERGRAs5kRa8sfX19uLi4ICAgAIMGDYJMJkPr1q2RlpZWp3F0794dUVFRFW77X/TkyROEhoZiy5YtyMzMhJ+fH7Zt24abN2+qOzQiIiIiIiIiIiIiIiIiIiIiOc5kRa+srKws+Pr6YtmyZbC0tERgYCAKCwvrPI68vDz88ccf8ttnzpxBXl5encehDnp6epgyZQoiIyNx7NgxFBQU4NmzZ+jRowfWrVun7vCIiIiIiIiIiIiIiIiIiIiIAHAmKyIAQGJiIoKCgrB9+3bY2trC19cX7733Xp2M/ccff+Dtt99G48aNAQD5+fnYuXMnevbsWSfj1zdFRUUICwtDUFAQjhw5ou5wiIiIiIiIiIiIiIiIiIiIiFhkRVSaugp8nj17huTkZAgh0LZtWzRs2LDOxiYiIiIiIiIiIiIiIiIiIiKi8rHIiqgeeP78OW7fvo2ioiL5NktLSzVGREREREREREREREREREREREQltNQdANGrLjg4GO+//z4aNGgADQ0NAIBMJsOdO3fUHBkRERERERERERERERERERERAZzJikjtbG1tcfjwYbRt21bdoRARERERERERERERERERERGRChrqDoDoVWdiYsICKyIiIiIiIiIiIiIiIiIiIqJ6jDNZEanZypUroauri7Fjx6JRo0by7bq6umqMioiIiIiIiIiIiIiIiIiIiIhKsMiKSM00NJQnlJPJZCguLlZDNERERERERERERERERERERET0MhZZERERERERERERERERERERERERlUNL3QEQEXDr1i2cOXMGMpkMvXr1gpmZmbpDIiIiIiIiIiIiIiIiIiIiIqL/Ul6njIjq1IEDB9CpUyfs3LkTO3bsQOfOnREeHq7usIiIiIiIiIiIiIiIiIiIiIjov7hcIJGaOTs7Y/fu3WjTpg0AIDU1FSNHjsSFCxfUHBkRERERERERERERERERERERAZzJikjtiouL5QVWAGBra4vnz5+rMSIiIiIiIiIiIiIiIiIiIiIiKo1FVkRq1rx5c2zZsgUlk8qFhISgWbNmao6KiIiIiIiIiIiIiIiIiIiIiEpwuUAiNbt27Rp8fX0RHx8PAOjcuTN++ukntG7dWs2RERERERERERERERERERERERHAIiuieuPJkycQQkBfX1/doRARERERERERERERERERERFRKVwukEjNfHx8cOTIEejq6rLAioiIiIiIiIiIiIiIiIiIiKgeYpEVkZoNGTIEK1euhIWFBT788EMkJSWpOyQiIiIiIiIiIiIiIiIiIiIiKoXLBRLVE6mpqQgJCcGPP/4IMzMznD17Vt0hERERERERERERERERERERERE4kxVRvWFlZYVOnTrB0dERycnJ6g6HiIiIiIiIiIiIiIiIiIiIiP6LRVZEahYXF4dZs2bB3NwcW7ZswcSJE/H333+rOywiIiIiIiIiIiIiIiIiIiIi+i8uF0ikZg4ODpg4cSL8/PxgZmam7nCIiIiIiIiIiIiIiIiIiIiI6CUssiKqZ4qLixEeHg5vb291h0JERERERERERERERERERERE4HKBRPVGcnIyAgICYG5ujk8//VTd4RARERERERERERERERERERHRf2mpOwCiV1leXh52796NzZs3Iy0tDd4f1IAAACAASURBVPn5+Thz5gzat2+v7tCIiIiIiIiIiIiIiIiIiIiI6L84kxWRmvj7+8PCwgJhYWFYuHAhMjIyYGhoyAIrIiIiIiIiIiIiIiIiIiIionqGM1kRqcnOnTvh4uKCadOmYdCgQZDJZJDJZOoOi4iIiIiIiIiIiIiIiIiIiIhewpmsiNQkKysLvr6+WLZsGSwtLREYGIjCwkJ1h0VEREREREREREREREREREREL2GRFZGa6OnpYcqUKYiMjMSxY8dQUFCAZ8+eoUePHli3bp26wyMiIiIiIiIiIiIiIiIiIiKi/5IJIYS6gyCiF4qKihAWFoagoCAcOXJE3eEQEREREREREREREREREREREVhkRUREREREREREREREREREREREVC4uF0hERERERERERERERERERERERFQOFlkRERERERERERERERERERERERGVg0VWRERERERERERERERERERERERE5WCRFRERERERERERERERERERERERUTlYZEVERERERERERERERERERERERFQOFlkRERERERERERERERERERERERGVg0VWRERERERERERERERERERERERE5WCRFRERERERERERERERERERERERUTlYZEVERERERERERERERERERERERFQOFlkRSTRhwgT4+vqqO4waN2TIEGzfvr1G+vq3nqPHjx/DzMwMGRkZ6g6FiIjqsZMnT0Imk1W7n1WrVmHKlCk1EBEQHByMVq1a1Uhfden58+do164doqOj1R0KERGVw9fXFxMmTFB3GDVq5syZWL58eY30tWTJEvTq1atG+qpLzMNERPXXb7/9BplMhqKiInWHUmW5ublo1aoV0tPTa6Q/a2trbN68uUb6qks//fQTBg8erO4wiIionmB+fOHGjRswNzfHkydP1B0KkWQssiL6Lw8PD8hkMshkMujo6MDW1hYTJkxAfHy8QrvVq1fj+++/r7C/oqIiyGQy/Pbbb7UUcc2JiopCYmIi3n77bXWHUqtKPpwo/WdoaCjfr6+vjylTpmDZsmVqjJKI6H9f6Zyrp6cHNzc3/PLLLzXSd69evbBkyZIa6as25ebm4ssvv8SHH36o7lBqXVFRERYvXgxLS0toa2vD3t4eJ06cAABoaGhgwYIFCAwMVHOURET/G0rnWE1NTbRq1QqzZ8/G06dP1R1arSgsLMTChQvRvn176OrqwtLSEnPnzkVubm6598vIyMCOHTswa9asOopUPZYsWaL0Hlgmk8HLywsA8zARUU2oidz70UcfwcPDo/aCVJM1a9bA09MTNjY26g6lVuXk5GDy5Mlo0aIF9PT00KNHD/z+++/y/WPGjEFSUhLOnDmjxiiJiKg8169fx4QJE2BmZoZGjRrB3t4e77//PjIzM2t8rFclPz58+BDTp0+Hubk5GjdujDfffFPhfFpZWeH111/Ht99+q8YoiaqGRVZEpcyZMwdZWVlITk7Gli1bUFhYiK5duyI8PFzexsDAAAYGBmqMsuatW7cOY8eOhaamprpDqROZmZnIyspCVlYWrl69qrDP19cXO3bswMOHD9UUHRHRq6Ek58bFxcHZ2RnDhg3DtWvX1B1Wndm1axfs7e3Rpk0bdYdS66ZNm4b9+/dj8+bNSE5OxubNm9GyZUv5fh8fH5w7d04pJxMRUdWU5NiMjAwEBwfj559/xqefflqrYz579qxW+y9LXl4eLl26hGXLliE+Ph4hISE4fPhwhcVTmzdvxuDBg//n3tu/bP78+fL3vllZWUhLS4Ouri5GjBghb8M8TERUferIvarUp6JqIQQ2bNgAPz8/dYdS6+bNm4fY2FiEhYUhPj4ebm5uGDJkCB48eAAA0NTUxNtvv43169erOVIiIlIlOTkZrq6uuHfvHnbt2oWrV68iJCQERUVF+Oabb6rUZ1k5+VXKj5MnT0ZsbCz279+P8+fPQ0dHB0OGDEFxcbG8ja+vLzZu3Ijnz5+rMVIi6VhkRVRK48aN0aJFC1haWsLDwwM//fQT/Pz8MH36dBQWFgJQXgrv22+/hY2NDbS1tdGqVSv57BklX5p6enpCJpPJl1bYsmULOnfujMaNG8PKygoff/yxwrTPJf1/9NFHMDIygpmZGf7zn/8oxJmamophw4ahSZMmMDAwQL9+/eRv2oqLi/Hxxx+jVatW0NfXh4eHBy5dulTmMRcXF2P//v3yX7JWZozc3FxMmTIFTZs2hZ6eHt566y38888/ZY4hk8lw8uRJ+e3r169DJpPJv0wvWeIoNDQUNjY20NPTw6xZs+THYmxsjFatWiksZ1gyK9Wvv/4KR0dH6Ovrw9vbWx5jeUxNTdGiRQu0aNECzZs3V9hnb28Pc3NzHD58uMJ+iIio6kpyrp2dHdauXQtNTU15rqgoz5w4cQJdunSBjo4OmjVrhjfeeAPAixx69uxZLF26FDKZDNbW1vL7hIaGwsnJSZ6vSy8PFBMTA3d3d2hra8PCwgIrV65UiPXy5ctwdXVFo0aN0KtXL1y/fl3peEJDQ+Ho6AgdHR106NABe/fuLff49+zZo5R7c3NzMXPmTLRo0QI6OjpwdnZWWL7nq6++goWFBbS1tdG9e3fExMSU2b+Hhwc++ugjhW2lp44uycU///wzXF1doaOjg379+uHevXvYs2cPbG1t0bRpU8ydOxdCCHkfMpkMwcHB6NevH3R1deHi4lLu/zMuX76Mbdu2Yf/+/RgwYACsra3Rp08fdOjQQd6mSZMm6NmzZ4XnjIiIKqckx5qbm6Nfv3546623EBcXp9Dmu+++Q+vWraGrq4uuXbsqzcC8Zs0amJqawsDAAB988IFCLgBe5JQvv/wSb731FnR1dfHdd98BAI4ePSrPt23atMG2bdsU7ldRzpXJZAgKCsJrr70GHR0duLm5IS0tDb/99hs6dOiAJk2aYPz48SgoKADw4kdQx44dw1tvvQU7Ozt4enpi6dKlCAsLK/ccqcrDd+7cga+vL4yMjKCnp4eePXsiNTUVwItZGRcuXIjmzZtDR0cH/fv3R0pKSpn9q1quofT74pL3s8ePH4ejoyN0dXUxatQoFBQUYO3atTAzM0Pz5s0Vzk9J7g4LC4ObmxsaN24MDw+Pcpe719PTk7/3bdGiBc6dOwchBEaNGiVvwzxMRFR9FeXegwcPonv37tDX14eZmRnee+89+ayLwcHB+Oyzz3D69Gn5jFil33OePn26zM8+PTw8MH/+fEydOhVNmjTBBx98AKDifJuSkoIBAwZAR0cHzZs3x4IFCxQ+n7a2tsZXX32FESNGQFdXF46OjoiNjcXly5fRrVs36Onp4Y033sD9+/fLPCcxMTG4c+cOPD09FbafOHEC3bp1Q6NGjWBqaor33nuv0nGVpmo5xZLPmEtMmDAB48aNw//93//ByMgIpqam2Lp1K3JycjBy5Ejo6emhY8eOuHjxovw+JUsAr127Fi1btkSzZs2wcOFCpf8LlRYdHY1Jkyahe/fusLW1xaefforHjx8jOTlZ3uaNN95AWFiY/DsGIiKqP2bMmAFbW1scPHgQvXv3hqWlJdzd3bFu3Tp8/PHHAIBz587B09MThoaGMDExwdtvv43s7Gx5HyU5aMeOHbC1tYWJiYnKsV6V/Jifn4+wsDB8/fXXcHNzQ7t27bBlyxZcunRJ4fvi1157DdnZ2YiKilLZD1F9xSIrogrMmjULt27dwoULF5T2xcbGYvHixdiwYQNSUlKwe/dueXFVSULYt28fsrKysHr1agDA8+fPsWrVKiQkJGDDhg3YvHkzNm7cqNDvwYMHUVhYiKioKCxZsgQffPCB/AvMp0+fYsCAAXj+/DlOnTqF6OhojBgxQl75u3TpUhw5cgQ7d+5EXFwcevbsif79++PRo0cqjy8+Ph65ubno0qWLfFtFY8ydOxenT5/GgQMH8Pvvv+PWrVsYP358dU4z7t27hx07diA8PBy7du3Cxo0bMXjwYDx//hyRkZGYPn06pk6dirt37yrcb/ny5QgODsapU6dw+fJlhS/Ny2JnZ4dWrVrB29sbSUlJSvtdXV1x9uzZah0PERFVnpaWFho0aCD/sLG8PFNUVAQfHx9MmDABSUlJiIiIQP/+/QG8WNLXzc0NH3zwAbKyshAbGwsAOH78OPz8/DBx4kQkJCRgz5498pmUHj9+DC8vL7Rv3x4XL17EypUrsXTpUuzYsQPAi2LkESNGwNLSEn/++Sdmz54tf3NdIiIiArNmzcLSpUuRmJiIRYsWwc/Pr8w3h0IInDt3Ds7Ozgrb/f39cfLkSWzbtg0JCQkIDAyU/4pnx44dWLJkCb744gtcvHgRHTt2hJeXV5n5vbKWLVuGr7/+GpGRkbhx4wZGjhyJ7du348CBA9i+fTvWrVuHQ4cOKd1n1qxZuHjxIszMzDBx4sQy+z98+DBsbW2xe/duWFhYwMHBAUuXLlX4xRLA3EtEVFtu3ryJkydPomvXrvJtQUFBWL16NdatW4eEhAT4+fnBy8tL/oXu6dOnMW/ePCxduhTR0dHIz8/HwYMHlfpeuXIlBg0ahISEBIwZMwbXr1+Ht7c3vL29cenSJcyZMweTJk2Sv75XlHNLLF++HHPnzsWFCxegpaWFsWPHyt/3HT16FEePHsWmTZvKPObs7GwYGRmVuf/evXtISkpSysMjRoxAamoqwsPDERcXh2nTpsk/mF65ciVCQkKwdetWxMbGQkdHB0OHDlXKZ1KtWLEC27Ztw/HjxxEREYGhQ4ciLi4OERERWLlyJQICApSKmZcsWYIvv/wSMTExyMvLw9y5cys9XnBwMIYPH44mTZoobGceJiKqOapyb0FBAQIDAxEfH4/Q0FCcOnUKS5cuBQCMHj0ac+bMgbu7u3zmQQsLC/l9K/rs84cffoCtrS0uXLiADz74oFLvcYcNGwZtbW3ExMQgJCQE27ZtUyrEWrVqFUaMGIGLFy/CwcEB48ePx+zZs7Fy5UqcOXMGV69exWeffVbmeTh79iycnJygpaUl33blyhW88cYb6NevH+Li4nD06FG0a9dOUlxSlaxQERUVhffffx/Tpk3D2LFj4e3tjbi4OLRp0waTJ09WuM+lS5cQGxuLiIgIbN68Gd9++63S++LS3N3dceDAAWRnZ6O4uBhBQUEwMzNT+HGRs7MzCgoKFL6wJiIi9cvOzkZERATmzZsHmUymtN/Q0BAA8OTJE0yfPh3nz5/H0aNHcfPmTYVCqJK+tm7dir179+LcuXMqx3tV8mNhYSGKi4uho6Mj36atrQ1NTU2Fc6OlpYVOnTrx/Sj9+wgiEkII0bdvXxEYGKi0vaCgQAAQoaGhQggh3nnnHTFu3DghhBB79+4V9vb2orCwUOl+hYWFAoA4depUueOuWLFCeHp6ym+/8847wtHRUaGNvb29WLNmjRBCiKCgIGFiYiJyc3OV+srPzxc6Ojri8uXLCtvt7OzEjz/+qHL8n3/+WRgYGChsK2+MR48eCS0tLXH48GH5tr/++ksAEAkJCfJjKDlHQggBQJw4cUJ+Oz09XQAQKSkpQgghtm7dKmQymbh9+7a8zcCBA0X79u3lt4uKikTjxo3FwYMHhRBCnDp1SgAQ0dHR8jaff/65cHFxUXmcQgiRlJQkNm/eLOLi4sTvv/8uhg0bJoyMjMQ///yj0G7u3LnijTfeKLMfIiKqntI599mzZ2LFihVCQ0NDxMXFVZhnsrOzBQCRkZGhsu+ePXuKxYsXK2zr06ePmDFjhsr269evF2ZmZgq5PCAgQLi6ugohhDhy5IjQ0dER9+/fV9hf+r/Rnp6e8jxdYurUqWLy5Mkqx7x//74AIOLi4uTbUlNTBQARGxur8j7dunUTCxYskN8uLCwUrVq1EmvXrhVCvMil5ubm8v2q/l9jZWUlNm3aJIT4/7l4165d8v0rVqwQMplMIS8OHDhQzJs3T34bgPjyyy/lt8+dOycAiMePH6uMe9q0aaJhw4bCw8NDREVFiZ9//lmYmJiIzz77TKHd6tWrFfI+ERFVTd++fUWDBg1E48aNRaNGjQQA0b9/f/Hs2TN5GxsbGxEeHq5wv/79+4tPP/1UCCHEqFGjxOjRo+X7CgsLhbm5uXjnnXfk26ysrMSECRMU+ggICBBdu3ZV2DZ69Gjh4+MjhKg45wqhnGd27typlB+nTZsmRowYofL47927J6ysrMSKFStUnyAhxIULFwQA8eDBA/m2iIgI0bBhQ5GZmanyPqampuL7779XGEdHR0ccOnRICCHE4sWLRc+ePeX7S+fc0sdW8r5Y1fvZadOmCSMjI1FQUCDf5uDgIL777jshhOrcvWPHDmFsbFzmsZZ28+ZNoaGhIY4fP660j3mYiKjqKpN7X7Zz505hY2Mjvx0YGCj69u2r0KYyn3327dtXeHh4KNyvonx79OhR0ahRI3Hv3j2F+zRr1kx+28rKSkyfPl1+OzIyUgAQe/bskW9bsWKFcHZ2LvMY33//fTFs2DCFbX5+fmV+5lrZuErya8n5KX2cL78vfvlz9pLPl0t/PlBybI8ePRJCvMjpTZs2Ffn5+fI2AwYMEB988EGZx5qXlyd8fHwEAKGpqSlMTU0V3u+XaNq0qcI5JCIi9YuKilL6nLYyIiMjhZaWligqKhJCvMhBAER6enq593uV8qObm5vw8vIS2dnZIj8/X8ybN08AEP7+/grthg8fXuZn90T1FWeyIqqA+O9Uh6oqmPv16weZTAZbW1u8++67OHz4cLlTBwMvppQcMGAAzM3NoaenhyVLluDmzZsKbUr/ygUAWrRogTt37gAAEhIS4ObmBl1dXaW+U1NTkZ+fj+7du0NPT0/+l5qairS0NJXxFBQUQFtbW2FbeWOkpaWhqKgI3bt3l29r27YtDA0NFaZAlsrExASmpqby26ampmjfvr38tqamJoyNjZVmsnJycpL/u/R5UsXBwQGTJ09G586d0bt3b+zZsweGhoZKS1jo6OggPz+/ysdCREQVW7lyJfT09KCrq4uvvvoK69evR+fOnSvMM8bGxhgzZgw6dOiAMWPGYOvWrXjy5Em5YyUkJMDDw0PlvuTkZLi4uCj8esjd3V2e05KTk9GmTRs0bdpUvt/NzU2hj8uXL2PBggUKuTc4OLjc3AtAIf8mJiaicePGcHV1LTPO0udES0sLrq6u1cq9gGIeNTU1hYmJicJSuqamphXmXgBl5t/nz5/j2bNnCA4ORrdu3TB8+HAEBgZiy5YtCu2Ye4mIas7UqVNx8eJFxMfH49ixY8jMzMScOXMAvPj1bXp6OkaPHq2Qt06dOiXPW8nJyQq5TktLS2nWJwAKsyGX3K90rgKUc2p5ObfEy7kJgMJ7Q1W5CQDy8vIwbNgwdOjQAQsWLCjz/KjKwwkJCbCzs4O5ublS+4cPH+Kff/5RODYjIyM4ODjUeB5u06aNQlyVycP37t2r1Ixa27Ztg5mZGV5//XWlfczDRETVU17uBV7MUDF8+HBYWlpCX18fEydOVPo8uCwVffapKh9X9B7Xzs5OYdZHd3d3ZGdnKyz/V9V8XKKsz5zLe29embikKv05e8nnyy8fBwCFY7Gzs0OjRo3ktyv6zHn16tVISUnBiRMnEBsbi7fffhtDhw7FvXv3FNox3xIR/XtlZmZi/PjxaN26NfT19fH666+jqKgIt2/flrdp2rQprK2ty+3nVcqPP/74I+7evQsTExPo6ekhMzMTzs7O0NBQLE9hfqR/I62KmxC92kqWk1OVGA0MDOTrxx47dgyTJk1Ct27dVC6lALxYHuGNN97AqFGjsGzZMhgZGWHHjh0IDg5WaNegQQOF2zKZTL5cUHlFXCVfMv/222/yKSxLlLVcgrGxMR4+fKiwrbwxKioiU0UmkyncT9Xa86qOubzzoOp+qvaXp0GDBujYsSPS09MVtt+/fx/NmjWrdD9ERCTd1KlTMXfuXOjp6ckLdYDK5ZmdO3ciOjoaR44cwapVq7B06VL8+eefMDY2lhxHReMJIVQWWpf25MkTrFq1CgMHDlTYXno65NKMjIwgk8mQk5MjaRwpNDQ0lI6tovxbVu59+Yvbl+8DoMz8a2pqCm1tbVhZWcm3OTg4IDMzU6Edcy8RUc1p2rSpfBl7e3t7LF68GOPGjcOqVauQm5sL4MUytKU/QAUAfX19AJXPSS//KKcyObUyVOWZit73FRQU4M0330TDhg2xd+9eaGpqltl/yf8XcnJy5Lm6Ku9zy/NyHlaVg4HK5eGK3gMDlYs/JCQE48ePV/pAG2AeJiKqrvJyb8kSsx07dsRPP/2E5s2b4/fff4e/v3+l+q4oB9anfFyasbGxfCniyowtNReX5LPqfuas6j1tZd4Xl8jPz8cnn3yCkydPok+fPgBeFL4dPnwYO3bswKxZs+RtHzx4wHxLRFTP2NraQiaTITk5GZ07dy6z3YQJE/Ds2TNs3LgRrVq1Qnp6Ory8vBRyj6qJK172quRH4MX/iWJiYvDw4UMUFRXB2NgYLVu2hI2NjUK7+/fvo2PHjhUdGlG9wpmsiCqwZs0aWFhYqPzlLgA0bNgQXl5e+O677xAeHo7w8HDcuXMHmpqa0NDQUEgwycnJyMnJwZdffonu3bvD3t6+0r9aKuHk5ITY2Fjk5eUp7WvXrh0aNmyIrKwstGnTRuGvrCKrTp064enTpwqFRuWNYWtrCy0tLURFRcm3JSUlIScnB23btlU5homJiUI19+XLlyt9vLWpuLgYiYmJSgV0V65cQadOndQTFBHRK6LkQ+jSBVZA5fNMt27dsHTpUsTFxSEnJwe//vorgBdv9l5+c9ehQwf89ttvKuNo27Yt/vzzTxQVFcm3RUZGysdycHBASkqKQkFUbGysQh+dOnVCWlqaUu5VNRsG8GLmDAcHB3khd0mMT548wfnz51Xex8HBQeGcFBUV4fz585XOvXfv3lW4XVe6d++Op0+fKhRVXbt2DRYWFgrtmHuJiGqPlpYWiouL8ezZMzRv3hwtWrRARkaGUt4q+aWqg4MDYmJi5PcvLi5GXFxcheO0bdtWIVcBijm1opxbVU+fPoW3tzfy8vJw4MABhV/WqmJraws9PT2FPOzk5ISUlBT8/fffSu0NDAxgamqqcGz3799HcnLyv+Y9cGRkJK5evYp33nlH5X7mYSKimlU692ZnZyM1NRWffPIJevfuDQcHB6X3Zqrex1ZVRfm2bdu2SElJUZj9IjIyEiYmJmV+flwVnTp1Usi1wIt8W957cylxmZiYAIDa821hYSEKCwuVCrw1NDQUvphOT09Hfn4+8y0RUT3TrFkzeHp64ttvv1VZ0FQySUVUVBTmzZuHfv36oW3btsjOzq7SeK9KfizNwMAAxsbG+OOPP3D79m0MGTJEYT/fj9K/EYusiErJzc3F7du3kZGRgd9++w3jxo3D9u3bsWHDBoUplkscOnQI33//PS5fvoy0tDTs2rULzZo1g7GxMWQyGSwsLBAREYE7d+7gyZMnsLS0RIMGDbBu3TqkpaVhw4YNCAsLkxTj2LFjoaenh9GjR+PPP//E1atX8cMPPyA7OxtNmjTBzJkzMX36dOzbtw/p6emIjIzEokWLkJiYqLI/U1NTODk54ezZs5UaQ19fH5MmTcKcOXPwxx9/4MKFC5gwYQL69+8PR0dHlWP06dMHq1evRkJCAk6fPo3ly5dLOuaasnr1ahw6dAipqam4ePEi/Pz8cPfuXYwbN07epqCgAH/++Sf69eunlhiJiF51FeWZ9PR0BAYGIjo6Gjdu3MCePXvw5MkT2NnZAQCsrKwQFRWFW7du4cGDBwCAwMBAbNy4Ed988w1SUlIQExODrVu3AgDGjRuHp0+fYvr06UhKSsLOnTuxZs0a+dIOAwcORMuWLTFlyhRcuXIFe/fuRUhIiELMixYtwvfff49vvvkGV69eRXx8PNauXYtdu3aVeZz9+/dXyL2tW7fG2LFj4evrixMnTiAtLQ1hYWHyL3Rnz56NdevWYceOHUhKSsJ7772H/Px8+Pr6quy/T58++PnnnxEREYHLly9jypQpSlNR14WBAweiXbt2mDp1KhITE3Hy5EmsWLFC6VfbZ8+eZe4lIqohJe9rs7KycPbsWSxfvhy9evWCgYEBZDIZFi1ahI8//hhbt25Famoqzp8/jy+++AIREREAgOnTp2Pv3r3YuHEjkpOTMXv2bIVi47JMnz4d8fHx+OSTT3D16lWsXbsWe/fulefUinJuVRQWFsLHxwfXrl2TLyF8+/btcguLNTU14enpqZCHPT090bVrV7z11ls4e/YsUlNT8dNPP8mXVpo9ezaWLl2KI0eOIDExERMmTICVlZXSLJYl+vTpg6CgIMTGxuL8+fNYuHBhlY+xJgQHB6N79+5wcHBQuZ95mIioesrLvU2bNkXTpk2xadMm+efHP/zwg8L9rayskJycjKSkJGRnZ0uaqf9lFeXbAQMGwMbGBhMmTEBCQgKOHj2KxYsXVysfq+Lp6Ym///5b4Qc3AQEBOH78OAIDA5GUlCR/71yVuNq0aQMzMzMsWbIE165dw/bt27F79+4aPYbKaNKkCXr27Il58+YhOjoa165dw0cffYT09HQMGDBA3u7s2bNo164dzMzM6jxGIiIq39q1a5GcnIx+/frh+PHjuH79OqKjozFr1iwsW7YMwIsf6/z4449ISUnBsWPH8Pnnn1dprFclPwLAkSNHcPLkSaSlpWHv3r3w8fHBe++9p/BdcmZmJm7dugVPT0+1xEhUVSyyIirl22+/RcuWLWFvb49JkyahQYMGiI2NhZeXl8r2hoaG2LVrF3r37o2OHTsiJiYGhw4dkv9yZeXKlfjpp5/QsmVLzJw58/+xd/+xVtf3/cCf9+4WCKaMBC9s9t7b05sA/kB7IcUyo41uixcVWlNwTSdyqTRXM23WXMTRxs0SM9TO3n7DpNNmXYu4kFIB5/zBxUbS1oVNDCV2o6tMzKTCHQAAIABJREFUuQIlimUD14xLesv9/kE8isJHfpzLuRwej6TJ+dz35/M5r/f7fOqHe8/z835n7Nix+fa3v51vfetbufjii7N+/fosWrTohGocPnx4enp6cujQoXzqU5/K1KlTs2bNmnII7G/+5m/yZ3/2Z7njjjsyceLE/Mmf/El27txZuITSvHnz8oMf/OC43+Mb3/hGrrjiisycOTOf+tSn8pGPfCQrVqw45vm/8Y1v5MMf/nA++clPpqurK1/72tdOqM+VcvDgwfz5n/95LrroorS3t2f//v350Y9+dMQvt88880w++tGP5tJLL61KjQAU32dGjhyZf//3f89nPvOZTJw4MX/913+df/iHf8jkyZOTJHfccUf27t2b1tbW8s+uvvrqfPe73823v/3tXHTRRZk1a1b5y9cPf/jDefrpp/Ozn/0sH//4x7Nw4cLcfffd+dM//dMkh7+IXbNmTbZv357Jkyenu7v7ffexT3/601m5cmVWrFiRiy++OH/8x3+cJ5988ogl8t5r3rx5efzxx4+Yrvnb3/52rrrqqnz+85/PpEmTcs8995SneP785z+fu+++O3feeWc+/vGP56WXXsrTTz+dUaNGHfX8X/ziF/PZz342n/3sZ3Pdddfl85//fMaOHXsSn8apaWhoyFNPPZWBgYFMnTo1X/ziF3PLLbdkwYIF5X1++tOf5n/+53/ymc985rTXB1CL3v699iMf+Uhmz56diy666Ijg75e+9KV8/etfz9e//vVccMEFmTlzZl544YXyDIxXXXVVHnjggdx1112ZOnVqGhoa8ulPf/oD3/ejH/1oHn/88axduzaTJk3K//t//y/f+c53ctlllyX54HvuyfjlL39ZfpDmggsuyO///u+X/1fkvb8DJ8maNWtSKpVy7bXXpq2tLQ899FB5OYSFCxemo6Mj8+bNyyc+8Yn83//9X5544oljLkv41a9+NW1tbfnDP/zD3HjjjfnqV7960n08VX19fVm1alXmzZt31Hb3YYBTV3Tv/Z3f+Z384z/+Y9avX5+LLrooDz/8cPkL27fNnj07l156aaZOnZrGxsbs2LHjpGv5oPttfX19/umf/ikHDhzI1KlT09HRkblz51Y8EDx27Nhcc801R9xvL7zwwvzzP/9z1q1bl49//ONpb28vB5pPtK4PfehDefTRR7Nx48ZccsklWb16df7iL/6ion04Xt///vfT2tqaT3/602lra0tPT0/Wrl2bCy64oLzPD37wg3zhC1+oSn0AFLvgggvy4osvpqmpKR0dHTn//PMzZ86c1NXVpaurK0ny93//9/mv//qvXHzxxfnLv/zLk55M4my6P+7duzdf/OIXc/755+eOO+7Il770pSxduvSIfX7wgx+UH3KGM0ndwIku5gnUnP/93//NhAkT8i//8i9pbW2tdjlV9Ud/9Ef5whe+cMyZQQCgUtrb23PjjTdm7ty51S6lqubPn5+Pfexjueuuu6pdCgBnid/+9re55JJL8nd/93f51Kc+Ve1yqsp9GIDBsnHjxnR0dOTnP//5MYPJZ4Pt27fnD/7gD/KLX/wiv/u7v1vtcgCoMvfHww4dOpQLLrgg3/nOd3L55ZdXuxw4Ib/ztWpNKQMMGcOHD89FF12Uvr6+wlk3at2vf/3r7N27N7feemvq6uqqXQ4ANe4Tn/hEdu/efVavOX/o0KH8/Oc/z5e//OUMGzas2uUAcJaor6/PlClT8t///d/HXELvbOA+DMBgam5uTkNDQ37v937vrA4X/cd//Efa29tz8cUXV7sUAIYA98fDfvnLX2b06NGZPXt2tUuBE2YmKwAAAAAAAAAAgAL11S4AAAAAAAAAAABgKBOyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUKCh2gVU0vDhw9PY2JgkOXjwYIYPH17lioYGY3Ek4/EOY3Ek4/EOY3GkEx2PN998MwcPHhzEioaGd993q6WWrlV9GZpqpS+10o9EX4aqavbFfffE1dK1N1QY08ozppVlPCvvbB1T990TV6vXSq32K6ndvtVqv5La7Vut9iup3b5Vul9nw3230n9jPpOvrTO59kT91XQm156ov5rO5NqTytZ/IvfcmgpZNTY2ZteuXUmSnp6etLe3V7miocFYHMl4vMNYHMl4vMNYHOlEx6OpqWkQqxk63n3frZZaulb1ZWiqlb7USj8SfRmqqtkX990TV0vX3lBhTCvPmFaW8ay8s3VM3XdPXK1eK7Xar6R2+1ar/Upqt2+12q+kdvtW6X6dDffdSv+N+Uy+ts7k2hP1V9OZXHui/mo6k2tPKlv/idxzLRcIAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKDDoIaurr746l1xySdra2nLFFVdky5YtSZJt27blsssuy4QJE3LppZdm69at5WOK2gAAAAAAAAAAAE6nQQ9ZrVq1Ki+99FK2bNmSBQsW5Oabb06S3HLLLens7MzLL7+cO++8M/Pnzy8fU9QGAAAAQ8GxHioqlUo5//zz09bWlra2tnz/+98vH+OhIgAAAACAM9Ogh6xGjx5dfr1///7U19dnz5492bx5c+bMmZMkmTVrVrZv357e3t7CNgAAABgqjvVQUZI89thj2bJlS7Zs2ZLPfe5z5Z97qAgAAAAA4MzUcDreZO7cudmwYUOSZN26ddm5c2fOO++8NDQcfvu6urq0tLRkx44dOeecc47ZViqVjjhvd3d3uru7y9v79u1LT09PkqSvr6/8+mxnLI5kPN5hLI5kPN5hLI5kPACAoznaQ0VF3n6oaP369UkOP1R0++23p7e3932/7wIAAAAAMLSclpDVI488kiRZvnx5Fi5cmHvuuSd1dXVH7DMwMFB+XdT2bl1dXenq6ipvNzU1pb29PUnS09NTfn22MxZHMh7vMBZHMh7vMBZHMh4AwLG896Git9144405dOhQPvnJT+bee+9NY2Nj4QNHJ/JQ0akSIK88Y1p5xrSyjGflGdPqWLx4cb72ta/lZz/7WSZNmpRt27alo6Mjv/rVrzJ69Oh873vfy4UXXpgkhW0AAABwMk5LyOptHR0dufXWW9PU1JRdu3alv78/DQ0NGRgYyM6dO9PS0pKRI0cesw0AAACGkvc+VPT000/nxz/+cVpaWvKb3/wmd911Vzo6OvL0008nqcxDRadKgLzyjGnlGdPKMp6VZ0xPv82bN+df//Vfj/g78dvL8M6bNy+PPfZY5s+fn40bN35gGwAAAJyM4rUMTtFbb72V3bt3l7fXrl2bMWPGZOzYsZk8eXIeffTRJMnq1atTKpVSKpUK2wAAAGAo6ujoyIYNG7J3797yl78f+tCH8uUvfzk/+clPkiTNzc3lh4qSeKgIAI7TwYMHc9ttt+Vb3/pWObD89jK8c+bMSXJ4Gd7t27ent7e3sA0AAABO1qDOZLV///7MmjUrBw4cSH19fRobG/Pkk0+mrq4uDz/8cObNm5clS5Zk1KhRWb58efm4ojYAAACotrfeeiu//vWvc9555yV556GiESNGZN++fRk9enSSZOXKlZk8eXKSHPFQ0bx58zxUBADH6a/+6q8yZ86cfOxjHyv/rGgZ3nPOOee4l+hNLNN7Mmq1X0nt9q1W+5XUbt9qtV9J7fatVvsFALxjUENWzc3NeeGFF47aNnHixGNOz1zUBgAAANV2rIeK3njjjcyaNSu//e1vMzAwkNbW1vKSgomHigDgRG3cuDGbNm3Kfffd9762omV4j3eJ3sQyvSejVvuV1G7farVfSe32rVb7ldRu32q1XwDAOwY1ZAUAAAC1qOihop/+9KfHPM5DRQBwYn70ox/lP//zP8uzWO3atSvt7e1ZsmRJeRnehoaGI5bhHTly5DHbAAAA4GTVV7sAAAAAAAA4mkWLFmX37t3p7e1Nb29vmpqa0tPTk46OjvIyvEmOWIb33Uv0vrcNAAAATpaZrAAAAAAAOOMULcNriV4AAAAqTcgKAAAAAIAzQm9vb/l10TK8lugFAACg0iwXCAAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAo0VLsAGGylRU8dsb14Sv/7flYNvfddV+0SAIaMk/3v8mD/N91/qwGAoWoo/F57LP4NBTD0nep9ZLB+H3cPAaAWHc89sxrfX7rvApw4M1kBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAQJLk6quvziWXXJK2trZcccUV2bJlS5Jk27ZtueyyyzJhwoRceuml2bp1a/mYojYAqBVCVgAAAAAAAAAkSVatWpWXXnopW7ZsyYIFC3LzzTcnSW655ZZ0dnbm5Zdfzp133pn58+eXjylqA4BaIWQFAAAAAAAAQJJk9OjR5df79+9PfX199uzZk82bN2fOnDlJklmzZmX79u3p7e0tbAOAWtJQ7QIAAAAAAAAAGDrmzp2bDRs2JEnWrVuXnTt35rzzzktDw+Gvl+vq6tLS0pIdO3bknHPOOWZbqVQqn7O7uzvd3d3l7X379qWnp6diNff19VX0fJWyeEr/B+4zatjx7VdJZ8PYH68zuf4zufZE/dV0JteeVK9+ISsAAAAAAAAAyh555JEkyfLly7Nw4cLcc889qaurO2KfgYGB8uuitrd1dXWlq6urvN3U1JT29vaK1dzT01PR81VKadFTH7jP4in9uXvz6f3qvve+2h/743Um138m156ov5rO5NqT6tVvuUAAAAAAAAAA3qejoyMbNmxIU1NTdu3alf7+w7MtDQwMZOfOnWlpaUlzc/Mx2wCglghZAQAAAAAAAJC33noru3fvLm+vXbs2Y8aMydixYzN58uQ8+uijSZLVq1enVCqlVCoVtgFALbFcIAAAAAAAAADZv39/Zs2alQMHDqS+vj6NjY158sknU1dXl4cffjjz5s3LkiVLMmrUqCxfvrx8XFEbANQKISsAAAAAAAAA0tzcnBdeeOGobRMnTszGjRtPuA0AaoXlAgEAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBAyAoAAAAAAAAAAKCAkBUAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAUaql0AAAAAAAAAAHD6lBY9VbFzLZ7SX7Hz9d53XUXOAzAYzGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVANSQq6++Opdcckna2tpyxRVXZMuWLUmSbdu25bLLLsuECRNy6aWXZuvWreVjitoAAAAAAAAAELICgJqyatWqvPTSS9myZUsWLFiQm2++OUlyyy23pLOzMy+//HLuvPPOzJ8/v3xMURsAAAAAAAAAQlYAUFNGjx5dfr1///7U19dnz5492bx5c+bMmZMkmTVrVrZv357e3t7CNgAAAAAAAAAOa6h2AQBAZc2dOzcbNmxIkqxbty47d+7Meeedl4aGw7f9urq6tLS0ZMeOHTnnnHOO2VYqlarVBQAAAAAAAIAhRcgKAGrMI488kiRZvnx5Fi5cmHvuuSd1dXVH7DMwMFB+XdT2bt3d3enu7i5v79u3Lz09PRWpefGU/pM6btSwkz/2eFSqf8ejr6/vtL7fYNKXoadW+pHoy1BVS30BAAAAAICjEbICgBrV0dGRW2+9NU1NTdm1a1f6+/vT0NCQgYGB7Ny5My0tLRk5cuQx296rq6srXV1d5e2mpqa0t7dXpNbSoqdO6rjFU/pz9+bB++dM732V6d/x6Onpqdh4Vpu+DD210o9EX4aqWuoLAAAAAAAcTX21CwAAKuOtt97K7t27y9tr167NmDFjMnbs2EyePDmPPvpokmT16tUplUoplUqFbQAAAAAAAAAcZiYrAKgR+/fvz6xZs3LgwIHU19ensbExTz75ZOrq6vLwww9n3rx5WbJkSUaNGpXly5eXjytqAwAAAAAAAEDICgBqRnNzc1544YWjtk2cODEbN2484TYAAAAAAAAALBcIAAAAAAAAAABQSMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAGNKuvvrqXHLJJWlra8sVV1yRLVu2JElKpVLOP//8tLW1pa2tLd///vfLx2zbti2XXXZZJkyYkEsvvTRbt26tVvkAAADUgIZqFwAAAAAAAEVWrVqV0aNHJ0kef/zx3Hzzzdm8eXOS5LHHHsukSZPed8wtt9ySzs7OzJs3L4899ljmz5+fjRs3nta6AQAAqB1msgIAAAAAYEh7O2CVJPv37099ffGftvfs2ZPNmzdnzpw5SZJZs2Zl+/bt6e3tHcwyAQAAqGFmsgIAAAAAYMibO3duNmzYkCRZt25d+ec33nhjDh06lE9+8pO5995709jYmJ07d+a8885LQ8PhP4HX1dWlpaUlO3bsSKlUOuK83d3d6e7uLm/v27cvPT09Fam5r6+vYueqpMVT+k/p+FHDTv0cRzMUxmqofmanqlb7ldRu32q1X0nt9q1W+wUAvEPICgAAAACAIe+RRx5JkixfvjwLFy7M008/nR//+MdpaWnJb37zm9x1113p6OjI008/neRwsOrdBgYGjnrerq6udHV1lbebmprS3t5ekZp7enoqdq5KKi166pSOXzylP3dvrvzXC733VX+shupndqpqtV9J7fatVvuV1G7farVfAMA7LBcIAAAAAMAZo6OjIxs2bMjevXvT0tKSJPnQhz6UL3/5y/nJT36SJGlubs6uXbvS3394tqWBgYHs3LmzvD8AAACcKCErAAAAAACGrLfeeiu7d+8ub69duzZjxozJiBEjsm/fvvLPV65cmcmTJydJxo4dm8mTJ+fRRx9NkqxevTqlUul9SwUCAADA8bJcIAAAAJyEq6++Oq+//nrq6+vz4Q9/OH/7t3+btra2bNu2LR0dHfnVr36V0aNH53vf+14uvPDCJClsAwCObv/+/Zk1a1YOHDiQ+vr6NDY25sknn8wbb7yRWbNm5be//W0GBgbS2tpaXlIwSR5++OHMmzcvS5YsyahRo7J8+fIq9gIAAIAznZAVAAAAnIRVq1Zl9OjRSZLHH388N998czZv3pxbbrklnZ2dmTdvXh577LHMnz8/GzduTJLCNgDg6Jqbm/PCCy8cte2nP/3pMY+bOHGi+ywAAAAVY7lAAAAAOAlvB6ySwzNs1NfXZ8+ePdm8eXPmzJmTJJk1a1a2b9+e3t7ewjYAAAAAAIY2M1kBAADASZo7d242bNiQJFm3bl127tyZ8847Lw0Nh3/drqurS0tLS3bs2JFzzjnnmG2lUqlaXQAAAAAA4DgIWQEAAMBJeuSRR5Iky5cvz8KFC3PPPfekrq7uiH0GBgbKr4va3q27uzvd3d3l7X379qWnp6ciNff19VXsXBxWjTFdPKX/tL7fiajEWLhOK8t4Vp4xBQAAgLOPkBUAAACcoo6Ojtx6661pamrKrl270t/fn4aGhgwMDGTnzp1paWnJyJEjj9n2Xl1dXenq6ipvNzU1pb29vSK19vT0VOxcHFaNMS0teuq0vt+J6L3v1MfCdVpZxrPyjCkAAACcfeqrXQAAAACcad56663s3r27vL127dqMGTMmY8eOzeTJk/Poo48mSVavXp1SqZRSqVTYBgAAAADA0GYmKwAAADhB+/fvz6xZs3LgwIHU19ensbExTz75ZOrq6vLwww9n3rx5WbJkSUaNGpXly5eXjytqAwAAAABg6BKyAgAAgBPU3NycF1544ahtEydOzMaNG0+4DQAAAACAoctygQAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUAAAAAAAAAAFBgUENWfX19uf766zNhwoS0tbVl+vTp6e3tTZJceeWVaW1tTVtbW9ra2vLNb36zfNyePXsyffr0jB8/PpMmTcrzzz8/mGUCAAAAAAAAAAAcU8Ngv0FnZ2euueaa1NXV5cEHH0xnZ2fWr1+fJFm6dGlmzJjxvmMWLVqUadOmZd26ddm0aVNmz56dV155JQ0Ng14uAAAAAAAAAADAEQZ1JqsRI0bk2muvTV1dXZJk2rRpefXVVz/wuFWrVuW2225LkkydOjXjxo0zmxUAAAAAAAAAAFAVgxqyeq+lS5dm5syZ5e2FCxfm4osvzuc+97ly+Grv3r05dOhQGhsby/uVSqXs2LHjdJYKAAAAAAAAAACQ5DQsF/i2JUuWZNu2bXnooYeSJCtWrEhzc3MGBgaybNmyzJgxI1u3bk2S8sxXbxsYGDjqObu7u9Pd3V3e3rdvX3p6epIkfX195ddnu7N9LBZP6T9ie9Sw9/+sGobCZ3K2XxvvZTzeYSyOZDwAAAAAAAAAzm6nJWT1wAMPZM2aNfnhD3+YkSNHJkmam5uTHA5U3X777bnjjjuyd+/ejBkzJkny5ptvlmezeu2119LS0vK+83Z1daWrq6u83dTUlPb29iSHAyxvvz7bne1jUVr01BHbi6f05+7Npy1feEy991X/Mznbr433Mh7vMBZHMh4AAAAAAAAAZ7dBXy6wu7s7K1euzLPPPpvRo0cnSfr7+/PGG2+U91m9enXGjRtXDljdcMMNWbZsWZJk06ZNef3113P55ZcPdqkAAAAAAAAAAADvM6jT+ezatSsLFixIa2trrrrqqiTJ8OHD89xzz+W6667LwYMHU19fn3PPPTdPPPFE+bj7778/N910U8aPH59hw4ZlxYoVaWio/sxDAAAAAAAAAADA2WdQk0tNTU0ZGBg4atuLL754zOPGjRuX9evXD1ZZAAAAAAAAAAAAx23QlwsEAAAAAAAAAAA4kwlZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAIN1S4AAAAYWkqLnqp2CUfVe9911S4BAAAAAAA4S5nJCgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAICzXF9fX66//vpMmDAhbW1tmT59enp7e5MkV155ZVpbW9PW1pa2trZ885vfLB+3Z8+eTJ8+PePHj8+kSZPy/PPPV6kHADC4GqpdAAAAAAAAAADV19nZmWuuuSZ1dXV58MEH09nZmfXr1ydJli5dmhkzZrzvmEWLFmXatGlZt25dNm3alNmzZ+eVV15JQ4OvogGoLWayAgAAAAAAADjLjRgxItdee23q6uqSJNOmTcurr776gcetWrUqt912W5Jk6tSpGTdunNmsAKhJ4sMAAAAAAAAAHGHp0qWZOXNmeXvhwoX5yle+kgsvvDD33ntvWltbs3fv3hw6dCiNjY3l/UqlUnbs2PG+83V3d6e7u7u8vW/fvvT09FSs3r6+voqer1IWT+n/wH1GDTu+/YaqStZfjc9wqF47x+NMrj1RfzWdybUn1atfyAoAAAAAAACAsiVLlmTbtm156KGHkiQrVqxIc3NzBgYGsmzZssyYMSNbt25NkvLMV28bGBg46jm7urrS1dVV3m5qakp7e3vFau7p6ano+SqltOipD9xn8ZT+3L35zP3qvpL19953+j/DoXrtHI8zufZE/dV0JteeVK9+ywUCAAAAAAAAkCR54IEHsmbNmjzzzDMZOXJkkqS5uTnJ4UDV7bffnldffTV79+7NmDFjkiRvvvlm+fjXXnstLS0tp79wABhkQlYAAAAAAAAApLu7OytXrsyzzz6b0aNHJ0n6+/vzxhtvlPdZvXp1xo0bVw5Y3XDDDVm2bFmSZNOmTXn99ddz+eWXn/7iAWCQnblzDgIMEcczzWs19N53XbVLAAAAAAAAzhC7du3KggUL0tramquuuipJMnz48Dz33HO57rrrcvDgwdTX1+fcc8/NE088UT7u/vvvz0033ZTx48dn2LBhWbFiRRoafA0NQO1xdwMAAAAAAAA4yzU1NWVgYOCobS+++OIxjxs3blzWr18/WGUBwJBhuUAAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQQsgIAAAAAAAAAACggZAUANaKvry/XX399JkyYkLa2tkyfPj29vb1JkiuvvDKtra1pa2tLW1tbvvnNb5aP27NnT6ZPn57x48dn0qRJef7556vUAwC9mKCDAAAgAElEQVQAAAAAAIChqaHaBQAAldPZ2ZlrrrkmdXV1efDBB9PZ2Zn169cnSZYuXZoZM2a875hFixZl2rRpWbduXTZt2pTZs2fnlVdeSUODfyYAAAAAAAAAJGayAoCaMWLEiFx77bWpq6tLkkybNi2vvvrqBx63atWq3HbbbUmSqVOnZty4cWazAgAAAAAAAHgXU1QAQI1aunRpZs6cWd5euHBhvvKVr+TCCy/Mvffem9bW1uzduzeHDh1KY2Njeb9SqZQdO3a873zd3d3p7u4ub+/bty89PT0VqXXxlP6TOm7UsJM/9nhUqn/Ho6+v77S+32DSl6HnRPsxmP+/OhU9PT0185kktXN9JbXVFwAAAAAAOBohKwCoQUuWLMm2bdvy0EMPJUlWrFiR5ubmDAwMZNmyZZkxY0a2bt2aJOWZr942MDBw1HN2dXWlq6urvN3U1JT29vaK1Fta9NRJHbd4Sn/u3jx4/5zpva8y/TsePT09FRvPatOXoedE+3Gy/58cbL33tdfMZ5LUzvWV1FZfAAAAAADgaCwXCAA15oEHHsiaNWvyzDPPZOTIkUmS5ubmJIcDVbfffnteffXV7N27N2PGjEmSvPnmm+XjX3vttbS0tJz+wgEAAOAYrr766lxyySVpa2vLFVdckS1btiRJtm3blssuuywTJkzIpZdeWn6g6IPaAAAA4EQJWQFADenu7s7KlSvz7LPPZvTo0UmS/v7+vPHGG+V9Vq9enXHjxpUDVjfccEOWLVuWJNm0aVNef/31XH755ae/eAAAADiGVatW5aWXXsqWLVuyYMGC3HzzzUmSW265JZ2dnXn55Zdz5513Zv78+eVjitoAAADgRFkuEABqxK5du7JgwYK0trbmqquuSpIMHz48zz33XK677rocPHgw9fX1Offcc/PEE0+Uj7v//vtz0003Zfz48Rk2bFhWrFiRhgb/RAAAAGDoePtBoiTZv39/6uvrs2fPnmzevDnr169PksyaNSu33357ent7M3LkyGO2lUqlanQBAACAM5xvUAGgRjQ1NWVgYOCobS+++OIxjxs3blz5j84AAAAwVM2dOzcbNmxIkqxbty47d+7MeeedV35QqK6uLi0tLdmxY0fOOeecY7YJWQEAAHAyhKwAAAAAABjyHnnkkSTJ8uXLs3Dhwtxzzz2pq6s7Yp93P3xU1PZu3d3d6e7uLm/v27cvPT09Fam5r6+vYueqpMVT+k/p+FHDTv0cRzMUxmqofmanqlb7ldRu32q1X0nt9q1W+wUAvEPICgAAAACAM0ZHR0duvfXWNDU1ZdeuXenv709DQ0MGBgayc+fOtLS0ZOTIkcdse6+urq50dXWVt5uamtLe3l6RWnt6eip2rkoqLXrqlI5fPKU/d2+u/NcLvfdVf6yG6md2qmq1X0nt9q1W+5XUbt9qtV8AwDvqq10AAAAAAAAcy1tvvZXdu3eXt9euXZsxY8Zk7NixmTx5ch599NEkyerVq1MqlVIqlQrbAAAA4GSYyQoAAAAAgCFr//79mTVrVg4cOJD6+vo0NjbmySefTF1dXR5++OHMmzcvS5YsyahRo7J8+fLycUVtAAAAcKKErAAAAAAAGLKam5vzwgsvHLVt4sSJ2bhx4wm3AQAAwImyXCAAAAAAAAAAAEABISsAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAcIL6+vpy/fXXZ8KECWlra8v06dPT29ubJLnyyivT2tqatra2tLW15Zvf/Gb5uD179mT69OkZP358Jk2alOeff75KPQAAAAAA4EQ0VLsAAAAAOBN1dnbmmmuuSV1dXR588MF0dnZm/fr1SZKlS5dmxowZ7ztm0aJFmTZtWtatW5dNmzZl9uzZeeWVV9LQ4NdzAAAAAIChzExWAAAAcIJGjBiRa6+9NnV1dUmSadOm5dVXX/3A41atWpXbbrstSTJ16tSMGzfObFYAAAAAAGcAISsAAAA4RUuXLs3MmTPL2wsXLszFF1+cz33uc+Xw1d69e3Po0KE0NjaW9yuVStmxY8dprxcAAAAAgBNjPQIAAAA4BUuWLMm2bdvy0EMPJUlWrFiR5ubmDAwMZNmyZZkxY0a2bt2aJOWZr942MDBw1HN2d3enu7u7vL1v37709PRUpN6+vr6KnYvDqjGmi6f0n9b3OxGVGAvXaWUZz8ozpgAAAHD2EbICAACAk/TAAw9kzZo1+eEPf5iRI0cmSZqbm5McDlTdfvvtueOOO7J3796MGTMmSfLmm2+WZ7N67bXX0tLS8r7zdnV1paurq7zd1NSU9vb2itTc09NTsXNxWDXGtLToqdP6fiei975THwvXaWUZz8ozpgAAAHD2sVwgAAAAnITu7u6sXLkyzz77bEaPHp0k6e/vzxtvvFHeZ/Xq1Rk3blw5YHXDDTdk2bJlSZJNmzbl9ddfz+WXX376iwcAAAAA4ISYyQoAAABO0K5du7JgwYK0trbmqquuSpIMHz48zz33XK677rocPHgw9fX1Offcc/PEE0+Uj7v//vtz0003Zfz48Rk2bFhWrFiRhga/mgMAAAAADHX+kgsAAAAnqKmpKQMDA0dte/HFF4953Lhx47J+/frBKgsAAAAAgEFiuUAAAAAAAAAAAIACQlYAAAAAAAAAAAAFhKwAAAAAAAAAAAAKCFkBAAAAAAAAAAAUELICAAAAAAAAAAAoIGQFAAAAAAAAAABQQMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAAAAFBCyAgAAAAAAAAAAKCBkBQAAAAAAAAAAUEDICgAAAAAAAAAAoICQFQAAAAAAAAAAQAEhKwAAAAAAAAAAgAJCVgAAAAAAAAAAAAWErAAAAAAAAAAAAAoIWQEAAAAAAAAAABQY1JBVX19frr/++kyYMCFtbW2ZPn16ent7kyR79uzJ9OnTM378+EyaNCnPP/98+biiNgAAAAAAAAAAgNOpYbDfoLOzM9dcc03q6ury4IMPprOzM+vXr8+iRYsybdq0rFu3Lps2bcrs2bPzyiuvpKGhobANAAAAAACoPaVFT1W7hCye0v++Onrvu65K1QAAAEPJoM5kNWLEiFx77bWpq6tLkkybNi2vvvpqkmTVqlW57bbbkiRTp07NuHHjyjNWFbUBAAAAAAAAAACcTqd1aqilS5dm5syZ2bt3bw4dOpTGxsZyW6lUyo4dOwrb3qu7uzvd3d3l7X379qWnpyfJ4aUK3359tjvbx2LxlP4jtkcNe//PqmEofCZn+7XxXic7HkPhejqaU/lsXRtHMh4AAAAAAAAAZ7fTFrJasmRJtm3bloceeigHDhwoz271toGBgfLrorZ36+rqSldXV3m7qakp7e3tSQ6HC95+fbY728fivVM7L57Sn7s3V3/pyd77qv+ZnO3Xxnud7HgMhWnMj+ZUrjHXxpGMBwAAAAAAAMDZbVCXC3zbAw88kDVr1uSZZ57JyJEjM2bMmCTJm2++Wd7ntddeS0tLS2EbAAAAAAAAAADA6TboIavu7u6sXLkyzz77bEaPHl3++Q033JBly5YlSTZt2pTXX389l19++Qe2AQAAAAAAAAAAnE6Dumbarl27smDBgrS2tuaqq65KkgwfPjz/9m//lvvvvz833XRTxo8fn2HDhmXFihVpaDhcTlEbAAAAAAAAAADA6TSoyaWmpqYMDAwctW3cuHFZv379CbcBAAAAAAAAAACcToO+XCAAAAAAAAAAAMCZTMgKAAAAAAAAAACggJAVAAAAAAAAAABAASErAAAAAAAAAACAAkJWAAAAAAAAAAAABYSsAAAAAAAAAAAACghZAQAAAAAAAJzl+vr6cv3112fChAlpa2vL9OnT09vbmyTZs2dPpk+fnvHjx2fSpEl5/vnny8cVtQFALRGyAgAAAAAAACCdnZ35xS9+kS1btmTGjBnp7OxMkixatCjTpk3Ltm3b8t3vfjc33nhj+vv7P7ANAGqJkBUAAAAAAADAWW7EiBG59tprU1dXlySZNm1aXn311STJqlWrcttttyVJpk6dmnHjxpVnrCpqA4Ba0lDtAgAAAAAAAAAYWpYuXZqZM2dm7969OXToUBobG8ttpVIpO3bsKGx7r+7u7nR3d5e39+3bl56enorV29fXV9HzVcriKR88q9eoYce331BVyfqr8RkO1WvneJzJtSfqr6YzufakevULWQEAAAAAAABQtmTJkmzbti0PPfRQDhw4UJ7d6m0DAwPl10Vt79bV1ZWurq7ydlNTU9rb2ytWc09PT0XPVymlRU994D6Lp/Tn7s1n7lf3lay/977T/xkO1WvneJzJtSfqr6YzufakevVbLhAAAAAAAACA/8/eHcdGed/3A39f5hBGmMeWAhUyxwkNk3WpBEghlEWokZhgaSJFhSh/hChITGYTG80cDVEtUco2ESJFtyqrpfDH1JIwoWYhE52S1KSapgiVZqkIWxFVcRocbFXUaSZvUxZ3GO73B79ckwCHbc7n4/x6SUh+ns/zfe7zvedrPpz94XmSJE8//XReeumlvPrqq5k1a1ZuueWWJMl7771XPebdd99NsVisGQOAVqPJCgAAAAAAAICUy+UcOHAgr732WubMmVPdf//996enpydJ8uabb+bs2bO58847rxoDgFZy/d5zEAAAAAAAAIC6GBwczKOPPprFixfnrrvuSpLcdNNNeeONN/LUU0/loYceypIlSzJjxow8//zzaWu7+KvmWjEAaCWqGwAAAAAAAMA019HRkUqlctnY/Pnzc/jw4XHHAKCVeFwgAAAAAAAAAABADZqsAAAAAAAAAAAAatBkBQAAAAAAAAAAUIMmKwAAAAAAAAAAgBo0WQEAAAAA0LRGRkZy3333pbOzM8uWLcv69evT39+fJPniF7+YxYsXZ9myZVm2bFn+9m//tjpuaGgo69evz5IlS3LbbbflyJEjUzQDAAAAWkHbVCcAAAAAAAC1dHV15Q//8A9TKBTyjW98I11dXTl8+HCS5Jlnnsk999xzyZidO3dm1apV+e53v5s333wzGzduzE9/+tO0tfmxOAAAAOPnTlYAAAAAADStmTNn5u67706hUEiSrFq1Ku+8885Vx73wwgvZtm1bkuT222/P/Pnz3c0KAACACfNfdgAAAAAAuG4888wzuffee6vbf/EXf5GvfvWr+dznPpcnn3wyixcvzvvvv58LFy5k7ty51eNKpVLOnDlzyfnK5XLK5XJ1e3h4OL29vXXJdWRkpG7nqqddK0avaXz7jGs/R7O63Nya8RqOV7OuxXpo1bm16ryS1p1bq84LAPgVTVYAAAAAAFwXdu/enb6+vjz77LNJkueffz4LFy5MpVJJT09P7rnnnpw8eTJJqne++kilUrnsObu7u9Pd3V3d7ujoyLp16+qSb29vb93OVU+lnS9f0/hdK0bzxLHW/PXC5ebWv6f5ruF4NetarIdWnVurzitp3bm16rwAgF/xuEAAAAAAAJre008/nZdeeimvvvpqZs2alSRZuHBhkosNVX/6p3+ad955J++//35uueWWJMl7771XHf/uu++mWCw2PnEAAABagiYrAAAAAACaWrlczoEDB/Laa69lzpw5SZLR0dH8/Oc/rx5z8ODBzJ8/v9pgdf/996enpydJ8uabb+bs2bO58847G588AAAALaE17+cLAAAAAEBLGBwczKOPPprFixfnrrvuSpLcdNNN+Zd/+Zd86Utfyi9/+cvccMMN+cxnPpPvfOc71XFPPfVUHnrooSxZsiQzZszI888/n7Y2PxIHAABgYnyiBAAAAACgaXV0dKRSqVw29sMf/vCK4+bPn5/Dhw9PVloAAABMMx4XCAAAAAAAAAAAUIMmKwAAAAAAAAAAgBo0WQFAixgZGcl9992Xzs7OLFu2LOvXr09/f3+SZGhoKOvXr8+SJUty22235ciRI9VxtWIAAAAAAAAAaLICgJbS1dWVn/zkJzl+/HjuueeedHV1JUl27tyZVatWpa+vL9/85jfz4IMPZnR09KoxAAAAAAAAADRZAUDLmDlzZu6+++4UCoUkyapVq/LOO+8kSV544YVs27YtSXL77bdn/vz51TtW1YoBAAAAAAAAkLRNdQIAwOR45plncu+99+b999/PhQsXMnfu3GqsVCrlzJkzNWOfVi6XUy6Xq9vDw8Pp7e2tS667VkzszlntMyY+dizqNb+xGBkZaejrTSZzaT7jncdkfl9di97e3pa5JknrrK+kteYCAAAAAACXo8kKAFrQ7t2709fXl2effTYffvhh9e5WH6lUKtWva8U+rru7O93d3dXtjo6OrFu3ri75lna+PKFxu1aM5oljk/fPmf499ZnfWPT29tbt/Zxq5tJ8xjuPiX5PTrb+Peta5pokrbO+ktaaCwAAAAAAXI7HBQJAi3n66afz0ksv5dVXX82sWbNyyy23JEnee++96jHvvvtuisVizRgAAAAAAAAAF2myAoAWUi6Xc+DAgbz22muZM2dOdf/999+fnp6eJMmbb76Zs2fP5s4777xqDAAAAAAAAACPCwSAljE4OJhHH300ixcvzl133ZUkuemmm/LGG2/kqaeeykMPPZQlS5ZkxowZef7559PWdvGfAbViAADT3VgeobprxWjTPmoVAAAAAKgPv0EFgBbR0dGRSqVy2dj8+fNz+PDhcccAAAAAAAAA8LhAAAAAAAAAAACAmjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAAAAAAKhBkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAMZpZGQk9913Xzo7O7Ns2bKsX78+/f39SZKhoaGsX78+S5YsyW233ZYjR45Ux9WKAQAAAADQvDRZAQAAwAR0dXXlJz/5SY4fP5577rknXV1dSZKdO3dm1apV6evryze/+c08+OCDGR0dvWoMAAAAAIDmpckKAAAAxmnmzJm5++67UygUkiSrVq3KO++8kyR54YUXsm3btiTJ7bffnvnz51fvWFUrBgAAAABA82qb6gQAAADgevfMM8/k3nvvzfvvv58LFy5k7ty51VipVMqZM2dqxj6tXC6nXC5Xt4eHh9Pb21uXXEdGRup2rulg14qr32msfcbYjpsu6rG+rNP68n7Wn/cUAAAAph9NVgAAAHANdu/enb6+vjz77LP58MMPq3e3+kilUql+XSv2cd3d3enu7q5ud3R0ZN26dXXJt7e3t27nmg5KO1++6jG7VozmiWN+xPKR/j3Xvr6s0/ryftaf9xQAAACmH48LBAAAgAl6+umn89JLL+XVV1/NrFmzcssttyRJ3nvvveox7777borFYs0YAAAAAADNTZMVAAAATEC5XM6BAwfy2muvZc6cOdX9999/f3p6epIkb775Zs6ePZs777zzqjEAAAAAAJqXe9kDAADAOA0ODubRRx/N4sWLc9dddyVJbrrpprzxxht56qmn8tBDD2XJkiWZMWNGnn/++bS1Xfz4XSsGAAAAAEDz8pNcAAAAGKeOjo5UKpXLxubPn5/Dhw+POwYAAAAAQPPyuEAAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGoYc5PVP//zP+e///u/kyRPP/10Nm7cmBMnTkxaYgAwXam5ANA46i4ANI66CwCNo+4CQP2NucnqL//yL9Pe3p5///d/z/79+/MHf/AH+ZM/+ZPJzA0ApiU1FwAaR90FgMZRdwGgcdRdAKi/MTdZtbW1JUkOHz6crq6ubN26NR988MGkJQYA05WaCwCNo+4CQOOouwDQOOouANTfmJuszp8/nx/84Ac5ePBg7rrrriTJuXPnJi0xAJiu1FwAaBx1FwAaR90FgMZRdwGg/sbcZPU3f/M3+eM//uPceeed+d3f/d385Cc/yZIlSyYzNwCYltRcAGgcdRcAGkfdBYDGUXcBoP7axnrgokWLcvz48er20qVL87WvfW0ycgKAaU3NBYDGUXcBoHHUXQBoHHUXAOpvzHey2rx585j2AQDXRs0FgMZRdwGgcdRdAGgcdRcA6u+qd7L6xS9+kaGhoYyMjOTHP/5xKpVKkuS//uu/8sEHH0x6ggAwXai5ANA46i4ANI66CwCNo+4CwOS5apPVP/zDP+TrX/96fvazn+Xuu++u7v/N3/zN7NixY1KTA4DpRM0FgMZRdwGgcdRdAGgcdRcAJs9Vm6y+8pWv5Ctf+Ur++q//Oo8//ngjcgKAaUnNBYDGUXcBoHHUXQBoHHUXACbPVZusPvL444/nwoULOXv2bEZHR6v7i8XipCQGANOVmgsAjaPuAkDjqLsA0DjqLgDU35ibrPbt25c/+7M/y4033pgbbrghSVIoFDI0NDRpyQHAdKTmAkDjqLsA0DjqLgA0jroLAPU35iarv/qrv8q//du/5dZbb53MfABg2lNzAaBx1F0AaBx1FwAaR90FgPq7YawHzp07VxEGgAZQcwGgcdRdAGgcdRcAGkfdBYD6G3OT1Ze//OV84xvfyH/+53/mf//3f6t/AID6UnMBoHHUXQBoHHUXABpH3QWA+hvz4wJ37tyZJNm+fXsKhUIqlUoKhULOnz8/ackBfKS08+VJf41dK0Yb8jpwNWouADSOugsAjaPuAkDjqLsAUH9jbrK6cOHCZOYBAPx/ai4ANI66CwCNo+4CQOOouwBQf2N+XCAAAAAAAAAAAMB0NOY7Wd1www0pFAqX7HdLSQCoLzUXABpH3QWAxlF3AaBx1F0AqL8xN1n9z//8T/XrDz/8MM8991z+7//+76rjtm/fnu985zt5991386Mf/Si33XZbkqRUKmXmzJmZOXNmkuSrX/1qHnjggSRJX19fHn744fziF7/InDlz8q1vfSuf+9znxjUxALheTbTmAgDjp+4CQOOouwDQOOouANTfmB8XePPNN1f/fOYzn0l3d3e++93vXnXcxo0bc+TIkSxatOiS2Isvvpjjx4/n+PHj1QarJNm6dWu6urpy6tSp7NixI1u2bBlrmgBw3ZtozQUAxk/dBYDGUXcBoHHUXQCovzE3WX1aX19fBgYGrnrcmjVr0tHRMebzDg0N5dixY9m0aVOSZMOGDTl9+nT6+/snmioAXNfGWnMBgGun7gJA44y17o6MjOS+++5LZ2dnli1blvXr11d/Xjw0NJT169dnyZIlue2223LkyJHquFoxAJhufN4FgGs35scFzp07t/rc3tHR0Zw/fz7PPPPMNb34gw8+mAsXLuSOO+7Ik08+mblz52ZgYCALFixIW9vF1AqFQorFYs6cOZNSqXRNrwcA14PJqLkAwOWpuwDQONdSd7u6uvKHf/iHKRQK+cY3vpGurq4cPnw4O3fuzKpVq/Ld7343b775ZjZu3Jif/vSnaWtrqxkDgFbn8y4A1N+YP03+8Ic//NWgtrZ89rOfza/92q9N+IVff/31FIvFnDt3Lo899lgefvjhvPLKK0lSLfgfqVQqlz1HuVxOuVyubg8PD6e3tzfJxf/d9NHX0910fy92rRj9xHb7jEv3TYVmuCbX09poxDVrlrVRL9dyba+ntdEIjX4/6l1zAYArU3cBoHEmWndnzpyZu+++u7q9atWqfP3rX0+SvPDCCzl9+nSS5Pbbb8/8+fNz5MiRfPGLX6wZA4BW5/MuANTfmJusFi1alA8//DD/8R//kUKhkN/+7d/Or//6r0/4hYvFYpLkxhtvzCOPPJLOzs4kycKFCzM4OJjR0dG0tbWlUqlkYGCgevzHdXd3p7u7u7rd0dGRdevWJbnYXPDR19PddH8vSjtf/sT2rhWjeeLY1P9vtf49U39Nrqe18enrOBmaZW3Uy7WssetpbTRCo9+PetdcAODK1F0AaJx61d1nnnkm9957b95///1cuHAhc+fOrcZKpVLOnDlTMwYA04HPuwBQf2PuJvj+97+fjRs3Zv78+alUKnnvvffy4osv5gtf+MK4X/SDDz7IuXPnMmfOnCTJgQMHsnz58iTJvHnzsnz58uzfvz+bN2/OwYMHUyqVPCoQgGmjnjUXAKhN3QWAxqlH3d29e3f6+vry7LPP5sMPP6z5VIR6PDHhWjXr3cKv9W7urXZH+I+73Nya8RqOV7OuxXpo1bm16ryS1p1bs83L510AqL8xN1l1d3fnH//xH/P7v//7SS4W5j//8z/PD37wg5rjtm3blkOHDuXs2bNZu3ZtZs+encOHD2fDhg05f/58KpVKFi9enOeee646Zu/evdm8eXN2796d9vb27Nu3b4LTA4Drz0RrLgAwfuouADTOtdbdp59+Oi+99FK+973vZdasWZk1a1aS5L333qveserdd99NsVjMLbfccsXY5fK60hMTrlWz3i38Wu8a32p3hP+4y82tGZ5KcK2adS3WQ6vOrVXnlbTu3JptXj7vAkD9jflT0MjISLUIJ8nq1aszMjJy1XE9PT3p6em5ZP9bb711xTFLly7N0aNHx5oaALSUidZcAGD81F0AaJxrqbvlcjkHDhzI9773veoTEpLk/vvvT09PT772ta/lzaFMjL4AACAASURBVDffzNmzZ3PnnXdeNQYArc7nXQCovxvGeuCsWbPyve99r7r9r//6r9X/KQQA1I+aCwCNo+4CQONMtO4ODg7m0UcfzfDwcO66664sW7Ysd9xxR5Lkqaeeyve///0sWbIkmzdvzvPPP5+2trarxgCg1fm8CwD1N+ZPlH/3d3+XL3/5y7nppptSKBTyy1/+MgcPHpzM3ABgWlJzAaBx1F0AaJyJ1t2Ojo5UKpXLxubPn5/Dhw+POwYArc7nXQCovzE3Wf3sZz/LD3/4w/z85z9PpVLJZz/72bzxxhuTmRsATEtqLgA0jroLAI2j7gJA40y07m7fvj3f+c538u677+ZHP/pRbrvttiRJqVTKzJkzM3PmzCTJV7/61TzwwANJkr6+vjz88MP5xS9+kTlz5uRb3/pWPve5z03e5ABgioz5cYGPP/545s6dm9tuuy2f//zn85nPfCaPP/74ZOYGANOSmgsAjaPuAkDjqLsA0DgTrbsbN27MkSNHsmjRoktiL774Yo4fP57jx49XG6ySZOvWrenq6sqpU6eyY8eObNmypa5zAYBmMeYmq08rFAq5cOFCPXMBAC5DzQWAxlF3AaBx1F0AaJyx1t01a9ako6NjzOcdGhrKsWPHsmnTpiTJhg0bcvr06fT39080VQBoWmNusmpvb//ELSR/8IMf5Dd+4zcmJSkAmM7UXABoHHUXABpH3QWAxpmMuvvggw/m85//fP7oj/4o7733XpJkYGAgCxYsSFtbW5KLzVzFYjFnzpy5ptcCgGbUNtYDn3rqqdx33335vd/7vSTJj3/84/zTP/3TpCUGANOVmgsAjaPuAkDjqLsA0Dj1rruvv/56isVizp07l8ceeywPP/xwXnnllSQXG6s+rlKpXPYc5XI55XK5uj08PJze3t4J5/RpIyMjdT1fvexaMXrVY9pnjO24ZlXP/KfiGjbr2hmL6zn3RP5T6XrOPZm6/MfcZPWFL3whJ0+ezNGjR5Mkq1evzpw5cyYtMQCYrtRcAGgcdRcAGkfdBYDGqXfdLRaLSZIbb7wxjzzySDo7O5MkCxcuzODgYEZHR9PW1pZKpZKBgYHq8R/X3d2d7u7u6nZHR0fWrVs34Zw+rbe3t67nq5fSzpevesyuFaN54tiYf3XfdOqZf/+exl/DZl07Y3E9557Ifypdz7knU5f/uP6m+63f+q3cfffdk5ULAPD/qbkA0DjqLgA0jroLAI1Tr7r7wQcf5Ny5c9UmrQMHDmT58uVJknnz5mX58uXZv39/Nm/enIMHD6ZUKqVUKl3z6wJAs7l+22EBAAAAAAAAqJtt27bl0KFDOXv2bNauXZvZs2fn8OHD2bBhQ86fP59KpZLFixfnueeeq47Zu3dvNm/enN27d6e9vT379u2bwhkAwOTRZAUAAAAAAABAenp60tPTc8n+t95664pjli5dWn0sIQC0shumOgEAAAAAAAAAAIBmpskKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGpom+oEAABgspV2vjyhcbtWjE547Fj07/nSpJ0bAAAAAACA+nEnKwAAAAAAAAAAgBo0WQEAAAAAAAAAANSgyQoAAAAAAAAAAKAGTVYA0EK2b9+eUqmUQqGQEydOVPeXSqXceuutWbZsWZYtW5Zvf/vb1VhfX19Wr16dzs7OrFy5MidPnpyK1AEAAAAAAACaliYrAGghGzduzJEjR7Jo0aJLYi+++GKOHz+e48eP54EHHqju37p1a7q6unLq1Kns2LEjW7ZsaWTKAAAAAAAAAE1PkxUAtJA1a9ako6NjzMcPDQ3l2LFj2bRpU5Jkw4YNOX36dPr7+ycpQwAAAAAAAIDrT9tUJwAANMaDDz6YCxcu5I477siTTz6ZuXPnZmBgIAsWLEhb28V/EhQKhRSLxZw5cyalUukT48vlcsrlcnV7eHg4vb29dclt14rRCY1rnzHxsWNRr/mNxcjISENfbzI141ym+xob7zWZzDlfi97e3qZcXxNlLgAAAAAAcP3QZAUA08Drr7+eYrGYc+fO5bHHHsvDDz+cV155JcnFxqqPq1Qqlz1Hd3d3uru7q9sdHR1Zt25dXfIr7Xx5QuN2rRjNE8cm758z/XvqM7+x6O3trdv7OdWacS7TfY2N95pM9P2abP171jXl+poocwEAAAAAgOuHJisAmAaKxWKS5MYbb8wjjzySzs7OJMnChQszODiY0dHRtLW1pVKpZGBgoHo8AAAAAAAAAMkNU50AADC5PvjggwwPD1e3Dxw4kOXLlydJ5s2bl+XLl2f//v1JkoMHD6ZUKl3yqEAAAAAAAACA6cydrACghWzbti2HDh3K2bNns3bt2syePTuHDx/Ohg0bcv78+VQqlSxevDjPPfdcdczevXuzefPm7N69O+3t7dm3b98UzgAAAAAAAACg+WiyAoAW0tPTk56enkv2v/XWW1ccs3Tp0hw9enQy0wIAAAAAAAC4rnlcIAAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAxmn79u0plUopFAo5ceJEdX+pVMqtt96aZcuWZdmyZfn2t79djfX19WX16tXp7OzMypUrc/LkyalIHQAAAACACdBkBQAAAOO0cePGHDlyJIsWLbok9uKLL+b48eM5fvx4Hnjgger+rVu3pqurK6dOncqOHTuyZcuWRqYMAAAAAMA10GQFAAAA47RmzZp0dHSM+fihoaEcO3YsmzZtSpJs2LAhp0+fTn9//yRlCAAAAABAPbVNdQIAAADQSh588MFcuHAhd9xxR5588snMnTs3AwMDWbBgQdraLn4MLxQKKRaLOXPmTEql0iXnKJfLKZfL1e3h4eH09vbWJb+RkZG6nWs62LVi9KrHtM8Y23HTRT3Wl3VaX97P+vOeAgAAwPSjyQoAAADq5PXXX0+xWMy5c+fy2GOP5eGHH84rr7yS5GJj1cdVKpUrnqe7uzvd3d3V7Y6Ojqxbt64uOfb29tbtXNNBaefLVz1m14rRPHHMj1g+0r/n2teXdVpf3s/6854CAADA9OMngAAAAFAnxWIxSXLjjTfmkUceSWdnZ5Jk4cKFGRwczOjoaNra2lKpVDIwMFA9HgAAAACA5qbJ6grG8j9Vp0r/ni9NdQoAAAB8ygcffJBz585lzpw5SZIDBw5k+fLlSZJ58+Zl+fLl2b9/fzZv3pyDBw+mVCpd9lGBAAAAAAA0H01WAAAAME7btm3LoUOHcvbs2axduzazZ8/O4cOHs2HDhpw/fz6VSiWLFy/Oc889Vx2zd+/ebN68Obt37057e3v27ds3hTMAAAAAAGA8NFkBAADAOPX09KSnp+eS/W+99dYVxyxdujRHjx6dzLQAAAAAAJgkN0x1AgAAAAAAAAAAAM1MkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAAAAAAKhBkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQQ9tUJwDA9FLa+fJUp3BZ/Xu+NNUpAAAAAAAAANCk3MkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANWiyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAaFrbt29PqVRKoVDIiRMnqvtLpVJuvfXWLFu2LMuWLcu3v/3taqyvry+rV69OZ2dnVq5cmZMnT05F6gAAALQQTVYAAAAAADStjRs35siRI1m0aNElsRdffDHHjx/P8ePH88ADD1T3b926NV1dXTl16lR27NiRLVu2NDJlAAAAWpAmKwAAAAAAmtaaNWvS0dEx5uOHhoZy7NixbNq0KUmyYcOGnD59Ov39/ZOUIQAAANNB21QnAAAAAAAAE/Hggw/mwoULueOOO/Lkk09m7ty5GRgYyIIFC9LWdvHH34VCIcViMWfOnEmpVLrkHOVyOeVyubo9PDyc3t7euuQ3MjJSt3PV064Vo9c0vn3GtZ+jWV1ubs14DcerWddiPbTq3Fp1Xknrzq1V5wUA/IomKwAAAAAArjuvv/56isVizp07l8ceeywPP/xwXnnllSQXG6s+rlKpXPE83d3d6e7urm53dHRk3bp1dcmxt7e3bueqp9LOl69p/K4Vo3niWGv+euFyc+vf03zXcLyadS3WQ6vOrVXnlbTu3Fp1XgDAr7TmpyAAAAAAAFpasVhMktx444155JFH0tnZmSRZuHBhBgcHMzo6mra2tlQqlQwMDFSPBwAAgIm4YaoTAAAAAACA8fjggw8yPDxc3T5w4ECWL1+eJJk3b16WL1+e/fv3J0kOHjyYUql02UcFAgAAwFi5kxUAAAAAAE1r27ZtOXToUM6ePZu1a9dm9uzZOXz4cDZs2JDz58+nUqlk8eLFee6556pj9u7dm82bN2f37t1pb2/Pvn37pnAGAAAAtAJNVgAAAAAANK2enp709PRcsv+tt9664pilS5fm6NGjk5kWAAAA04zHBQIAAAAAAAAAANSgyQoAAAAAAAAAAKAGTVYAAAAAAAAAAAA1aLICAAAAAAAAAACoQZMVAAAAAAAAAABADZqsAAAAAAAAAAAAamib6gQAAAAAaB2lnS9f8zl2rRity3k+rn/Pl+p6PgAAAACmF3eyAgAAAAAAAAAAqEGTFQAAAAAAAAAAQA2arAAAAAAAAAAAAGrQZAUAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAAAAAAAAAACgBk1WAAAAAAAAAAAANUx6k9X27dtTKpVSKBRy4sSJ6v6+vr6sXr06nZ2dWblyZU6ePDmmGAAAAAAAAAAAQCNNepPVxo0bc+TIkSxatOgT+7du3Zqurq6cOnUqO3bsyJYtW8YUAwAAAAAAAAAAaKRJb7Jas2ZNOjo6PrFvaGgox44dy6ZNm5IkGzZsyOnTp9Pf318zBgAAAAAAAAAA0GhtU/GiAwMDWbBgQdraLr58oVBIsVjMmTNncvPNN18xViqVPnGecrmccrlc3R4eHk5vb2+SZGRkpPr1ROxaMTrhsZNtvPO61vfievfpa9k+ozmubzNck+tpbTTimjXL2qiXa7m2k7k2mvU9rjXf6+l7BQAAAAAAAID6m5Imq+Ri89THVSqVMcU+rru7O93d3dXtjo6OrFu3LsnFX5Z/9PVElHa+POGxk61/z/jmda3vxfXu09dy14rRPHFsypZ+1Xiv42S4ntZGI74nm2Vt1Mu1rLHJXBvN+vdrrffrevpeAQAAAAAAAKD+pqSbYOHChRkcHMzo6Gja2tpSqVQyMDCQYrGYWbNmXTEGAAAAAAAAAADQaDdMxYvOmzcvy5cvz/79+5MkBw8eTKlUSqlUqhkDAAAAAAAAAABotElvstq2bVs6OjoyODiYtWvX5nd+53eSJHv37s3evXvT2dmZPXv25O///u+rY2rFAAAAAAAAAKi/7du3p1QqpVAo5MSJE9X9fX19Wb16dTo7O7Ny5cqcPHlyTDEAaCWT/rjAnp6e9PT0XLJ/6dKlOXr06GXH1IoBAAAAAAAAUH8bN27Mjh07cuedd35i/9atW9PV1ZXNmzfnxRdfzJYtW6q/z60VA4BWMiWPCwQAAAAAAACguaxZsyYdHR2f2Dc0NJRjx45l06ZNSZINGzbk9OnT6e/vrxkDgFYz6XeyAgAAAAAAAOD6NDAwkAULFqSt7eKvlguFQorFYs6cOZObb775irFSqfSJ85TL5ZTL5er28PBwent765bnyMhIXc9XL7tWjF71mPYZYzuuWdUz/6m4hs26dsbies49kf9Uup5zT6Yuf01WAAAAAAAAAFxRoVD4xHalUhlT7OO6u7vT3d1d3e7o6Mi6devqlmNvb29dz1cvpZ0vX/WYXStG88Sx6/dX9/XMv39P469hs66dsbiec0/kP5Wu59yTqcv/+v2bGgAAAAAAAIBJtXDhwgwODmZ0dDRtbW2pVCoZGBhIsVjMrFmzrhgDgFZzw1QnAAAAAAAAAEBzmjdvXpYvX579+/cnSQ4ePJhSqZRSqVQzBgCtxp2sAAAAAAAAAMi2bdty6NChnD17NmvXrs3s2bPz9ttvZ+/evdm8eXN2796d9vb27Nu3rzqmVgwAWokmKwAAAAAAAADS09OTnp6eS/YvXbo0R48eveyYWjEAaCUeFwgAAAAAAAAAAFCDJisAAAAAAAAAAIAaNFkBAAAAAAAAAADUoMkKAFrI9u3bUyqVUigUcuLEier+vr6+rF69Op2dnVm5cmVOnjw5phgAAAAAAAAAmqwAoKVs3LgxR44cyaJFiz6xf+vWrenq6sqpU6eyY8eObNmyZUwxAAAAAAAAADRZAUBLWbNmTTo6Oj6xb2hoKMeOHcumTZuSJBs2bMjp06fT399fMwYAAAAAAADARZqsAKDFDQwMZMGCBWlra0uSFAqFFIvFnDlzpmYMAAAAAAAAgIvapjoBAGDyFQqFT2xXKpUxxT6uXC6nXC5Xt4eHh9Pb21uX/HatGJ3QuPYZEx87FvWa31iMjIw09PUmUzPOZbqvsfFek8mc87Xo7e1tyvU1UeYCAAAAAADXD01WANDiFi5cmMHBwYyOjqatrS2VSiUDAwMpFouZNWvWFWOf1t3dne7u7up2R0dH1q1bV5ccSztfntC4XStG88SxyfvnTP+e+sxvLHp7e+v2fk61ZpzLdF9j470mE32/Jlv/nnVNub4mylwAAAAAAOD64XGBANDi5s2bl+XLl2f//v1JkoMHD6ZUKqVUKtWMAQAAAAAAAHCRO1kBQAvZtm1bDh06lLNnz2bt2rWZPXt23n777ezduzebN2/O7t27097enn379lXH1IoBAAAAAAAAoMkKAFpKT09Penp6Ltm/dOnSHD169LJjasUAAAAAAAAA8LhAAAAAAAAAAACAmjRZAQAAwDht3749pVIphUIhJ06cqO7v6+vL6tWr09nZmZUrV+bkyZNjigEAAAAA0Nw0WQEAAMA4bdy4MUeOHMmiRYs+sX/r1q3p6urKqVOnsmPHjmzZsmVMMQAAAAAAmpsmKwAAABinNWvWpKOj4xP7hoaGcuzYsWzatClJsmHDhpw+fTr9/f01YwAAAAAANL+2qU4AAAAAWsHAwEAWLFiQtraLH7ULhUKKxWLOnDmTm2+++YqxUql0ybnK5XLK5XJ1e3h4OL29vXXJc2RkpG7nmg52rRi96jHtM8Z2HGM3Ge/pdF73vu/rz3sKAAAA048mKwAAAKiTQqHwie1KpTKm2Kd1d3enu7u7ut3R0ZF169bVJcfe3t66nWs6KO18+arH7FoxmieO+RFLPU3Ge9q/Z/que9/39ec9BQAAgOnHTwABAACgDhYuXJjBwcGMjo6mra0tlUolAwMDKRaLmTVr1hVjAAAAAAA0vxumOgEAAABoBfPmzcvy5cuzf//+JMnBgwdTKpVSKpVqxgAAAAAAaH7uZAUAAADjtG3bthw6dChnz57N2rVrM3v27Lz99tvZu3dvNm/enN27d6e9vT379u2rjqkVAwAAAACguWmyAgAAgHHq6elJT0/PJfuXLl2ao0ePXnZMrRgAAAAAAM3N4wIBAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAAAAAAKhBkxUAAAAAAAAAAEANmqwAAAAAAAAAAABq0GQFAAAAAAAAAABQgyYrAAAAAAAAAACAGjRZAQAAAAAAAAAA1KDJCgAAAAAAAAAAoAZNVgAAAAAAAAAAADVosgIAAAAAoGlt3749pVIphUIhJ06cqO7v6+vL6tWr09nZmZUrV+bkyZNjigEAAMBEaLICAAAAAKBpbdy4MUeOHMmiRYs+sX/r1q3p6urKqVOnsmPHjmzZsmVMMQAAAJgITVYAAAAAADStNWvWpKOj4xP7hoaGcuzYsWzatClJsmHDhpw+fTr9/f01YwAAADBRbVOdAAAAAAAAjMfAwEAWLFiQtraLP+IuFAopFos5c+ZMbr755ivGSqXSJecql8spl8vV7eHh4fT29tYlz5GRkbqdq552rRi9pvHtM679HM3qcnNrxms4Xs26FuuhVefWqvNKWndurTovAOBXNFkBAAAAAHDdKRQKn9iuVCpjin1ad3d3uru7q9sdHR1Zt25dXXLs7e2t27nqqbTz5Wsav2vFaJ441pq/Xrjc3Pr3NN81HK9mXYv10Kpza9V5Ja07t1adFwDwK635KQgAAAAAgJa1cOHCDA4OZnR0NG1tbalUKhkYGEixWMysWbOuGAMAAICJumGqEwAAAAAAgPGYN29eli9fnv379ydJDh48mFKplFKpVDMGAAAAE+VOVgAAAAAANK1t27bl0KFDOXv2bNauXZvZs2fn7bffzt69e7N58+bs3r077e3t2bdvX3VMrRgAAABMhCYrAAAAAACaVk9PT3p6ei7Zv3Tp0hw9evSyY2rFAAAAYCI8LhAAAAAAAAAAAKAGTVYAAAAAAAAAAAA1aLICAAAAAAAAAACoQZMVAAAAAAAAAABADZqsAAAAAAAAAAAAatBkBQAAAAAAAAAAUIMmKwAAAAAAAAAAgBrapjoBACZHaefLEx67a8XoNY0HAAAAAAAAgFbiTlYAAAAAAAAAAAA1aLICAAAAAOD/tXf3QVbV9/3AP0tWQzMRiSA1PFwum8niw6IsKghNHY1GTDbVdLbGNFjZigE72pZZNBrHJFJHdDJmJ834R+iMlaeWGJfWn6kNmGlmRBpSbUHNCCpRl10I8hBdYqAgC+f3h5MNK+R2F+7uuefs6zXDDPece3ff3++5Zz/3nvu55wAAAAAlaLICAAAAAAAAAAAoQZMVAAAAAAAAAABACZqsAAAAAAAAAAAAStBkBQAAAAAAAAAAUIImKwAAAAAAAAAAgBI0WQEAAAAAAAAAAJSgyQoAAAAAAAAAAKAETVYAAAAAAAAAAAAlaLICAAAAAAAAAAAoQZMVAAAAAAAAAABACZqsAAAAAAAAAAAAStBkBQAAAAAAAAAAUEJ12gEAACpV8a6nBux3LZzS1aff1/ZgQz+mAQAAAAAAAI7mTFYAAAAAAAAAAAAlOJMVAEAGDeRZtvrCGbYAAAAAAADII2eyAgAAAAAAAAAAKEGTFQAAAAAAAAAAQAmarAAAAAAAAAAAAEqoTjsAAAAAAAAAAJyMt/YeiOJdT6UdA4AccyYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVUpx0AAACA/lG866kB+T0Lp3T16Xe1PdjQj2kAAAAAAKD8nMkKAAAAAAAAAACgBE1WAAAAAAAAAAAAJWiyAgAAAAAAAAAAKEGTFQAAAAAAAAAAQAmarAAAAAAAAAAAAErQZAUAAAAAAAAAAFBCqk1WxWIxzj777Jg8eXJMnjw5HnvssYiI2LJlS8yYMSNqa2tj6tSpsWnTpjRjAgAAAAAAAAAAg1h12gFaW1ujrq6ux7J58+bF3Llzo6mpKVpbW2POnDmxfv36lBICAAAAAAAAAACDWcVdLnDXrl2xYcOGuOGGGyIiorGxMd58881oa2tLNxgAAAAAAAAAADAopd5kNWvWrJg0aVLcfPPNsXv37ujo6IjRo0dHdfX7J9mqqqqKQqEQ7e3tKScFAAAAAAAAAAAGo1QvF7h27dooFApx6NChuOeee2L27Nlx3333RVVVVY/7JUly3Me3tLRES0tL9+3Ozs5Ys2ZNREQcOHCg+/8nYuGUrhN+bH/r67hOdi6y7oPbctiplbF9K2GbZOm5MRDbrFKeG5VgMM5FqX0hS/sKAAAAAAD0h2KxGEOHDo2hQ4dGRMTXvva1uP7662PLli0xe/bs2LNnTwwfPjyWLFkS5557bsppAaD8Um2yKhQKERFxyimnxPz586O2tjbGjRsX27Zti66urqiuro4kSaKjo6P7vkdrbm6O5ubm7ttjx46NmTNnRsT7H5b/9v8nonjXUyf82P7W9mDfxnWyc5F1H9yWC6d0xTc3pPrUj4i+b8f+kKXnxkDsk5Xy3KgEg3EuSu2TWdpXAAAAAACgv7S2tkZdXV2PZfPmzYu5c+dGU1NTtLa2xpw5c2L9+vUpJQSA/pPa5QL37dsXnZ2d3bdXrlwZ9fX1MWrUqKivr48VK1ZERMSqVauiWCxGsVhMKSkAAAAAAAAAH7Rr167YsGFD3HDDDRER0djYGG+++Wa0tbWlGwwA+kFqpynZuXNnNDY2xuHDhyNJkqipqYlly5ZFRMTixYujqakpFi1aFMOGDYulS5emFRMAAAAAAACAiJg1a1YcOXIkpk2bFg888EB0dHTE6NGjo7r6/Y+dq6qqolAoRHt7+zEn0WhpaYmWlpbu252dnbFmzZqyZRt26vtX6siiLGePKG/+cj4neuvAgQOp/N5yyHL2CPnTlOXsEenlT63JqqamJjZu3HjcdRMnTnQKSQAAAAAAAIAKsXbt2igUCnHo0KG45557Yvbs2XHfffdFVVVVj/slSXLcxzc3N0dzc3P37bFjx8bMmTPLlm/pD/5ffHNDah9/n5SFU7oymz2ivPnbHizfc6K31qxZU9bn4kDKcvYI+dOU5ewR6eXP7l9qAAAAAAAAAAZEuefRHQAAIABJREFUoVCIiIhTTjkl5s+fH7W1tTFu3LjYtm1bdHV1RXV1dSRJEh0dHd33BYA8GZJ2AABgYBSLxTj77LNj8uTJMXny5HjsscciImLLli0xY8aMqK2tjalTp8amTZtSTgoAAAAAQCXZt29fdHZ2dt9euXJl1NfXx6hRo6K+vj5WrFgRERGrVq2KYrF4zKUCASAPnMkKAAaR1tbWqKur67Fs3rx5MXfu3GhqaorW1taYM2eOy/YCAAAAANBt586d0djYGIcPH44kSaKmpiaWLVsWERGLFy+OpqamWLRoUQwbNiyWLl2acloA6B+arABgENu1a1ds2LAhnn766YiIaGxsjNtuuy3a2tp80wgAAAAAgIiIqKmpiY0bNx533cSJE31xF4BBQZMVAAwis2bNiiNHjsS0adPigQceiI6Ojhg9enRUV7//kqCqqioKhUK0t7cf02TV0tISLS0t3bc7OztjzZo1Zcm1cErXCT1u2Kkn/thKk5exrFmzJg4cOFC250a5VOpzbKDmqa/bpFKfi5X6/DpRAzGWgdqWfd1X8rINAQAgTcW7nur1fRdO6erT/U9W24MNA/a7AABgoGiyAoBBYu3atVEoFOLQoUNxzz33xOzZs+O+++6LqqqqHvdLkuS4j29ubo7m5ubu22PHjo2ZM2eWJduJHuRbOKUrvrkhHy9n8jKWtgdnxpo1a8r23CiXSn2OtT04MPPU120ykAfe+6JSn18naiDGMlDbsq/7ykA99wEAAAAAoFyy/0keANArhUIhIiJOOeWUmD9/ftTW1sa4ceNi27Zt0dXVFdXV1ZEkSXR0dHTfFwA4McViMYYOHRpDhw6NiIivfe1rcf3118eWLVti9uzZsWfPnhg+fHgsWbIkzj333JTTAgAAAFSGNL4A2pszPjpLIxARMSTtAABA/9u3b190dnZ23165cmXU19fHqFGjor6+PlasWBEREatWrYpisXjMpQIBgL5rbW2NF154IV544YW4/vrrIyJi3rx5MXfu3Hjttdfiq1/9asyZMyfllAAAAAAA9IYzWQHAILBz585obGyMw4cPR5IkUVNTE8uWLYuIiMWLF0dTU1MsWrQohg0bFkuXLk05LQDk065du2LDhg3x9NNPR0REY2Nj3HbbbdHW1qbBGQAAAACgwmmyAoBBoKamJjZu3HjcdRMnToz169cPcCIAyL9Zs2bFkSNHYtq0afHAAw9ER0dHjB49Oqqr338rXlVVFYVCIdrb249psmppaYmWlpbu252dnbFmzZqy5Dpw4EDZftZgsHBK1/95n2Gn9u5+9F5/zOlgft7b78vPnAIAAMDgo8kKAAAAymzt2rVRKBTi0KFDcc8998Ts2bPjvvvui6qqqh73S5LkuI9vbm6O5ubm7ttjx46NmTNnliXbmjVryvazBoPiXU/9n/dZOKUrvrnBIZZy6o85bXtw8D7v7fflZ04BAABg8HEEEAAAAMqsUChERMQpp5wS8+fPj9ra2hg3blxs27Yturq6orq6OpIkiY6Oju77AgAAAABQuYakHQAAAADyZN++fdHZ2dl9e+XKlVFfXx+jRo2K+vr6WLFiRURErFq1KorF4jGXCgQAAAAAoPI4kxUAAACU0c6dO6OxsTEOHz4cSZJETU1NLFu2LCIiFi9eHE1NTbFo0aIYNmxYLF26NOW0AAAAAAD0hiYrAAAAKKOamprYuHHjcddNnDgx1q9fP8CJAAAAAAA4WS4XCAAAAAAAAAAAUIImKwAAAAAAAAAAgBI0WQEAAAAAkFnFYjHOPvvsmDx5ckyePDkee+yxiIjYsmVLzJgxI2pra2Pq1KmxadOmlJMCAACQZdVpBwAAAAAAgJPR2toadXV1PZbNmzcv5s6dG01NTdHa2hpz5syJ9evXp5QQAACArHMmKwAAAAAAcmXXrl2xYcOGuOGGGyIiorGxMd58881oa2tLNxgAAACZ5UxWAAAAAABk2qxZs+LIkSMxbdq0eOCBB6KjoyNGjx4d1dXvHwKvqqqKQqEQ7e3tUSwWezy2paUlWlpaum93dnbGmjVrypLrwIEDZftZ5bRwStdJPX7YqSf/MyrV8cZWidswom/bYKC32UDOWaXuZycrr+OKyO/Y8jouAOB3NFkBAAAAAJBZa9eujUKhEIcOHYp77rknZs+eHffdd19UVVX1uF+SJMd9fHNzczQ3N3ffHjt2bMycObMs2dasWVO2n1VOxbueOqnHL5zSFd/ckM+PF443trYHK28bRvRtOw70NhvIOavU/exk5XVcEfkdW17HBQD8Tj7fBQEAAAAAMCgUCoWIiDjllFNi/vz5UVtbG+PGjYtt27ZFV1dXVFdXR5Ik0dHR0X1fAAAA6KshaQcAAAAAAIATsW/fvujs7Oy+vXLlyqivr49Ro0ZFfX19rFixIiIiVq1aFcVi8ZhLBQIAAEBvOZMVAAAAAACZtHPnzmhsbIzDhw9HkiRRU1MTy5Yti4iIxYsXR1NTUyxatCiGDRsWS5cuTTktAACU11t7D5z0paD7S9uDDWlHgLLTZAUAAAAAQCbV1NTExo0bj7tu4sSJsX79+gFOBAAAQF65XCAAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEqrTDgAAQH4U73oqFk7piuJdT6UdBQAAAAAAAMrGmawAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABKqE47AAAAAAD0t+JdT6Ud4bjaHmxIOwIAAAAAveBMVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQQnXaAQAAALKueNdTfX7MwildJ/Q4yCv7AwAAAABQyZzJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEjRZAQAAAAAAAAAAlKDJCgAAAAAAAAAAoARNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwAAAAAAAAAAABK0GQFAAAAAAAAAABQgiYrAAAAAAAAAACAEqrTDgAAAAAAg1Xxrqf6/XcsnNLV59/T9mBDP6UBAAAAyCZNVgAAAAAAAJTNQDQR/1Zfmok1EQMAcDI0WQEAAAAAAAAAUDa9aYI+kTMvnyxN15wMTVYAAAAAAACQkuN9uJzGh84f5ENoAICeNFkBAAAAAAAAAJB75WxiLmdTtObmbBiSdgAAAAAAAAAAAIBK5kxWAAAAAADQD97aeyD1y30BAABQHhXbZLVly5aYPXt27NmzJ4YPHx5LliyJc889N+1YAJBL6i4ADBx1FwAGjroLkD+V2ry6+PKK/dh1QKi5AAwGFVvt582bF3Pnzo2mpqZobW2NOXPmxPr169OOBQC5pO4CwMBJu+46owbQG/5OlLZwSldm5qjtwYa0I6Qq7boLAIOFmgtwcgb6PWaW3tceT1rNzRXZZLVr167YsGFDPP300xER0djYGLfddlu0tbVFsVhMNxwA5Iy6CwADR90FgIGj7gKcnP764DXrH+pyLDUXgMGiKkmSJO0QH/Q///M/8Rd/8RexadOm7mVTp06Nhx56KC699NLuZS0tLdHS0tJ9+6233oqzzjorIiJ+85vfxEc/+tGBC13BzEVP5uN3zEVP5uN3zEVPfZ2P3bt3x8GDB/sxUXmVo+6mJU/PVWOpTHkZS17GEWEslSrNsai7fZen516lMKflZ07Ly3yW32CdU3W37/L6XMnruCLyO7a8jisiv2PL67gi8ju2co8rS3W3EmpuRLafW1nOHiF/mrKcPUL+NGU5e0R58/el5lbkmawiIqqqqnrcPl4vWHNzczQ3Nx/38WPHjo1t27b1S7asMRc9mY/fMRc9mY/fMRc9DYb5ONm6m5Y8bRtjqUx5GUtexhFhLJUqT2MZCGnXXdur/Mxp+ZnT8jKf5WdOs0Pd7R95HVdEfseW13FF5HdseR1XRH7Hltdx9VbaNTci29sgy9kj5E9TlrNHyJ+mLGePSC//kAH/jb0wbty42LZtW3R1dUXE+0W4o6MjCoVCyskAIH/UXQAYOOouAAwcdRcABoaaC8BgUZFNVqNGjYr6+vpYsWJFRESsWrUqisWia/YCQD9QdwFg4Ki7ADBw1F0AGBhqLgCDxYfuvffee9MOcTzTp0+Pr3/96/Gtb30rnn/++Xj00Udj1KhRff4ZvM9c9GQ+fsdc9GQ+fsdc9JT3+ShH3U1LnraNsVSmvIwlL+OIMJZKlaex9LdKqLu2V/mZ0/Izp+VlPsvPnGaDutt/8jquiPyOLa/jisjv2PI6roj8ji2v4+qNSqi5v82RVVnOHiF/mrKcPUL+NGU5e0Q6+auS410QFwAAAAAAAAAAgIio0MsFAgAAAAAAAAAAVApNVgAAAAAAAAAAACVosgIAAAAAAAAAAChBkxUAAAAAAAAAAEAJmqwGgTVr1qQdoSL86le/irVr18bOnTvTjpKaffv2RVdXV0REdHZ2xjPPPBM7duxIORUAANDf2tvbY926dbFu3bpob29POw6U5DhGeTkeUh6OqdAX6i6V6J133kk7Qr/wuiF78vLapLOzM+0IhJpLeWS9RqqF6clSTctD3aqU9+WZb7Jqb2+PmTNnRm1tbdx+++1x4MCB7nXTp09PMVk6Nm3adMy/m2++OTZv3hybNm1KO96AuvHGG7v/oP3kJz+Jc845J+644444//zz48knn0w53cBbtmxZjBw5MiZMmBA/+clPoq6uLu64446YNGlSPP7442nHAzghWX/zk9eDALZL5bFNKlOWt8uRI0di7dq1sWLFilixYkWsXbs2jhw5knYsjuOVV16JGTNmxLRp02LBggXR3Nwc06ZNixkzZsTmzZvTjpdJjkOUl+MY5ed4SPk5pkJvqbvZk9e6/uKLL8aFF14YU6dOjc2bN0dDQ0OMGTMmCoVCvPTSS2nHO2F5ft1wdD3Zs2dPNDQ0xOmnnx6XXXZZ5t8H5/W1yahRo+Laa6+NH/7wh94Pp0DNTVeW62fWa2TWa2HW612Wa1rW61ZFvS9PMu6zn/1s8vDDDyf//d//ndx4443JjBkzkl//+tdJkiTJ5MmTU0438KqqqpJisdjjX3V1dVIsFpMJEyakHW9A1dXVdf//0ksvTV588cUkSZKkra0tqa+vTytWaiZNmpS0tbUlL774YnL66acnzz//fJIkSbJly5bkggsuSDlderZu3Zo8++yzybPPPpts3bo17ThUqNWrV6cdgSRJvvOd73T//4033kjOPffcZOjQoUmxWExeeumlFJP13ebNm5Pp06cnZ511VjJ16tTk4osvTs4666xk+vTpyaZNm9KO1ye2S+WxTSpTnrbLunXrkvHjxyfTpk1LvvjFLybXXXddMnXq1GT8+PHJs88+m3Y8PmDatGlJa2vrMcsff/zx5OKLL04hUfY5DlFejmOUn+Mh5eeYCr01GOvuJz/5ybQjnJS81vVLL700eeKJJ5IlS5YkhUIhWbZsWZIkSfIv//IvyWc+85mU0524PL9uOLpGf+UrX0nuvPPOZMeOHcm3v/3t5Atf+EKKyU5eXl+b1NbWJg899FBy3nnnJR//+MeTO++8M3n11VfTjjVo5LnmZqG2Zrl+Zr1GZr0WZr3eZbmmZb1uVdL78sw3WX3wyXr//fcnF198cdLZ2VnxT+T+cO+99yaf/exnk7a2tu5lxWIxxUTpOfpFyEUXXdRj3aRJkwY6TuqO3h/Gjx/fY12lv+DpD3n60PZkbd26NbnqqquST37yk8mCBQuS//3f/+1ed8kll6SYLB0vv/zyMf/Gjh2bbNq0KXn55ZfTjjeoHf137Etf+lLy8MMPJ0mSJK2trcmVV16ZVqwTkqeDALZL5bFNKlOetsukSZO638Qe7bnnnutxoIHKUFtbe0Lr+P0chygvxzHKz/GQ8nNMhd7Ka9093rGS3/77+Mc/nna8k5LXun7036Zx48b1WJfl5tA8v244epudf/75SVdXV4/bWZbX1yZH/4346U9/mnzlK19Jhg0blvzxH/9xsnTp0hSTDQ5Zr7lZr61Zrp9Zr5FZr4VZr3dZrmlZr1uV9L4885cL3L9/f4/bd999d3zxi1+MK664It59992UUqXnm9/8Ztx///3x53/+5/G9730vIiKqqqpSTpWOmTNnxvz582P//v1x5ZVXxj/90z9FkiTxox/9KEaMGJF2vAE3ZMiQePnll2PdunWxb9+++NnPfhYREa+99locPnw45XQDr6mpKRYsWBA7duyI//qv/4rnnnsuduzYEc3NzTF79uy04w2oW265Ja655ppYuXJl7N69u8ffz6NP8TpY1NXVRUNDQ49/b731Vnzuc5+Lz3/+82nHG9SSJOn+/6ZNm+LWW2+NiIjGxsbYvXt3WrFOyDvvvBONjY3HLP+zP/uz2Lt3bwqJTpztUnlsk8qUp+1y4MCBuOiii45ZfvHFF8fBgwdTSEQpI0eOjOXLl/c4DfiRI0di6dKlg/J9UTk4DlFejmOUn+Mh5eeYCr2V17pbV1cXn//85485XtLQ0BB79uxJO95JyWtdP/r9x+WXX/5712VNnl83HDx4sPtST0OGDIkPfehD3euyPsbB8Npk+vTp8Q//8A+xY8eOuOmmm+KRRx5JO1LuZb3mZr22Zrl+Zr1GZr0WZr3e5aWmZbFuVdT78gFt6eoHX/jCF5If/ehHxyz/9re/nVRVVaWQqDIcPHgwufPOO5NPf/rTyZgxY9KOk4qDBw8m8+fPT4YPH5584hOfSKqqqpLq6upk5syZyRtvvJF2vAG3evXqZMSIEcnIkSOT//iP/0iuvPLK5LzzzktOP/305Pvf/37a8QZc1r/lUE5Z/sZBf8j6twDyrKamJvn3f//35N/+7d+Sc889t8e6LHzD4WgzZsxIli1blhw+fLh72eHDh5MlS5Yk06dPTzFZ39kulcc2qUx52i5XX311snDhwmTPnj3dy/bs2ZPce++9yVVXXZViMo5ny5Ytyac//enkYx/7WHLeeecldXV1yfDhw5PLL788U6cErySOQ/QPxzHKx/GQ8nNMhd7Ka90tFovJ9u3bj7tu7NixA5ymvPJa16+66qpk7969xyz/5S9/mUydOjWFROWVx9cN48ePTyZMmNB96aeOjo4kSZJcHKPN62sTZ7NMV9ZrbtZra5brZ15qZFZrYdbrXZZrWtbrViW9L69Kkgy0ZJbw229Kf/jDHz5m3fbt22PMmDEDHami/OxnP4tnnnkm7rzzzrSjpGb//v3x+uuvx6FDh2L8+PGZ6iLtT4cPH44XXnghxo0bF6NGjUo7zoD7oz/6o7jlllti1qxZMWTI+yf1O3LkSCxfvjwWL14cP/3pT1NOOHDOPvvseOWVV3ose+ihh+L73/9+7N27N7Zs2ZJSsvRs3Lgxbr311rjxxhvjlltuiZqamnjjjTfSjjXoffBbJStWrIgxY8bErl27oqGhIZ5//vmUkvXdL37xi5g3b15s3LgxRo8eHVVVVbFt27aor6+P733ve1FbW5t2xF677LLLenzDxHZJn32lMuVpX9m9e3fcdddd8YMf/CCSJOke13XXXRcPPvjgoHxtmQW7d++Ojo6OiIgYN25cnHnmmSknyi7HIfqX4xjl43hI/xnsx1T4v+Wt7v7t3/5tXHfddfGpT33qmHW33XZbPPzwwymkKo/BVtfffffd2Lt3b4wdOzbtKGUxGF437N+/P3bu3BkTJkxIO8pJy9trk71798bpp5+edoxBL6s1N+u1NY/1M6s1Mi+1MGv1Los1LW91K8335ZlvsgI4EXn60PZk/emf/mnMmzcvrr766h7LW1pa4vbbb+9xut3B5L333otvfOMb8fzzz8err74a27ZtSzsSv8fhw4fj4MGD8ZGPfCTtKH2W1YMAvWG7VB7bpDJlebtERLz99tsREXHGGWeknAQAAAAAAPqXJitgUMvzh7a9lcdvHJRTXr4FAP2ls7Mzhg8fnnaMsmpvb4/29vaIiCgUClEoFFJORB7kbV85cuRIrFu3rse+8qlPfar7DKEAAAAAAJA3joADg9qZZ54ZU6ZMiSlTpnQ3WA2ms1hFvN9cdbwGq4hjLzk1GF1yySXdDVaD7blRabZu3RozZ86M2traWLBgQRw4cKB73fTp01NM1nePP/549//37NkTDQ0Ncfrpp8dll13W3bCQFWeeeWZce+218eSTT2b+zHevvPJKzJgxI6ZNmxYLFiyI5ubmmDZtWsyYMSM2b96cdrxes69UpjztK//5n/8ZNTU18dWvfjV++MMfxpNPPhl33HFH1NTUxLp169KOBwAAAAAA/cKZrIBBadOmTcddniRJfOYzn4lf/vKXA5woPb9vLiIirrzyykE1FxHmo5J97nOfi4aGhrjkkkviu9/9bvziF7+I1atXx2mnnRb19fWxcePGtCP22pQpU2LDhg0RETF37tw444wzYv78+fHP//zP8eyzz8a//uu/ppyw9yZOnBhz586NRx99NN5+++248cYb46abbspkU+Ill1wSd9xxRzQ2NvZY3traGt/61rfiueeeSylZ39hXKlOe9pXzzz8//vEf/zEuuuiiHsuff/75uOmmm+LnP/95SskAAAAAAKD/aLICBqUhQ4ZEsViM4/0J3L59e7z33nsppEqHuejJfFSuo5stIiIWLVoUTzzxRPz4xz+Oyy+/vMe6Snd0o8sFF1wQGzZsiA996EPdt1988cU04/XJ0dtl/fr18eijj8Zjjz0WF1xwQdx8881x4403ppyw9yZOnBivvvpqn9dVGvtKZcrTvlJbWxuvvfZan9cBAAAAAECWVacdACAN48ePj3Xr1sXo0aOPWTdu3LgUEqXHXPRkPirX/v37e9y+++6749RTT40rrrgi3n333ZRSnZiDBw/G5s2bI0mSGDJkSHfTSEREVVVVislOzvTp02P69Onxne98J37wgx/EI488kqnGkZEjR8by5ctj1qxZMWTI+1fVPnLkSCxfvjxGjBiRcrres69UvqzvK5/4xCfi7/7u7+LWW2/t3jd+9atfxcMPPxwTJkxIOR0AAAAAAPSPIWkHAEjDNddcE2+88cZx11177bUDnCZd5qIn81G5zjnnnFi9enWPZbfffnt8+ctfjtdffz2lVCdm//790dDQEA0NDdHZ2Rnbtm2LiIi9e/d2N/dkxfHO+vaRj3wkmpqa4plnnkkh0YlbunRpLFmyJEaOHBl1dXUxadKkGDFiRPfyrLCvVKY87SvLli2LrVu3RrFYjI9+9KNx2mmnRbFYjK1bt8by5cvTjgcAAAAAAP3C5QIBgEw4ePBgRER8+MMfPmbd9u3bY8yYMQMdqez2798fO3fuzNSZYPbu3Runn3562jHKavfu3dHR0RER75/B7swzz0w5Ud/YVypTHveViIi33347IiLOOOOMlJMAAAAAAED/0mQFAGRKe3t7tLe3R0REoVCIQqGQcqITZywAAAAAAACQDdVpBwAA6I3NmzfHnDlz4s0334xCoRBJkkRHR0dMmDAhHnnkkTjnnHPSjthrxpI9tbW18dprr6Ud46TlZRwRxpKmrVu3xty5c+PNN9+MP/mTP4n7778/hg4dGhER06dPj/Xr16ecEAAAAAAAyk+TFQCQCX/5l38Zd9xxRzQ2NvZY3traGrNnz47nnnsupWR9ZyyVadOmTb933W9+85sBTHJy8jKOCGOpVH/1V38V11xzTVxyySXx3e9+N6644opYvXp1nHbaaXHgwIG04wEAAAAAQL9wuUAAIBMmTpwYr776ap/XVSJjqUxDhgyJYrEYx3t5vH379njvvfdSSNV3eRlHhLFUqilTpsSGDRu6by9atCieeOKJ+PGPfxyXX355j3UAAAAAAJAXzmQFAGTCyJEjY/ny5TFr1qwYMmRIREQcOXIkli9fHiNGjEg5Xd8YS2UaP358rFu3LkaPHn3MunHjxqWQ6MTkZRwRxlKp9u/f3+P23XffHaeeempcccUV8e6776aUCgAAAAAA+teQtAMAAPTG0qVLY8mSJTFixIioq6uLurq6OOOMM7qXZ4mxVKZrrrkm3njjjeOuu/baawc4zYnLyzgijKVSnXPOObF69eoey26//fb48pe/HK+//npKqQAAAAAAoH+5XCAAkCm7d++Ojo6OiHj/7C9nnnlmyolOnLFUvnfeeSc+9rGPpR3jpOVlHBHGUgkOHjwYVVVVceqpp3Yv++1Ytm/fHmPGjEkxHQAAAAAA9A9nsgIAMuHFF1+MCy+8MBoaGuIP/uAP4utf/3qMHz8+CoVCvPTSS2nH6xNjqUwvvfRSXHjhhTF16tTYvHlzNDQ0xJgxY6JQKMTTk4AYAAABi0lEQVTPf/7ztOP1Wl7GEWEslerVV1+N6dOnH3csb7/9dtrxAAAAAACgX2iyAgAy4W/+5m/iG9/4Rtx6661x9dVXx5e+9KXYv39//P3f/33cfvvtacfrE2OpTH/913/9e8eyYMGCtOP1Wl7GEWEslSpPYwEAAAAAgN5yuUAAIBPq6+tj48aNERFRKBSivb29e93kyZPjhRdeSCtanxlLZcrLWPIyjghjqVR5GgsAAAAAAPSWM1kBAJlwdF/45Zdf/nvXZYGxVKa8jCUv44gwlkqVp7EAAAAAAEBvabICADLhD//wD+PXv/51REQsXbq0e/mOHTti6NChacU6IcZSmfIylryMI8JYKlWexgIAAAAAAL3lcoEAQKa9++67sXfv3hg7dmzaUU6asVSmvIwlL+OIMJZKlaexAAAAAADAB2myAgAAAAAAAAAAKMHlAgEAAAAAAAAAAErQZAUAAAAAAAAAAFCCJisAAAAAAAAAAIASNFkBAAAAAAAAAACUoMkKAAAAAAAAAACghP8PHcV2xz6ORMsAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotPerColumnDistribution(df2, 10, 5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correlation matrix:" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkcAAAIpCAYAAACovZzdAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAMTQAADE0B0s6tTgAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3XlcVlXix/HvAwooiLiEigoYBcSiqImJ5YZaamqTmJob6iRh5q/RMrNcp8UtZqYmt3IrSy1Nm0xbNJcyKh1zJZdKRFJzN3cFzu8P5PI8Aor6IOp83r3u6wX3Oc89514vcPqec+5jM8YYAQAAQJLkUtwNAAAAuJnQOQIAALBD5wgAAMAOnSMAAAA7dI4AAADs0DkCAACwQ+cIAADADp0jAABw0xgwYIACAwNls9m0ZcuWAsu9/PLLCgoKUlBQkIYNG+bUNtA5AgAAN424uDh9++23CggIKLDM6tWrNWfOHG3atEkpKSlaunSpvvjiC6e1gc4RAAC4aTRq1EjVqlW7bJl58+YpPj5enp6ecnd3V+/evTVnzhyntYHOEQAAuKWkpaU5JEuBgYFKS0tz2vFLOO1IAADgllYvykP7DmQW2fFdSlRRVlaW9f3AgQM1cODAazqWzWazvnb2x8TSOQIAAJKkfQcylba+RpEd3//e00pPT7/+4/j7KzU11fp+9+7d8vf3v+7j5mBYDQAAXGSUVYT/OUvHjh01a9YsnTp1SufOndP06dPVuXNnpx2fzhEAALhpPPXUU6pWrZrS09PVvHlz3XXXXZKk1q1ba926dZKkJk2a6LHHHlNkZKTuuecetWzZUg899JDT2mAzzh6oAwAAt6RqfiX063+dNzx1qaB6550yrFbUSI4AAADsMCEbAABIkoykLDGgRHIEAABgh+QIAABYnLmq7FZFcgQAAGCH5AgAAGQzUiaL2EmOnGXTpk3q1auXatSoIQ8PD3l5ealOnToaN26cjhw5UtzNyyM+Pl6BgYHX9N4PPvhA//znP/N9zWazaeTIkdfesGs0c+ZM2Ww22Ww2rVy5Ms/rxhjdddddstlsatKkyTXVMXHiRM2cOfOq3rNy5coC23St5s2bp/DwcJUqVUo2m00bNmxw2rEvldN+m81W4Lk3a9ZMNpvtmu+n/O5Fm82m/v37X9PxbjdNmjRRREREcTejQE2aNLnmnylnio+Pt+7VS7fFixdLyr2f58+fn+8x+vfv7/CRFFL2Z3Y9/PDDV6zby8vLOSeCmwLJkRO8/fbb6tevn0JCQvTcc88pLCxMFy5c0Lp16zR58mQlJydr4cKFxd1Mp/nggw+0ZcsWPfPMM3leS05OvuKnKRelMmXKaNq0aXl+Wa9atUq//vqrypQpc83HnjhxoipWrKj4+PhCv6dOnTpKTk5WWFjYNddr7+DBg+revbseeughTZw4Ue7u7goODnbKsS8n57peeu67du3SypUr5e3tXeRtwM1p4sSJxd0ES6lSpfT111/n2R8aGloMrbl1sVqNztF1S05OVmJiolq0aKFFixbJ3d3deq1FixYaNGiQPv/8c6fUdfr0aZUuXTrf186cOaNSpUo5pZ7rcd999xVr/Z06ddL777+vt956y+EP9rRp09SgQQP9+eefN6QdFy5ckM1mk7e3t1OvyY4dO3ThwgV169ZNjRs3dsoxL3df5ejUqZPeeecd7dy5U3fffbe1f/r06apataoiIyOVkpLilPbcjApzjf5XOavj7wwuLi7F/jsItweG1a7Tq6++KpvNpqlTpzp0jHK4ubmpXbt21vdZWVkaN26cQkND5e7uLl9fX/Xo0SPPE0NzovTVq1crJiZGpUuXVu/evSXlxrwff/yxateuLQ8PD40aNUpS9vDRxIkTFRUVpVKlSqlcuXKKi4vTb7/9dsVzeeutt9SoUSP5+vrK09NTkZGRGjdunC5cuODQrs8++0y7d+92iK1z5DestmXLFrVv317lypWTh4eHoqKiNGvWLIcyOXH3nDlz9OKLL8rPz0/e3t5q3ry5tm/ffsW25+jSpYskac6cOda+48ePa8GCBdb1u9SoUaNUv359lS9fXt7e3qpTp46mTZvm8CnPgYGB2rp1q1atWmWdc85QUE7b33vvPQ0aNEhVq1aVu7u7fvnllzzDaocOHVL16tUVExPjcF1TUlLk6emp7t27F3hu8fHxuv/++yVld1YuHSL8z3/+owYNGqh06dIqU6aMWrRooeTkZIdjjBw5UjabTevXr1dcXJzKlSunoKCgK17XFi1aqHr16po+fbq1LysrS7NmzVLPnj3l4pL3V8n13Is5pkyZouDgYLm7uyssLExz587NU6Yw91fOsKv9B1VK+Q97FuZn7/PPP1edOnVUqlQphYaGOlyXHPv371dCQoKqVasmNzc31ahRQ6NGjVJGRkahz9/e2rVr9cADD6h06dK68847NWbMGIdPN5ektLQ0devWTb6+vnJ3d9c999yj119/3aFcQUO9qampeYZPf/vtN3Xu3Fl+fn5yd3dXpUqVFBsb6zCUe+mwWs5xJkyYoKSkJNWoUUNeXl5q0KCBvv/++zzn9fbbbzv8G3/wwQfXNex/qzl27JgGDRqkO++80/qb0Lp1a23bts0qM2nSJNWqVUteXl4qU6aMQkNDNXToUEnSxo0bZbPZNG3atDzHXrp0qWw2m/7zn/8Uuj1GRplFuN0qSI6uQ2Zmpr7++mvVrVtX1atXL9R7EhMTNXXqVPXv318PP/ywUlNTNWzYMK1cuVLr169XxYoVrbL79u1Tt27dNHjwYL366qsOf4DWr1+vn3/+WS+99JJq1KghT09PSVJCQoJmzpypAQMGaOzYsTpy5IhGjx6tmJgYbdy4UZUqVSqwbb/++qsef/xx1ahRQ25ubtq4caNeeeUVbdu2zfrlP3HiRPXt21e//vproYYKt2/frpiYGPn6+uqNN95QhQoVNHv2bMXHx+uPP/7Q4MGDHcoPHTpUDRs21DvvvKM///xTzz//vNq2bauff/5Zrq6uV6zP29tbcXFxmj59uhISEiRld5RcXFzUqVOnfOdKpaamKiEhwfpE5++//15PP/20fv/9dw0fPlyStHDhQsXFxals2bLWMMKlneEXXnhBDRo00OTJk+Xi4iJfX1/t37/foUzFihU1d+5cNWnSRM8//7ySkpJ0+vRpdezYUf7+/po8eXKB5zZs2DBFR0frqaee0quvvqqmTZta6dgHH3ygrl27qmXLlpozZ47OnTuncePGqUmTJlq+fLnVqcrx6KOPqnPnznryySd16tSpK15XFxcXxcfHa9q0aXr55Zfl6uqqL7/8Uunp6erVq5f+7//+L897rudelLI7eytWrNDo0aPl6empiRMnqkuXLipRooTi4uIkXf39VViX+9nbuHGjBg0apCFDhqhSpUp655131KdPH911111q1KiRpOyOUXR0tFxcXDR8+HAFBQUpOTlZL7/8slJTUzVjxoyras/+/fvVtWtXDRo0SCNGjNDChQv1wgsvyM/PTz169JCUPeQaExOj8+fP6+9//7sCAwO1ePFiPfvss/r111+vafirdevWyszM1Lhx4+Tv769Dhw7pu+++07Fjx6743rfeekuhoaHWz9ywYcPUunVr7dq1S2XLlpUkTZ06VQkJCerQoYP+8Y9/6Pjx4xo1apTOnTt31W3NcWnn02azFep3R3E4ceKE7r//fqWmpur5559X/fr1dfLkSa1evVr79u1TaGio5s6dq379+unpp5/WhAkT5OLiol9++cVKamvVqqXatWtrxowZ6tOnj8PxZ86caXW2cJUMrtn+/fuNJNO5c+dClf/555+NJNOvXz+H/T/88IORZIYOHWrta9y4sZFkli9fnuc4AQEBxtXV1Wzfvt1hf3JyspFkXn/9dYf9e/bsMaVKlTKDBw+29vXs2dMEBAQU2NbMzExz4cIF8+677xpXV1dz5MgR67U2bdoU+F5JZsSIEdb3nTt3Nu7u7iYtLc2hXKtWrUzp0qXNsWPHjDHGrFixwkgyrVu3dij34YcfGkkmOTm5wLYaY8yMGTOMJLN27VrrWFu2bDHGGFOvXj0THx9vjDEmPDzcNG7c+IrnPXr0aFOhQgWTlZVlvVbQe3Pqa9SoUYGvrVixwmH/2LFjjSSzcOFC07NnT1OqVCmzadOmy56j/fE++ugjhzb7+fmZyMhIk5mZae0/ceKE8fX1NTExMda+ESNGGElm+PDhV6zr0vp+++03Y7PZzOLFi40xxnTs2NE0adLEGJP3nrjee1GSKVWqlNm/f7+1LyMjw4SGhpq77rrL2lfY+yvn/ti1a1e+52f/73Olnz0PDw+ze/dua9+ZM2dM+fLlTUJCgrUvISHBeHl5OZQzxpgJEyYYSWbr1q15jl2QnPb88MMPDvvDwsLMgw8+aH0/ZMiQfMslJiYam81m/b4o6J7ctWuXkWRmzJhhjDHm0KFDRpL55z//ecX22f9c5BwnMjLSZGRkWPt//PFHI8nMmTPHGJN931auXNnUr1/f4Xi7d+82JUuWvOzvp/z07NnTKPsBzw5bw4YNrTL5/fzYe+qpp8ylfxYDAgJMmzZtrli3p6fnVbXXGGNGjx5tJJmvvvqqwDL9+/c3Pj4+lz3OG2+8YSQ5/E04cuSIcXd3N4MGDbqqNlWp7GIO/O5XZFvVqlWvqj3FhWG1G2jFihWSlGdSa3R0tO655x4tX77cYX+5cuXUrFmzfI9Vs2bNPBNxFy9eLJvNpm7duikjI8PaKleurFq1al1xxdRPP/2kdu3aqUKFCnJ1dVXJkiXVo0cPZWZmaseOHVd3shd9/fXXio2NzZOsxcfH6/Tp03mGfeyHIHPOU5J2795d6DobN26soKAgTZ8+XZs3b9batWsLHFLLaWPz5s1VtmxZ67yHDx+uw4cP68CBA4Wut0OHDoUu+9xzz6lNmzbq0qWLZs2apTfffFORkZGFfr+97du3a+/everevbtDwuHl5aUOHTro+++/1+nTp6+5rTlq1KihJk2aaPr06Tp8+LA++eSTAq/r9d6LkhQbG+uQLrm6uqpTp0765ZdfrGHoq72/CutyP3tRUVFWyihJHh4eCg4OdrhHFy9erKZNm8rPz8/h/Fu1aiUpe4HA1ahcubKio6Md9tWsWdOhzq+//lphYWF5ysXHx8sYk+9E5cspX768goKCNH78eCUlJemnn37KM4x3OW3atHFIbC79Wd6+fbv279+vxx57zOF9/v7+atiw4VW1NUepUqW0du1ahy2/4aabxdKlSxUcHKzmzZsXWCY6OlrHjh1Tly5d9Mknn+jQoUN5ynTt2lXu7u4OQ6I5CXKvXr2Koum3PTpH16FixYoqXbq0du3aVajyhw8fliRVqVIlz2t+fn7W6znyK3e51/744w8ZY1SpUiWVLFnSYfv+++/z/aHKkZaWpgceeEC///67/vWvf+mbb77R2rVr9dZbb0nKnvB9LQ4fPlzg+ea8bq9ChQoO3+cMXV1N/TabTb169dLs2bM1efJkBQcH64EHHsi37I8//qiWLVtKyp77sGbNGq1du1YvvvjiVdd7uX+v/NoYHx+vs2fPqnLlypeda3QlV7qvsrKydPTo0Wtuq70+ffro008/VVJSkkqVKmUNb13qeu7FHJUrVy5wX845X+39VViXuz6X3qNS9n1qf6/88ccf+vTTT/Oce3h4uCQV6vyvtk5nXwubzably5frwQcf1Lhx41SnTh3dcccdGjBggE6cOHHVbb70ZzmnPfkNr15pyLUgLi4uuvfeex22kJAQ6/USJbJnkmRmZub7/oyMDKvMjXDw4MErru7t3r27pk+frt27d6tDhw7y9fVV/fr19dVXX1llypcvr3bt2undd9+1zm3mzJmKjo627rmrkWlMkW23CuYcXQdXV1fFxsZq6dKlSk9Pv+JNnvPLYt++fXnK7t2712G+kaQ8z9u40msVK1aUzWbTN998k+/k8Pz25Vi0aJFOnTqljz/+WAEBAdb+632GToUKFbRv3748+/fu3Wu1uSjEx8dr+PDhmjx5sl555ZUCy82dO1clS5bU4sWL5eHhYe1ftGjRVdd5uX+vS+3bt09PPfWUoqKitHXrVj377LN64403rrpOyfG+utTevXvl4uKicuXKXXNb7T366KN66qmnNGbMGD3xxBMFrpC8nnsxx6Xztez35ZxzYe+vnH/bS+eyFNRJudbrk6NixYqqWbNmgfdeTofFmYriWgQEBFjJy44dO/Thhx9q5MiROn/+/GXnxxW2vVJ2R/JS+f3bO0NOp+v333/P9/Xff//9mjtm1+KOO+7IsxgnP7169VKvXr106tQprV69WiNGjNDDDz+sHTt2WL+ve/XqpY8++khfffWV/P39tXbtWk2aNKmoT+G2RXJ0nV544QUZY/TEE0/o/PnzeV6/cOGCPv30U0myYvrZs2c7lFm7dq1+/vlnxcbGXldbHn74YRlj9Pvvv+f5v6d77733ssM2OX8M7P9oGWP09ttv5yl76f+xXk5sbKy+/vpr6xd0jnfffVelS5cusmW3VatW1XPPPae2bduqZ8+eBZaz2WwqUaKEQ/x/5swZvffee3nKXs15X05mZqa6dOkim82mpUuX6rXXXtObb76pjz/++JqOFxISoqpVq+qDDz5wWGF36tQpLViwwFrB5gylSpXS8OHD1bZtWyUmJhZY7nruxRzLly93+MOZmZmpefPmKSgoyPqfi8LeXzkrnzZt2uRQ7mpW8VyNhx9+WFu2bFFQUFC+518UnaPY2FilpKRo/fr1Dvvfffdd2Ww2NW3aVNK1X4vg4GC99NJLioyMzFPHtQgJCVHlypX14YcfOuxPS0vTd999d93Hz8/dd9+tgIAAffTRRw4/K1J2irNixYrLDnE5W6tWrbRjx45CD3l6enqqVatWevHFF3X+/Hlt3brVeq1ly5aqWrWqZsyYoRkzZsjDw8NavXs1jKSsItxuFSRH16lBgwaaNGmS+vXrp7p16yoxMVHh4eG6cOGCfvrpJ02dOlURERFq27atQkJC1LdvX7355ptycXFRq1atrNVq1atX19/+9rfrakvDhg3Vt29f9erVS+vWrVOjRo3k6empffv26dtvv1VkZGSBf9BatGghNzc3denSRYMHD9bZs2c1adKkPMMxkhQZGamPP/5YkyZNUt26da0oOz8jRoyw5l8MHz5c5cuX1/vvv6/PPvtM48aNs1atFIUxY8ZcsUybNm2UlJSkxx9/XH379tXhw4c1YcKEfJONyMhIzZ07V/PmzdOdd94pDw+Pa5onNGLECH3zzTf68ssvVblyZQ0aNEirVq1Snz59VLt2bdWoUeOqjufi4qJx48apa9euevjhh5WQkKBz585p/PjxOnbsWKGuw9UYOHCgBg4ceNky13Mv5qhYsaKaNWumYcOGWavVtm3b5rCcv7D3V7169RQSEqJnn31WGRkZKleunBYuXKhvv/32+i9IPkaPHq2vvvpKMTExGjBggEJCQnT27FmlpqZqyZIlmjx5stMflvq3v/1N7777rtq0aaPRo0crICBAn332mSZOnKjExERrjmLlypXVvHlzvfbaaypXrpwCAgK0fPnyPJ3zTZs2qX///urYsaPuvvtuubm56euvv9amTZs0ZMiQ626vi4uLRo0apYSEBMXFxal37946duyYRo0apSpVquT7eAhnmDBhgh577DHFxsbqiSeeUOXKlbVz506NGTNGbm5uGjZsWJ737N+/P9+nagcGBlq/+zIzM/Mtk9OhWbVqlWJjYzV8+HBrFewzzzyjefPmqX379hoyZIiio6N15swZrVq1Sg8//LCaNm1qJbQNGzZUlSpVtH//fr322msqW7as6tWrZ9Xj6uqqHj16KCkpSd7e3nr00UeL9Pfrba/YpoLfZjZs2GB69uxp/P39jZubm/H09DS1a9c2w4cPNwcOHLDKZWZmmrFjx5rg4GBTsmRJU7FiRdOtWzezZ88eh+M1btzYhIeH51vXlVZPTJ8+3dSvX994enqaUqVKmaCgINOjRw+zbt06q0x+K4Q+/fRTU6tWLePh4WGqVq1qnnvuObN06dI8K1uOHDli4uLijI+Pj7HZbA6rO3TJajVjjNm8ebNp27atKVu2rHFzczO1atWyVsTkKGgVyaUraApiv1rtcvJbcTZ9+nQTEhJi3N3dzZ133mlee+01M23atDyrm1JTU03Lli1NmTJljCTr+l1uBcylK4O+/PJL4+LikucaHT582Pj7+5t69eqZc+fOFdj+y9W1aNEiU79+fePh4WE8PT1NbGysWbNmjUOZnNVqBw8eLPgiFbI+ewWtYLzWe1GSeeqpp8zEiRNNUFCQKVmypAkNDTXvv/9+njoKc38ZY8yOHTtMy5Ytjbe3t7njjjvM008/bT777LN8V6td7c/epSu2jDHm4MGDZsCAAaZGjRqmZMmSpnz58qZu3brmxRdfNCdPnsz3+PkpqD35Xbfdu3ebxx9/3FSoUMGULFnShISEmPHjxzusYjTGmH379pm4uDhTvnx5U7ZsWdOtWzezbt06h5+1P/74w8THx5vQ0FDj6elpvLy8TM2aNc0//vEPh1VoBa1WGz9+fJ425/f7YerUqeauu+4ybm5uJjg42EyfPt20b9/e1K5du9DXKOd6FHbF2LJly0zLli2Nj4+PKVGihKlSpYrp1q2b2blzZ56yAQEB+a6Ck2R69uxp1V1QmUt/T1x6/kePHjX/93//Z/z9/U3JkiWNr6+vadOmjdm2bZsxxphZs2aZpk2bmkqVKhk3Nzfj5+dnHnvssXxXt+7YscOq93Ir4C6ncmUXk5Zeuci2W2W1ms2YW2iGFADgtnbs2DEFBwfrkUce0dSpU4u7Of9zqlRxVfJa3yI7/v33uRZqnlVxY1gNAFAs9u/fr1deeUVNmzZVhQoVtHv3bv3jH//QiRMn8n2wKHCj0DkCgGKQmZmZZ1KwvZv5yc7O4u7urtTUVPXr109HjhyxJtFPnjzZWoLOdbrxbqWJ00WFzhEAFIPY2NjLPgwyICAgz2fB3W7KlStnreYtCNcJxYHOEQAUgylTplz2YYqFeRbU/wKu041lJGXq+p7zdTugcwQAxcD+yc0oGNcJxYHOEQAAsGSxhp0nZAMAANgjOQIAABbmHJEcAQAAOCA5AgAAklitloPkCAAAwA7JEQAAuMimLFOUydGtsRSO5AgAAMAOyREAALAU7ZwjkiMAAIBbDskRAACwZBZpbpJVhMd2HpIjAAAAOyRHAABAUvaMoKJdrXZrIDkCAACwQ3IEAAAsPCGb5AgAAMAByREAALBkGnITrgAAAIAdkiMAACBJMrIpi9yEKwAAAGCP5KgYubvZdEdF1+JuBiTtP+VV3E3ARS4Zxd0C2OORNzcPlwtndO7cuSKvh9VqdI6K1R0VXZW2vkZxNwOSgt9NLO4m4CKfn4u7BbB33ps/lDeLIwteL+4m/M+gcwQAACysVmPOEQAAgAOSIwAAYMlizhGdIwAAkM1IymRQiSsAAABgj+QIAABYmJBNcgQAAOCA5AgAAFzEx4dIJEcAAAAOSI4AAIAkyRgpk8+MITkCAACwR+cIAABYMuVSZFth7dy5UzExMQoODlZ0dLRSUlLylDl79qzi4+MVGRmpiIgItWvXTocOHXLKNaBzBAAAbioJCQnq27evduzYocGDB6tPnz55ykyZMkUnT57Upk2btGXLFlWqVEnjxo1zSv10jgAAgCXLuBTZVhgHDhzQ+vXr1a1bN0lShw4dtGvXLqWmpuYpe/r0aV24cEEZGRk6efKkqlWr5pRrQOcIAADcNPbs2SM/Pz+VKJG9Zsxms8nf319paWkO5RISEuTt7S1fX19VqlRJx48fV//+/Z3SBjpHAABAUu5nqxXVlpPu5GxJSUn5tsNmc1wxZ4zJU2bZsmWy2Wzav3+/9u3bJx8fH40ePdop14HOEQAAuCG8vLyUnp5ubQMHDsxTpnr16kpPT1dGRoak7I7Rnj175O/v71Bu8uTJ+stf/iIPDw+5ubmpa9euWrFihVPaSecIAABYMo2tyLbC8PX1Ve3atTV79mxJ0oIFCxQYGKjAwECHcnfeeae++OILGWNkjNHixYsVERHhlGtA5wgAANxUpkyZoilTpig4OFhjxozRtGnTJEmtW7fWunXrJEkjR47U8ePHFR4eroiICB06dEh///vfnVI/T8gGAAAX3RyfrRYSEqLk5OQ8+5csWWJ9Xb58ec2fP79I6i/+KwAAAHATITkCAACWzEI+j+h2xhUAAACwQ3IEAAAkZT/nKEuFW1V2OyM5AgAAsENyBAAALMw5IjkCAABwQHIEAAAsmeQmXAEAAAB7JEcAAOAim7IK+RlotzOSIwAAADskRwAAQFL2c46Yc0RyBAAA4IDkCAAAWLJ4zhGdIwAAkCuTjw9hWA0AAMAeyREAAJB08YNnGVYjOQIAALBHcgQAACzMOSI5AgAAcEByBAAALrIx50gkRwAAAA5IjgAAQDYjZZIckRwBAADYu22So8DAQHl4eMjDw0NnzpxRr169NGTIkOJuFgAAtwwjKYvVardP50iS5s+fr4iICO3du1dhYWFq1qyZoqOji7tZAADgFnJbDqv5+fkpJCREu3fvliSNGzdO4eHhioyMVNeuXXX8+HFJ0smTJ9W7d29FREQoIiJCo0aNso7RpEkTPffcc2rUqJGqV6+u8ePHa+7cuYqJiVFAQIDmzp0rSTpz5ow6deqksLAw1apVSy1btrzxJwwAgJNkGpci224Vt1VylGPbtm06dOiQmjRpoqVLl2rGjBlKTk6Wj4+P+vbtq6FDh+qtt97S3//+d50/f16bNm3SmTNndP/99yssLEwdO3aUJKWlpWnlypXav3+/goKCNGjQIH333Xf68ccf9cgjj6hz5876/PPPdfToUaWkpEiSjhw5UpynDgAArtOt040rhLi4ON1zzz0KCwvTgAEDdMcdd2jZsmXq2rWrfHx8JEmJiYlatmyZJGnZsmV68skn5eLiIk9PT/Xo0cN6TZI6duwoFxcX+fn5qWLFinrkkUckSXXr1tW+fft09uxZ1apVS9u2bVO/fv00b948lSxatx+uAAAgAElEQVRZssD2JSUlqVq1atZ28qQpwqsBAMDVyzK2IttuFbdV52j+/Pn6+eef9eWXX2rIkCHavHmzjDGy2Rz/QXK+v9xrkuTh4WF97erqan3v6uoqScrIyNCdd96plJQUPfTQQ1qzZo0iIiJ09OjRfNs3cOBApaenW5uX161zowAA8L/ituoc5WjevLkSExP10ksvqUWLFpo7d65OnDghSZo6daqaN28uSWrRooXefvttGWN06tQpzZ4923qtsNLT02Wz2dSuXTtNmDBBxhjt2bPH6ecEAEBRM7IpUy5Ftt0qbp2WXqVhw4bp22+/la+vr7p3764GDRooMjJSf/75p1555RWrjM1mU2RkpOrXr6927dopLi7uqurZvHmzYmJiVLNmTdWpU0fdu3dXzZo1i+KUAADADWAzxjDxpZhU8yuhtPU1irsZkBT8bmJxNwEX+fxc3C2AvfPeDP/fLI4seF3p6elFWkeZSqWV+GWbIjv+B22Si/wcnOG2TY4AAACuxW25lB8AAFybLHITrgAAAIA9kiMAAGDJvIWeR1RUSI4AAADskBwBAABJkpFuqSdZFxWSIwAAADskRwAAwJJlyE24AgAAAHZIjgAAgCVTzDkiOQIAALBDcgQAAC6ysVpNdI4AAIAdJmQzrAYAAOCA5AgAAEi6+BBIJmSTHAEAANgjOQIAABY+eJbkCAAAwAHJEQAAyGZYrSaRHAEAADggOQIAABYeAklyBAAA4IDkCAAASOI5RzlIjgAAAOyQHAEAgIv44FmJ5AgAANxkdu7cqZiYGAUHBys6OlopKSn5llu1apXq1aun8PBwhYaGKjk52Sn1kxwBAADLzfCco4SEBPXt21fx8fGaP3+++vTpk6fjs3fvXvXs2VNLly7VPffco7Nnz+rs2bNOqb/4rwAAAMBFBw4c0Pr169WtWzdJUocOHbRr1y6lpqY6lJs4caK6deume+65R5Lk4eEhHx8fp7SBzhEAALBkGVuRbSdPnlS1atWsLSkpKU/9e/bskZ+fn0qUyB7cstls8vf3V1pamkO5lJQUnTlzRs2bN1dUVJSefvppnT592inXgGE1AABwQ3h5eSk9Pf2K5Ww2x0nhxpg8ZS5cuKCVK1dq2bJlKlOmjHr37q2RI0dq3Lhx191OkiMAACAp9zlHRbUVRvXq1ZWenq6MjIzsNhmjPXv2yN/f36FcQECA2rRpo3LlyqlEiRLq3LmzfvzxR6dcBzpHAADgpuHr66vatWtr9uzZkqQFCxYoMDBQgYGBDuUef/xxrVixQufOnZMkff7556pVq5ZT2kDnCAAAWIpyzlFhTZkyRVOmTFFwcLDGjBmjadOmSZJat26tdevWSZJiYmLUtm1bRUVFKTIyUgcPHtTo0aOdcg2YcwQAAG4qISEh+T6zaMmSJQ7fDx48WIMHD3Z6/XSOAACAhSdkM6wGAADggOQIAABYSI5IjgAAAByQHAEAAAvJEckRAACAA5IjAAAgKfcJ2f/rSI4AAADskBwBAIBsV/kk69sVnSMAAGChc0TnqFjtP+Wl4HcTi7sZkLSjx6TibgIuatWyc3E3AXaOh/sUdxNw0ZHibsD/EDpHAADAQnLEhGwAAAAHJEcAAEDSxaX8JEckRwAAAPZIjgAAgMWQHJEcAQAA2CM5AgAAFj4+hOQIAADAAckRAACwsFqN5AgAAMAByREAALCwWo3kCAAAwAHJEQAAsDDniOQIAADAAckRAACQJBnZmHMkkiMAAAAHJEcAACCbYc6RRHIEAADggOQIAABYjCnuFhQ/kiMAAAA7JEcAAMCSJeYckRwBAADYITkCAAAWnnNEcgQAAOCA5AgAAFh4zhHJEQAAgAOSIwAAYOE5RyRHAAAADkiOAACAJMmI1WoSnSMAAGCHzhHDagAAAA5IjgAAgIWl/CRHAAAADkiOAACAhaX8JEcAAAAOSI4AAEA2w2o1ieQIAADAAckRAAC4yEZyJJIjAAAAByRHAADAwmI1kiMAAAAHJEcAAMDCnCOSIwAAAAckRwAAIBeTjkiOAAAA7N30yVFgYKA8PDzk7u6u06dPKywsTM8//7xiYmI0efJknTlzRn/7298KfP+iRYvk5+en6OjoG9hqAABuPUbMOZJukeRo/vz52rhxo3bu3KnevXurdevW+uGHH/Tkk09etmMkZXeOfvzxxxvUUgAAcL127typmJgYBQcHKzo6WikpKQWWPXjwoCpVqqS4uDin1X9LdI7stW/fXv369dOECRM0cuRIPfvss5Kk77//XnXr1lVUVJQiIiI0adIkLVmyRP/5z380ZswYRUVF6Z133tH+/fvVtGlT1a1bV+Hh4RowYIDMxY8gHjlypB5//HG1bdtWYWFhatasmY4cOWLVPXbsWEVGRqpWrVq67777dPr0aUnSe++9p/r166tOnTpq3LixtmzZcuMvDAAATmBM0W2FlZCQoL59+2rHjh0aPHiw+vTpU2DZfv36qXXr1k4481y3XOdIkurVq6etW7c67Hvttdc0aNAgbdiwQVu2bFHnzp3VunVrtWvXTkOGDNGGDRv017/+VT4+Pvr000/13//+V5s2bdJvv/2mBQsWWMf54YcfNGvWLKWkpMjX11dTpkyRJM2aNUuLFi3SmjVrtHHjRi1dulTu7u5as2aN5s6dq9WrV2v9+vV6+eWX1bVr1xt6PQAAuF0cOHBA69evV7du3SRJHTp00K5du5Sampqn7Pvvv69KlSqpcePGTm3DTT/nKD8mn+5n06ZN9fLLL+uXX35Rs2bNdP/99+f73qysLD3//PP69ttvZYzRgQMHFBUVZcVxrVq1Uvny5SVJDRo00ObNmyVJixcvVmJiory9vSVJ5cqVkyR98skn2rhxo+rXr2/VcfDgQZ0/f15ubm4OdSclJSkpKSn3PM6fu9ZLAABAkSjuOUd79uyRn5+fSpTI7qLYbDb5+/srLS1NgYGBVrm9e/cqKSlJq1at0vz5853ahlsyOVq7dq0iIiIc9j3zzDNavHixqlSpoqFDh6pfv375vjcpKUmHDx/WDz/8oE2bNunxxx/X2bNnrdc9PDysr11dXZWRkXHZthhj1Lt3b23YsMHa9u7dm6djJEkDBw5Uenq6tdnc3K/mtAEAuKWdPHlS1apVszb7wMCezebYQcsvFHniiSc0btw4eXl5Ob2dt1xy9Mknn2jSpEn6/PPP9fnnn1v7t2/frpCQEN15552qXr26hg4dKkny9vbW8ePHrXJHjx5V5cqV5eHhoT/++EMfffSROnXqdMV627Vrp4kTJ+qRRx6Rt7e3jh07pjJlyqht27bq0aOHnnjiCVWvXl1ZWVlav3697r33XuefPAAARa0IkyMvLy+lp6dftkz16tWVnp6ujIwMlShRQsYY7dmzR/7+/g7lkpOTrblIJ0+e1JkzZ/Tggw/qiy++uO523hKdo7i4OLm7u+vUqVMKCwvTkiVLdN999zl0jt58802tWLFCbm5ucnV11euvvy5J6t69u+Lj4/XRRx+pf//+GjBggDp27KioqChVrVpVzZs3L1Qbunfvrr1796pBgwYqWbKkSpcurWXLlqlRo0Z69dVX1b59e2VmZurChQtq06YNnSMAAK6Br6+vateurdmzZys+Pl4LFixQYGCgw5CaJIcFUzNnztTixYudNrxmM/llVbghSpT1UeCLw4u7GZC0o8ek4m4CLmrVsnNxNwF2jof7FHcTcFH6N/+4YupyvUpUKCv/fz9fZMc//9zEQp3D9u3bFR8fr8OHD8vb21uzZs1SeHi4WrdurdGjR+cJIJzdObolkiMAAPC/IyQkRMnJyXn2L1myJN/y8fHxio+Pd1r9dI4AAEA2Iz5bTbfoajUAAICiQnIEAAAsxf2co5sByREAAIAdkiMAAJCLOUd0jgAAQC6G1RhWAwAAcEByBAAAcjGsRnIEAABgj+QIAADYYc4RyREAAIAdkiMAAJCLOUckRwAAAPZIjgAAQC6SI5IjAAAAeyRHAAAgF0/IJjkCAACwR3IEAAAshjlHJEcAAAD2SI4AAEAukiOSIwAAAHskRwAAIJuxsVpNJEcAAAAOSI4AAIDFxpwjkiMAAAB7JEcAACAXyRHJEQAAgD2SIwAAkIvVaiRHAAAA9kiOAABALuYckRwBAADYIzkCAAC5SI5IjgAAAOyRHAEAgFwkRyRHAAAA9kiOAABALp5zROcIAADk4oNnGVYDAABwQHIEAACyGTEhWyRHAAAADugcAQAA2KFzBAAAYIc5RwAAwMJqNTpHxcolQ/L5ubhbAUlq1bJzcTcBFy39cm5xNwF2HvSLKu4mIIdfcTfgfwedIwAAkIuHQDLnCAAAwB7JEQAAyMWcI5IjAAAAeyRHAAAgF8kRyREAAIA9kiMAAGDhOUckRwAAAA5IjgAAQC6SI5IjAAAAeyRHAAAgF8kRyREAAIA9kiMAAGBhtRrJEQAAuMns3LlTMTExCg4OVnR0tFJSUvKUmTdvnmrXrq2IiAhFRkbqzTffdFr9JEcAACCbkWRsxd0KJSQkqG/fvoqPj9f8+fPVp08fJScnO5SpVq2ali5dqsqVK+v48eOqW7eu6tSpo4YNG153/SRHAADgpnHgwAGtX79e3bp1kyR16NBBu3btUmpqqkO5hg0bqnLlypKksmXLKjQ0VLt27XJKG+gcAQCAXKYIt0LYs2eP/Pz8VKJE9uCWzWaTv7+/0tLSCnxPSkqKkpOT1axZs6s71wLQOQIAADfEyZMnVa1aNWtLSkrKt5zN5ji0Z0zBPav09HS1b99ekydPlp+fn1PayZwjAABgKcrVal5eXkpPT79smerVqys9PV0ZGRkqUaKEjDHas2eP/P3985Tdu3evmjdvrpdeekkdO3Z0WjtJjgAAwE3D19dXtWvX1uzZsyVJCxYsUGBgoAIDAx3K7du3T7GxsXr++efVs2dPp7aBzhEAAMhVzHOOJGnKlCmaMmWKgoODNWbMGE2bNk2S1Lp1a61bt06SNHz4cKWlpelf//qXoqKiFBUVpRkzZlzfuV/EsBoAALiphISE5Fm6L0lLliyxvn777bf19ttvF0n9dI4AAIAkySaekC3ROQIAAPboHDHnCAAAwB7JEQAAyEVyRHIEAABgj+QIAABYmJBNcgQAAOCAzhEAAIAdOkcAAAB2mHMEAAByMeeI5AgAAMAeyREAAMhmWK0mkRwBAAA4IDkCAAC5SI5IjgAAAOyRHAEAgFwkRyRHAAAA9kiOAACAhdVqJEcAAAAOSI4AAEAukiOSIwAAAHskRwAAwMKcI5IjAAAAByRHAAAgF8nRzZscBQYGKjQ0VFFRUQoLC9Nbb711TceZOXOmduzY4dS2jRw5Us8++6xTjwkAAG4ON3VyNH/+fEVERGjPnj2KjIzUAw88oJo1a17VMWbOnKmKFSsqODi4iFoJAMBthOTo5k2O7FWvXl3BwcHasWOHxo0bp/DwcEVGRqpr1646fvy4JOnTTz9VzZo1FRUVpYiICH3yySd65513tG7dOg0YMEBRUVFasmSJJGns2LGKjIxUrVq1dN999+n06dOSVOCxjx8/rri4OIWFhenBBx/UL7/8YrXtwoULGjJkiKKjoxUVFaXOnTvr2LFjN/gKAQAAZ7klOkebN2/Wtm3btG/fPs2YMUNr1qzR5s2b5enpqaFDh0qSXnrpJU2ePFkbNmzQpk2b1LhxY/31r3/VvffeqzfeeEMbNmxQ69atNWvWLC1atEhr1qzRxo0btXTpUrm7u2vp0qUFHnv06NHy9vZWSkqK3n//fa1evdpq2/jx4+Xl5aUff/xRGzZsUHh4uEaMGJHveSQlJalatWrWlnXhXNFfPAAAroLNFN12q7iph9Xi4uLk4eGh0qVLa/r06UpOTlbXrl3l4+MjSUpMTFTnzp0lSbGxsXrmmWcUFxenli1bKioqKt9jLl68WImJifL29pYklStXTpK0bNmyAo+9YsUKvfnmm5KkihUr6tFHH7WOt2jRIv3555+aP3++JOn8+fMKCgrKt+6BAwdq4MCB1vdunj7XdmEAAECRuak7RzlzjnJ89913stlsDmVyvk9KStLWrVu1YsUK9ezZU127dtXgwYMLXZcxpsBjG1Nwd9cYo4kTJ6pZs2aFrgsAgJuSEXOOdIsMq+Vo0aKF5s6dqxMnTkiSpk6dqubNm0uStm3bpvDwcPXv31+JiYn6/vvvJUne3t7W3CFJateunSZNmqQ///xTknTs2DFlZmZe9tixsbGaMWOGJOnIkSNauHChw/GSkpKseUunT5/W1q1bi/IyAACAInRTJ0eXatWqlTZv3qwGDRrIZrOpZs2amjhxoiTphRde0I4dO+Tm5qbSpUtr0qRJkqS+fftq0KBBGj9+vF599VV1795de/fuVYMGDVSyZEmVLl1ay5Ytu+yxhw0bpt69eyssLEwBAQFq0aKF1aYhQ4Zo1KhRql+/vpU0Pf/88woPD7/BVwcAACcgOZLNXG7MCEXKzdNHNR8bXtzNgKQK/z1a3E3ARUu/nFvcTYCdB/3yn7+JG+9nv2Slp6cXaR0ly/goJDH/RUXOcOyD14v8HJzhlhpWAwAAKGq31LAaAAAoYownkRwBAADYIzkCAACWW+lhjUWF5AgAAMAOyREAAMhFckRyBAAAYI/kCAAA5CI5IjkCAACwR3IEAAAstisXue2RHAEAANghOQIAALmYc0RyBAAAYI/kCAAASMqeb8QTskmOAAAAHJAcAQCAbEbMORLJEQAAgAOSIwAAkIvkiOQIAADAHskRAACwsFqN5AgAAMAByREAAMhFckRyBAAAYI/kCAAAWJhzRHIEAADggM4RAADIZYpwK6SdO3cqJiZGwcHBio6OVkpKSr7lXn75ZQUFBSkoKEjDhg276lMtCJ0jAABwU0lISFDfvn21Y8cODR48WH369MlTZvXq1ZozZ442bdqklJQULV26VF988YVT6qdzBAAALDZTdFthHDhwQOvXr1e3bt0kSR06dNCuXbuUmprqUG7evHmKj4+Xp6en3N3d1bt3b82ZM8cp14DOEQAAuCFOnjypatWqWVtSUlKeMnv27JGfn59KlMheM2az2eTv76+0tDSHcmlpaQoICLC+DwwMzFPmWrFaDQAA5CrC1WpeXl5KT0+/YjmbzebwvTH5N8q+XEFlrgWdIwAAkKuYl/JXr15d6enpysjIUIkSJWSM0Z49e+Tv7+9Qzt/f32Gobffu3XnKXCuG1QAAwE3D19dXtWvX1uzZsyVJCxYsUGBgoAIDAx3KdezYUbNmzdKpU6d07tw5TZ8+XZ07d3ZKG+gcAQAAS3FPyJakKVOmaMqUKQoODtaYMWM0bdo0SVLr1q21bt06SVKTJk302GOPKTIyUvfcc49atmyphx56yCnXgGE1AABwUwkJCVFycnKe/UuWLHH4fvjw4Ro+fLjT66dzBAAAsl3lwxpvVwyrAQAA2CE5AgAAFpsTl8TfqkiOAAAA7JAcAQCAXARHJEcAAAD2SI4AAIDlap5HdLsiOQIAALBDcgQAAHKRHJEcAQAA2CM5KkbGJp33thV3MyDpeLhPcTcBFz3oF1XcTYCdL/ZuKO4m4CL/e29MPcw5IjkCAABwQHIEAABykRyRHAEAANgjOQIAABbmHJEcAQAAOCA5AgAAuUiOSI4AAADskRwBAIBshjlHEskRAACAA5IjAACQyxAdkRwBAADYITkCAACSJJuYcySRHAEAADggOQIAALlIjkiOAAAA7JEcAQAAiy2ruFtQ/OgcAQCAXAyrMawGAABgj+QIAABYWMpPcgQAAOCA5AgAAOTi40NIjgAAAOyRHAEAgGyGOUcSyREAAIADkiMAAJCL5IjkCAAAwB7JEQAAsDDniOQIAADAAckRAADIxXOOSI4AAADskRwBAAALc45IjgAAAByQHAEAgFwkRyRHAAAA9kiOAACAhTlHJEcAAAAOSI4AAMBFRsoiOiI5AgAAsENyBAAAshmxWk0kRwAAAA5IjgAAgIXVaiRHAAAADkiOAABALkN0RHIEAABgh+QIAABYmHNUyOQoMDBQoaGhioqKUlhYmN56662ibleBNmzYoA8//LDY6i9Iamqqpk6dWtzNAAAA16nQw2rz58/Xhg0b9MUXX+jFF1/Upk2bHF7PyMhweuMulZGRQecIAICiZIpwc4LTp0+rS5cuuuuuuxQcHKyPP/4433KbN29Wo0aNFBoaqsjISPXt21fnzp0rVB1XPeeoevXqCg4O1o4dOxQVFaUBAwaoQYMGWrhwof744w/95S9/UWRkpCIiIhw6C4GBgXrhhRfUqFEj3XXXXUpKSrJe27lzp9q0aaN69eqpVq1amjhxovWazWbT66+/riZNmuiJJ57Q8OHDtWzZMkVFRenJJ5/U+PHjlZCQYJU/duyYKlasqCNHjkiSxo4dq8jISNWqVUv33XefTp8+LUkaN26cwsPDFRkZqa5du+r48eOSpJEjR+rZZ5+1jvfvf/9b8fHxkqSZM2fqwQcfVJcuXRQZGal7771Xv/32myTpySefVEpKiqKiotSuXburvawAABQ7mySbMUW2OcOECRPk7u6uX375RV988YX69euno0eP5inn4eGhf//739q2bZs2bNig48eP6/XXXy9UHVc952jz5s3atm2bjh49qk2bNunf//633njjDUlSp06dFBoaqoULF+rAgQOqW7euoqKiFB0dLUn6448/tHr1ah06dEh169ZVw4YNde+99+rxxx/Xe++9p9DQUJ0+fVr33Xef7rvvPtWpU0eSdO7cOa1cuVJSdgdl8eLFmj9/vqTszlBISIjGjRunsmXLatq0aWrfvr3Kly+vWbNmadGiRVqzZo28vb119OhRubu7a+nSpZoxY4aSk5Pl4+Ojvn37aujQoYUaLvzhhx+0ceNGBQQEaMiQIRo7dqymTJmiyZMn69lnn9W6desKfG9SUpJDpzDrQuF6sAAAINu8efM0c+ZMSVKNGjXUqFEjffLJJ1aQkePuu++2vnZ1dVW9evW0bdu2QtVR6OQoLi5OUVFRSkhI0PTp03X33XcrODhY999/v1Vm2bJleuqppyRJvr6+evTRR7V8+XLr9T59+kiSKlasqL/85S9avny5tm/frq1bt6pz586KiopSTEyMTpw4oZSUFOt9vXv3LrBdPj4+6tChg2bOnCljjCZNmqT+/ftLkhYvXqzExER5e3tLksqVKydXV1ctW7ZMXbt2lY+PjyQpMTFRy5YtK9R1uP/++xUQECBJatCggX799ddCvU+SBg4cqPT0dGtzKele6PcCAHBDZBXh5gRpaWnW32Epe2QqLS3tsu85deqU3nnnHbVt27ZQdRQ6OZo/f74iIiKs71euXCkvL6885Ww222W/v/Q1Y4wqVqyoDRs2FFguv3rsDRgwQI888oiCgoJUqVIl1a5d+7LljTEFtrNEiRLKzMy09p89e9ahnIeHh/W1q6vrDZlrBQDA7eDkyZOqVq2a9f3AgQM1cOBAhzIPPPCAfv7553zf/9NPP0ly7FuYKwzXXbhwQZ06dVLLli3Vvn37QrXTqc85at68uTXP6ODBg1q4cKGaNWtmvT5jxgxJ0pEjR7Ro0SLFxsYqJCREpUuX1rvvvmuV++WXX6w5Q5fy9va25gflCA0NVWBgoBITE63USJLatWunSZMm6c8//5SUPQSXmZmpFi1aaO7cuTpx4oQkaerUqWrevLkkKSgoSOvWrVNWVpZOnz6tBQsWFOrc82sXAAC3mqKcc+Tl5eUwgnJpx0iSvvnmGx06dCjfrXr16vL391dqaqpVfvfu3fL398/3XC5cuKDHHntMVapU0b/+9a9CXwOndo7eeOMNbdq0STVr1lTTpk314osvWvONJCkgIEAPPPCAoqOjNWDAAEVHR6tEiRL69NNP9eGHH6pmzZoKDw/XX//6V505cybfOmJjY3Xq1CnVqlVLTz75pLX/iSeeUEZGhuLi4qx93bt31yOPPKIGDRooKipKrVu31rlz59SqVSt1795dDRo0UGRkpP7880+98sorkqQOHTrI19dXYWFhevTRRxUVFVWoc69Zs6ZCQkIUERHBhGwAAIpIx44drTnCu3bt0qpVq/L9u5uRkaHOnTurfPnymjp16mVHsi5lM1fKo5wkMDBQixcvdhiac6Z+/fqpSpUqGjZsWJEcvyiU9PLRPX1GFHczIKn0AScNhuO6lZn3fXE3AXa+2FvwlAfcWP73nlF6enqR1uHhXlYNY4YU2fG373zrus/h1KlT6t27t/773//KxcVFr776qhWMDB8+XH5+fnryySf1/vvvq1u3bqpZs6bVMWrYsGGhFl/d8k/I3rt3r5o1a6by5ctr7Nixxd0cAABQhDw9PTVv3rx8Xxs9erT1ddeuXdW1a9drquOGdY7sxwedyc/Pr9BL8wAAwBXwwbN88CwAAIC9W35YDQAAOA8fPEtyBAAA4IDkCAAA5GLOEckRAACAPZIjAABgsfHYN5IjAAAAeyRHAAAgF3OOSI4AAADskRwBAIBcBEckRwAAAPZIjgAAgMXGnCOSIwAAAHskRwAAIJsRq9VEcgQAAOCA5AgAAOTiCdkkRwAAAPZIjgAAwEWG1WoiOQIAAHBAcgQAAHKRHJEcAQAA2CM5AgAAuUiO6BwBAAA7LOVnWA0AAMAeyREAALCwlJ/kCPj/9u49KKryjQP49yAYIBcvYeqQ4pSLGhdNNHXUQpBQ0gRxGq9MEgXEqDGJJmbpRIqiZSGaNyibRIrCvDElWqhhQhlyURAU0yTTVFwWUdzd3x/8WNnUxCV4OXu+nxlm3LM7y3fcwofnPO/7EhERGWHniIiIiO5g54idIyIiIqLG2DkiIiKienqwcwR2joiIiIiMsHNEREREd7BzxM4RERERUWPsHBEREdEd3CGbnSMiIiKixtg5IiIiIgPukM3OEREREZERdrtJUl8AABPySURBVI6IiIjoDnaO2DkiIiIiaoydIyIiIvo/PaBj54idIyIiIqJG2DkiIiKiOzhzxM4RERERUWPsHAlkUXcDV9JXiY7RbNXV1bCzsxMdo1muiA7wHzGHzwI9RAf4b5jFZwGgp5foBM1nLp/FpUuXWv6b6MHOEVgcCXXz5k3REf4Tzs7OOH/+vOgYBH4WbQk/i7aDnwU9LBZHREREdAc7R5w5IiIiImqMnSNqtujoaNER6P/4WbQd/CzaDn4WD4n7HEHS69k/IyIiIsDa0h7ePV9rsfcvuJUqi/kvdo6IiIjoDr1OdALhOHNERERE1Ag7R0RERHQHp23YOSIiIiJqjJ0jIiIiuoOr1dg5ouarqqpCYWGh6BiKd/v2bdERiNqMiRMnNuka/ZO+/rZaS33JBIsjMom/vz+uXbuG6upqeHp64oUXXsDixYtFx1KkoqIiDBgwAL179wYA/PLLL5g/f77gVMp0/fp1zJ07Fy+++CIAoLi4GNu2bROcSpl+//33u66dPn1aQBKSIxZHZJKLFy+iY8eO2LNnD1588UWcOnUKGRkZomMpUlRUFBITE/Hoo48CAJ5++mns3r1bcCplCg8Px6OPPory8nIAQO/evREfHy84lbJs3LgRgwcPRmlpKYYMGWL4cnV1hYuLi+h4bV/DwbMK7xxx5ohMUldXBwDIzs6Gv78/rKysYGHBWlsEtVqNESNGGB5LkgQrKyuBiZTr5MmT+OKLL5Ceng4AsLGxAffZbV1+fn7o06cPIiIisHLlSsN1BwcHeHh4CExG/5WamhqEhoYiNzcXFhYWWL58OYKCgu77er1eD19fX+Tn5+Py5ctN+h4sjsgkbm5u8Pf3x8mTJ7FixQrU1NSIjqRYlpaWqKurgyRJAIDz58+zUBWkffv2Ro9v3LjB4qiV9erVC7169cKJEydER5GvlvxvVmr+WyQkJOCRRx5BWVkZzpw5g2HDhsHb2xudOnW65+sTExPh4uKC/Pz8Jn8P/gQlk6SkpCA8PBwHDhyAra0trl69iuXLl4uOpUhRUVEIDAzE5cuX8e6772LUqFGYN2+e6FiK5O3tjffffx83b97EDz/8gJdeeolDwIJUVFQgIiICfn5+GD16tOGL5G/79u14/fXXAdTfuh41ahR27Nhxz9eeOnUKqampWLBgwUN9D56tRs1y69Yto1VStra2AtMo108//YQdO3ZAr9dj/PjxGDlypOhIinT79m2sXLkSGRkZ0Ov1mDBhAhYsWABLSzbpW9uQIUPg4+ODYcOGoV27dobrAQEBAlO1fdbt7ODdNaTF3r+g3Y5mn61mb2+P8vJydO3aFQAQExMDOzu7uxYF6XQ6jB49Gh9++CE6duwILy8v3lajlrV9+3ZER0fjzz//BFB/T1eSJGi1WsHJlKe2thbDhg3D8OHDAdT/QKitrYW1tbXgZMpjaWmJt956C2+99ZboKIpXW1uLZcuWiY5B/1BdXQ1nZ2fD4+joaERHRxu9ZuTIkfe9LXrs2DEAMIwRALjvreuEhASMGjUKAwYMQEVFxUPlZHFEJlmwYAEyMjIwaNAgzrcINnr0aOzduxeOjo4A6ge0AwICcOjQIcHJlCMmJuZfn1+xYkUrJaEGbm5uOH/+vNE/xNRELXhDyc7O7oGdo4MHD/7r8z179kRFRQWcnJwAAGfPnsW4cePuel12djaOHz+Ozz77DLdv38bVq1fh4uKCY8eO3Xc+qQGLIzJJjx49MHjwYNExCPUrNxoKIwBwdHSERqMRmEh5OnToAAAoKytDdna2YeXMN998Az8/P5HRFOvKlSvw8PDAiBEjjLqoaWlpAlPRf2Hy5MlYu3YtUlJScObMGfz4449Yv379Xa/btWuX4c8VFRXw8vJqcgeJxRGZZPbs2Vi8eDEmTpxo9IOnf//+AlMpk06ng0ajMfwDrVarDVstUOt45513AABjx47Fr7/+ii5dugAA3n77bcyYMUNkNMWaMmUKpkyZIjqGPLXxUeR58+Zh1qxZePLJJ2FhYYG1a9eic+fOAIDFixejR48eCA8Pb9b3YHFEJjl37hwSEhKQkpJiGHaUJIk70Aowbdo0+Pn5ISIiAgCwbt06hIS03EAl3d+5c+cMhREAdO7cGWfPnhWYSLn4/4D56tChA7Zv337P55YuXXrP6y4uLk0exgZYHJGJPv74Y5SXl6N79+6ioyje/Pnz0a1bN3z77bcAgIiICEyfPl1wKmXq168fXnnlFYSGhgIAkpOT0bdvX8GplGnWrFn3vL5ly5ZWTiJDPHiWxRGZxsXFhYVRGxISEsLflNuAzZs3Y8mSJYiKioJer4ePjw8SEhJEx1KkQYMGGf5cW1uL9PR0DBw4UGAikhPuc0QmiYmJwblz5zB58mSjmaN7rRiglnXt2jV88sknKC8vN9pzir8hE91RU1OD4OBg7NmzR3SUNs26nR2e6zS1xd6/0HpPs/c5ag3sHJFJcnNzAdTfXmsgSRKLIwGCg4Ph5OR012Z31PrUajUWLlyIffv2QZIkjBkzBu+99x7s7e1FR1M8Gxubh97rhpSLxRGZ5MCBA6Ij0P9VVlZi3759omMQgMjISNja2mLbtm0AgA0bNiAyMhJbt24VnEx5Gu89pdVqkZeXx9W0TaHXc+YILI6oGdLT041+Qw4MDBQdSZGeeOIJVFVVGe11RGIcP37c6HDLpKQkeHp6CkykXA1bWwD1O5dHRERg0qRJAhORnLA4IpMsXboUGRkZmDlzJgAgLi4ORUVFWLRokeBkymNvbw8vLy+MHTvWaP6LuzK3Pq1WC7VabbiNptFooNPpBKdSpoa9p8gEHEVmcUSm+eqrr3DkyBHDQbNhYWEYNmwYiyMBVCoVVCqV6BgEYObMmRg6dCimTZsGSZKQmprKVYSC/HP+y9fXF3FxcZz/oibhajUyibu7OwoKCh54jUhpMjMzsW/fPuj1eowZMwb+/v6iIynSjBkzYGtra9gcdcOGDVCr1Zz/egBriw54zv6lFnv/QvvvZLFajcURmSQ0NBR1dXUIDw+HJEnYuHEjAC4fF+Xrr7/Gb7/9htraWsM13lZrfbW1tXjkkUcMJ4brdDrcunXL6HYntQ5PT0+j+a/7XSNjLI7q8Th1MslHH32E7t27Y/bs2YiKikLXrl2NlvVT65k7dy6Sk5OxadMmaLVapKam4u+//xYdS5FGjx6N69evGx6r1Wr4+voKTKRcDfNfDTj/9RD0+pb7kgnOHJFJOnTogPj4eNExCEBWVhby8/MxcOBArFq1CjExMXjllVdEx1Kkmpoao1WDjo6O0Gg0AhMpF+e/qDlYHJFJuNld22FtbQ0LCwtIkoS6ujo89thj+OOPP0THUiSdTgeNRmNYRq5Wq1FXVyc4lTLFxMTAw8PDMP8VHx/P+a8m0rPDxuKITMPN7toOe3t71NTUYMSIEQgJCUG3bt1gZWUlOpYiTZs2DX5+foYh4HXr1hm2u6DWVVtbi+eff95QEOl0OtTW1nL+i5qEA9lkEg47th0XL15Ep06doNVqsXr1aly9ehVz5szB448/LjqaIn366afYvXs3AGDChAmYPn264ETKNHz4cOzdu9dwm7OqqgoBAQE4dOiQ4GRtm7VFBzxr03KbZRZ12s+BbDJfHHZsO3bv3o327dvDxsYGsbGxSEhIwPfffy86liJlZmYiJCQEaWlpSEtLw/Tp05GZmSk6liJx/ouag8URmaRh2PH999/HsmXLMHz4cA47CpKYmNika9TyFi5c2KRr1PIa5r8acP6rifSoP1utpb5kgjNHZJKYmBi4u7sjKyvLMOz42GOPiY6lKHl5efj5559x+fJlJCUlGa5XVVXh1q1bApMpT1lZGUpLS3H9+nXs2bPHcL2qqgo1NTUCkynXvea/+AscNRWLI3poeXl5OHv2LJ577jmMHTsWhYWFWLRoEQ4fPoxLly6JjqcYf/zxB/Ly8qDRaJCbm2u47uDggJSUFHHBFOjw4cNISUnBxYsXsXLlSsN1BwcHrFq1SmAy5Zo/fz66deuGb7/9FgAQERHB+a8m0QN6jkhwIJseSnx8PJYvXw5XV1f8/fffmD17NubPn4/IyEgsWrQIHTt2FB1Rcfbu3YuxY8eKjkEANm/ejNDQUNExCMC1a9f488gE1pItRllNbLH3L+6azYFsMj8pKSkoLi7GkSNHsHPnTrzxxhvYuXMnEhIS+INIkN9//x1VVVUAgKioKHh5eSE7O1twKmXq2rWrYYfshIQEBAcHo7CwUHAqZerTpw/CwsJw/Phx0VFIhlgc0UOxtrZG9+7dAQB9+/aFSqWCj4+P4FTKtnbtWjg6OuLw4cMoKChAXFwc3nzzTdGxFCk2NhYODg7Iz8/H559/jjFjxhhmXqh1lZWVoV+/fpg0aRJGjhyJtLQ0aLVa0bHkQa9ruS+ZYHFED+XmzZs4ceIEiouLUVxcDAB3PabWZWlZPzq4f/9+zJw5E88//zxu374tOJUyNXwW3333HV599VW89tprXD4uiKOjI6Kjo3Hq1CksWLAAb775Jnr27Im4uDh+JvRAHMimh1JTU4Nx48YZXWt4LEkSTp8+LSKWollYWCA1NRXbt2/Hrl27AICr1QTRarU4cuQI0tPTkZycDABcPi6QWq1GSkoKkpKS8NRTTyEsLAxZWVnw9/fHwYMHRcdrs/QyWnLfUlgc0UOpqKgQHYH+ITExEcuXL0dYWBhcXFxQWloKb29v0bEU6b333kN4eDh8fHzQr18/lJSUoE+fPqJjKVJ4eDh27NiBSZMmISMjA66urgCAoKAg9OvXT3A6auu4Wo2IiMxOQkICwsLCjHbJblBZWWmYnSRj1pItRkoBLfb+J3rkyGK1GjtHRDK1Zs0azJkzB/PmzYMkSXc9v2LFCgGplE2tVmPhwoXYt28fJEmCr68v4uLiYG9vLzqa4pw+ffquwigyMhJJSUksjOiBWBwRyVTD6eJ2dnZGxRGbweJERkbC1tYW27ZtAwBs2LABkZGR2Lp1q+BkynPkyJG7ruXk5AhIIi/uXk/hRGXL/T3JpTDlbTUiGcvNzcXKlStRVFQESZLg5uaG6OhoDBkyRHQ0RfL09ER+fv4Dr1HL+fLLL5GWloasrCz4+voarldVVUGj0eDQoUMC05FcsHNEJFM5OTkYN24cXn/9dUydOhV6vR65ubnw9/fH3r178cwzz4iOqDharRZqtdpwG02j0UCnk8/eLuZApVIhICAAR48eRUDAndkZBwcH7slGTcbiiEimVqxYgU8//RQTJkwwXAsMDMQzzzyDZcuWISMjQ2A6ZQoJCcHQoUMxbdo0SJKE1NRUHnbayjw9PeHm5obs7Gz+3ZPJeFuNSKZcXV1RUlJyz+dUKhVKS0tbOZGyFRYWorS0FBcuXEBFRQX0ej3GjBkDf39/0dEUydvbGwcOHBAdg2SKnSMimbKxsbnvc7a2tq2YhJKSkhAbGwuVSoWSkhJs2bIFQUFBomMp2vjx4xEfH4+XX34ZdnZ2huv8f4Oagp0jIpnq378/0tPT77k6LTg4mMe5tCI3NzdkZmbC2dkZBQUFiIiI4OCvYBYWd07HkiQJer0ekiTxfDVqEnaOiGTqXke5NLjXvkfUcqysrODs7AwAcHd359ldbQAH4ak5WBwRyRSPcmk7Gg5kbuji/fNx//79RcZTrN9++w3FxcWYOnUqrl27hhs3bshmnx0Si7fViIiaycXF5b7dOh7ILMb69euxbt06VFdXo7y8HOXl5QgLC8P+/ftFRyMZYHFERERmZ+DAgfjpp58wfPhwHDt2DED9bFhhYaHgZCQHFg9+CRERkby0b9/+rhWdlpacJKGmYXFERERmx8nJCaWlpYbbnVu3bsXjjz8uOBXJBW+rERGR2SkrK8PUqVNRVFQEJycn2NraYufOnXjiiSdERyMZYHFERERmSafToaSkBHq9Hq6urmjXrp3oSCQTvAFLRERm6ZdffkFWVhYkScKNGzcwaNAg0ZFIJjhzREREZueDDz7A5MmTcfHiRfz5558IDg7GmjVrRMcimeBtNSIiMjsqlQo5OTno0qULAODKlSsYOnQoD2SmJmHniIiIzE737t0NhREAdO7cGd26dROYiOSEnSMiIjI7CxcuxF9//YXQ0FAAQHJyMnr16oXAwEAAPNKF/h2LIyIiMju9e/e+73M80oUehMURERERUSNcyk9ERGYpLy/PsJTfx8eHS/mpyTiQTUREZmfjxo0ICgpCZWUlLly4gKCgIGzatEl0LJIJ3lYjIiKz4+HhgaysLDg5OQEALl26BB8fHxw/flxwMpIDdo6IiMgsNRRGDX9uOISW6EFYHBERkdl58sknERsbiwsXLqCyshJLlizhobPUZCyOiIjI7Kxfvx7l5eXw8PCAh4cHTp48ifXr14uORTLB1WpERGRWtFotDh48iNTUVNFRSKbYOSIiIrPSrl07rF69WnQMkjEWR0REZHa8vLyQk5MjOgbJFJfyExGR2Rk4cCAKCgqgUqlgZ2dnuH706FGBqUguWBwREZFZKSwsRElJCa5evYo+ffoYPffss88KSkVywoFsIiIyG0lJSYiNjYVKpUJJSQmSk5MRGBgoOhbJDDtHRERkNtzc3JCZmQlnZ2cUFBQgIiIChw4dEh2LZIYD2UREZDasrKzg7OwMAHB3d4dGoxGciOSIt9WIiMhs3Lx5EydOnEDDTZF/Pu7fv7/IeCQTvK1GRERmw8XF5b5nqEmShNOnT7dyIpIjFkdEREREjXDmiIiIiKgRFkdEREREjbA4IiIiImqExRERERFRIyyOiIiIiBphcURERETUyP8AvkcK1yvSZOkAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plotCorrelationMatrix(df2, 8)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Scatter and density plots:" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "_kg_hide-input": false + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABJcAAAUGCAYAAAAsRFC6AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xt8XHWd//H3J8kkM7lf2rRN7zdaCqVFwlUUES8giygirBcUd5V13XXVZX8ruip4W3DV1RVdEXW9giLITbmKgHJpSwu9AS2935M298llJtfv74+ZSdM2l8nJTGaSeT198DCZOXPOJ9PJyeSdz/dzzDknAAAAAAAAwIusVBcAAAAAAACAiYtwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAQJSZvcnMDqS6juOZ2QfM7PFxOM48M3NmlpPsYwEAgMmDcAkAAMjMzjez582sxcwazew5MztzjPu81syePe62n5vZ18ZWbepEg5d2M2szswYz+7OZXZ3s4zrn7nDOve24OhZ52Vc0QOuLfg2tZvaamX3Ew35uMrNfe6kBAABMLvxVCgCADGdmxZL+KOkfJf1OUq6kN0jqTGVdgzGzHOdcT4rLWOGc22FmUyRdIun7ZrbUOfflFNc1Goecc7PMzCRdLukeM1sjqSPFdQEAgAmIziUAAHCSJDnnfuOc63XOhZxzjzvnNsU2MLOPmdmWaKfLq2b2uujtN5jZzgG3vzt6+8mSbpN0brRDptnMrpP0AUn/Hr3tD9Ftq8zs92ZWZ2a7zexfBhz3JjO7x8x+bWZBSdceX7yZXWpm680saGb7zeymAffFlnl92Mz2mVm9mf3HgPsD0W6qJjN7VVLc3VrOuXrn3K8UCeU+Z2YV0X2WmNlPzazGzA6a2dfMLDt637Vm9qyZfSt6zN1mdsmAeq41s13R53O3mX1g4OOiH/81uvnG6PN4tZm9bGaXDdiPL/q1rhzha3DOufslNUlaNshzW2VmD0a72XaY2ceit18s6fOSro7WsDHe5w0AAEw+dC4BAIBtknrN7BeSfitptXOuKXanmb1X0k2S3iVpnaSFkrqjd+9UpMupVtJ7Jf3azBY557aY2cclfdQ5d/6AfZ0n6YBz7gvRz7Mk/UHSA5LeJ2mWpCfM7DXn3GPRh10e3feHJOUNUn979L5XJJ0q6U9mtiEamsScL2mJIkHaC2Z2r3Nui6Qbo1/PQkkFkh4Z1TMX8YAi76nOij7+F5IOS1oU3ecfJe2X9KPo9mdHt5ki6TpJPzWzmZLyJX1P0pnOudfMbIak8uMP5px7o5k5RTuoJMnM5kr6oCLPpSS9Q1KNc27DcIVHn//LJZVK2jzIJr9R5HmtkrRUked2l3PuUTP7T0mLnHMfHOH5AQAAkxydSwAAZDjnXFCR8MVJ+rGkumi3yrToJh+V9F/OubXRTpcdzrm90cfe7Zw75Jzrc87dJWm7IiFLvM6UNNU59xXnXJdzble0hr8dsM0q59z90WOEBqn/aefc5uj9mxQJRC44brMvRzuyNkraKGlF9ParJH3dOdfonNuvSLgzKs65bkn1ksqjz9klkj7tnGt3zh2R9J3jvp69zrkfO+d6FQmZZkiKPdd9kk41s4BzrsY590qcZfxa0juiSxwl6RpJvxpm+yoza47WfaOka5xzrw3cwMxmK/K6+KxzLhwNqn4S3TcAAEA/wiUAACDn3Bbn3LXOuVmKdP9USfpu9O7ZinQoncDMPmRmG6LL3pqjj50yikPPVTToGLCPz+to2CJFun6GZGZnm9lT0WV1LZI+PkgNtQM+7pBUGP246rj97x1F7bHj+yRNldQY/Xp8kmoGfD0/klQ5WC3OudiMo0LnXLukq6P115jZQ2a2NJ4anHOHJD0n6T1mVqpIwHXHMA855Jwrdc6VO+dWOud+O8g2VZIanXOtA27bK2lmPDUBAIDMQbgEAACO4ZzbKunnigRFUiR8WXj8dtGlWD+W9M+SKpxzpZJelmSxXQ22++M+3y9pdzToiP1X5Jx7xzCPOd6dkh6UNNs5V6LIrCcb/iH9ahQJz2LmxPm4gS6X1CPpBUW+nk5JUwZ8PcXOuVPi2ZFz7jHn3FsV6WbaqsjzG69fKLI07r2KdHsdHM0XMYhDinRjFQ24bY6k2H5H+ncBAAAZgnAJAIAMZ2ZLzex6M5sV/Xy2IvOPVkc3+YmkfzOzMyxiUTRYKlAkYKiLPu4jOhpISZG5Q7PMLPe42xYM+PwFSUEz+2x0uHa2mZ1qZnEP1pZUpEiHTdjMzpL0/lE89neKDOMui379n4z3gWZWHh24/QNJ33DONTjnaiQ9LunbZlZsZllmttDMjl+mN9j+ppnZO82sQJGAqk1S7xCbH/88StL9kl4n6VOSfhnv1zGU6DLB5yXdbGZ+MztN0t/raEfUYUnzonObAABABuPNAAAAaFVkyPQaM2tXJFR6WdL1UmSukqSvK9Ih1KpIiFHunHtV0rclrVIkaFiuyNKsmCcVGQZda2b10dt+KmlZdMnY/dG5Q5dJWilptyIzgH4iqWQU9X9C0lfMrFXSlxQJjOL1ZUWWeu1WJBQabk5RzEYza5O0Q5F5VJ9xzn1pwP0fkpQr6VVFrsJ2jyKdSCPJUuQ5P6TIErsLFPnaBnOTpF9En8erJCk6j+r3kuZLujeO48XjfZLmRWu6T9KNzrk/Re+7O/r/DWb2UoKOBwAAJiBzjo5mAACAycDMviTpJK7gBgAAxlNOqgsAAADA2JlZuSLL1riaGwAAGFcsiwMAAJjgzOxjigwTf8Q599dU1wMAADILy+IAAAAAAADgGZ1LAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwjHAJAAAAAAAAnhEuAQAAAAAAwDPCJQAAAAAAAHhGuAQAAAAAAADPCJcAAAAAAADgGeESAAAAAAAAPCNcAgAAAAAAgGeESwAAAAAAAPCMcAkAAAAAAACeES4BAAAAAADAM8IlAAAAAAAAeEa4BAAAAAAAAM8IlwAAAAAAAOAZ4RIAAAAAAAA8I1wCAAAAAACAZ4RLAAAAAAAA8IxwCQAAAAAAAJ4RLgEAAAAAAMAzwiUAAAAAAAB4RrgEAAAAAAAAzwiXAAAAAAAA4BnhEgAAAAAAADwjXAIAAAAAAIBnhEsAAAAAAADwLCfVBYzVlClT3Lx581JdBoBJZs+ePeLcAiDROLcASAbOLQCS4cUXX6x3zk2NZ9sJHy7NmzdP69atS3UZACaZ6upqzi0AEo5zC4Bk4NwCIBnMbG+827IsDgAAAAAAAJ4RLgEAAAAAAMCztFwWZ2b5ku6WVCCpRdJVzrnO1FYFAAAAAACA46Vr59LFktY4594k6YXo5wAAIE2Fu3v18+d269er96q7ty/V5QBIAy/sbtStf96ubYdbU10KJoFVOxv0/Se3a8eRtlSXAmAQadm5JGmnpDOiH5dKakhhLQAAYASPvVKrR1+plSTNKPHropOnpbgiAKnU2dOr7/15u3r6+rSrvl3fuXplqkvCBBbq6tWtT25Xn3Pa09Chb713RapLAnCcdO1c2i7pbDN7RVK1pOcH3mlm15nZOjNbV1dXl5ICAQDAUdOK/ZIkk6myyJ/iagCkmi8rS+UFuZKOnh8Ar3zZprLo62k6rycgLaVr59KHJT3mnPummf2bpA9K+mXsTufc7ZJul6Tq6mqXmhIBAEDMOQsq9LV3LVd2lmn+lIJUlwMgxbKyTF9796naeaRNy6qKU10OJric7Cz957uXa3d9u5bN4PUEpKN0DZdMUmP043pJJSmsBQAAxGFRZWGqSwCQRor9Pp0+pyzVZWCSKAn4tHJ2aarLADCEdA2X7pR0l5ldI6lb0tUprgcAAAAAAACDSMtwyTnXLOntqa4jk/T1OTlJ2VmW6lIAAAAAAMAEkq4DvTGOGtu79OZvP60Lv/W0Gto6U10OAAAAAACYQAiXoF+t2qs9DR3a19ihnz+/J9XlAAAAAACACYRwCXpw40Gds6Bcbzxpqh7aVJPqcgAAAAAAwARCuJThjrSGtbOuXW9eWqk3Lp6iXfXtOtgcSnVZAAAAAABggkjLgd4YPy/tbZYknTG3THk52ZKk9fuaNLM0kMqyAAAAAADABEHnUoZ79VCLskw6papEi6cVKifLtKUmmOqyAAAAAADABEHnUobbWdeuOeX58vsiXUuLKgv1yiHCJQAAAAAAEB86lzLczro2Laos7P98UWWhdtW1p7AiAAAAAAAwkRAuZbDePqdd9e1aOPVouDSvokAHm0Pq7u1LYWUAAAAAAGCiIFzKYAebQurq6TsmXJpTka/ePqdDXDEOAAAAAADEgXApg+1uiCx/mzeloP+2ueX5kqQ9DR0pqQkAAAAAAEwshEsZrCbanVRV6u+/LRY07Wtg7hIAAAAAABgZ4VIGO9QSlpk0rfhouFRZlCe/L0t76VwCAAAAAABxIFzKYDXNIVUW5cmXffRlYGaqKgmoJhhOYWUAAAAAAGCiIFzKYDUtYU0vCZxw+7Riv2pbCJcAAAAAAMDICJcyWE1LSFUl/hNun1FCuAQAAAAAAOJDuJShnHOqaQlrxmCdSyV+HQ6G1dfnUlAZAAAAAACYSAiXMlQw1KOOrl7NGKRzaXqxXz19Tg3tXSmoDAAAAAAATCSESxnqUEtIkjSjdJBwKRo4HWaoNwAAAAAAGAHhUoaKzVQaqnNJigz8BgAAAAAAGA7hUoaqa+2UJFUWnRguTSumcwkAAAAAAMSHcClD1bdHwqWKwtwT7isviNzWyMwlAAAAAAAwAsKlDFXf2qX83Gzl5+accF9uTpZKAj41tHWmoDIAAAAAADCREC5lqIb2zkG7lmIqCnNVT+cSAAAAAAAYAeFShmpo69KUwrwh759SkKf6VjqXAAAAAADA8AiXMlR9W6cqCoYOlyoKc9VA5xIAAAAAABgB4VKGqm/r0pQRlsUxcwkAAAAAAIyEcCkD9fU5NbZ3Dr8srjBPTR3d6untG8fKAAAAAADAREO4lIGaQ93qcxphoHckeGrsYGkcAAAAAAAYWlqGS2Z2sZk9Hf2vxszeleqaJpP66HK3imEHekeCp/pWwiUAAAAAADC0nFQXMBjn3KOSHpUkM1sj6YnUVjS5xMKl4WcuRYKnhnbmLgHJ0Bru1p1r9qnQn6O/PXOOsrMs1SUBAIA0Vd/WqbvW7teMEr+ueN2sVJczoTz+Sq221LTqitfN1Ozy/FSXA0xaaRkuxZjZAkmHnXNtqa5lMmloi3QjDTdzKbZkLrYtgMT6w8YaPfXaEUnS/IoCnbdoSoorAgAA6equtfv1zPY6SdLS6cVaVlWc4oomhtqWsP7vud2SpGC4W1/8m2UprgiYvNJyWdwAV0i67/gbzew6M1tnZuvq6upSUNbE1hSdo1SWP3Tn0pSCSPBUzxXjgKSYUeqXJGVnmaaV+FNcDQAASGczSwOSpNyc7GFXH+BYhf4cFft9kqSq6HMIIDnSunNJ0mWKBEzHcM7dLul2SaqurnbjXdRE19TeLUkqzfcNuU2RP0dZJrWEuserLCCjXLikUrPL8hXIze5/wwgAADCYd50+U0umF6miIFeVxfxRKl6FeTn6xntO08HmkJbNoNsLSKa0DZfMbLqkLudcQ6prmWyaOrpUlJcjX/bQjWtZWaaSgK+/ywlA4i2qLEx1CQAAYII4mXDEk7KCXJUV0O0FJFs6L4u7XNIDqS5iMmoJdatkmK6lmLL8XDV30LkEAAAAAACGlradS865H6W6hsmqqaNr2HlLMSX5PsIlAAAAAAAwrHTuXEKSNHV0DztvKaYsP1fNIZbFAQAAAACAoREuZaCWji6VxtG5VBrw9Q//BgAAAAAAGAzhUgZq6uhWWRydS6X5uVwtDgAAAAAADItwKcP09jkFw93xdS7l+9TW2aOunr5xqAwAAAAAAExEhEsZJhjqlnORJW8jiXU30b0EAAAAAACGQriUYZo6IgO6ywpGDpdKot1NzR0M9QYAAAAAAIMjXMowzdEupHiWxcU6l5rpXAIAAAAAAEMgXMowsS6keJbFlQYiAVRTO51LAAAAAABgcIRLGaapPdKFVBbnQG+JziUAAAAAADA0wqUMEwuKRhUuMXMJAAAAAAAMgXApwzR3dCnLpCJ/zojbFublKCfL1NxB5xIAAAAAABgc4VKGaeroUknAp6wsG3FbM1Npvk9NhEsAAAAAAGAIhEsZprmjO64lcTGl+blqCbEsDgAAAAAADI5wKcO0hLpVHMeV4mJKA77+IeAAAAAAAADHI1zKMMFQt0pGEy7l+xQMEy4BAAAAAIDBES5lmGC4Z1SdS8V+n1pChEsAAAAAAGBwhEsZpjXcreI4rhQXUxzwKUi4BAAAAAAAhkC4lEGccwqGRtu5lKPWzh719bkkVgYAAAAAACYqwqUM0tnTp67ePhX7RxEuBXxyTmrr6kliZQAAAAAAYKIiXMogseVtxYHRLYsb+FgAAAAAAICBCJcySOyqb0Wj6VyKbstQbwAAAAAAMBjCpQzSEoosbRvdQO/ItsEQy+IAAAAAAMCJCJcySKxzaXQDvX3HPBYAAAAAAGAgwqUM0j9zaRTL4kqYuQQAAAAAAIZBuJRBguHosjgPA72ZuQQAAAAAAAZDuJRBvHQuFeXlyOxoMAUAAAAAADAQ4VIGCYa7lZuTJb8vO+7HZGWZCvNyWBYHAAAAAAAGRbiUQVrDPaPqWoop9vsY6A0AAAAAAAZFuJRBgqHuUc1biikJ+BQMsSwOAAAAAACcKG3DJTP7kJn92cyeNrOZqa5nMgh67VwKsCwOAAAAAAAMLi3DpWiYdIFz7iLn3JuccwdTXdNkEOlcYlkcgNRoaOvU27/zF735W09rT33bkNut2tmgbz/+mjYdaB7H6iaP7z+5Xe+97Xk98nJNqkuZtA41h/SdP23T/evT8+3JqwdbdME3n9Jltz6jrq7euB8X7u7VT57ZpR//dZdCo3gcRvb5ezfpb29fNWnPazUtIX33iW26b/2BVJcCjMn6fU369uOv6YXdjakuZVL4/YsH9N0ntulwMJzqUsZs2+FWvf/Hq3X97zaor68v1eUkzLM76nT+N57Ulbc9r97esf3sT8twSdLbJWVHO5duNbP4J1BjSMFwt4r9o18WVxzw0bkEYMxuevAV7ahr197GDn3u3s2DbtPb5/SDp3Zo7Z5G3faXneNc4cTX2Nal2/+6S6/Vturmh7ekupxJ6841+7Rmd4N+u3afdte3p7qcE/zbPRt1oCmkV2tadctjW+N+3NOvHdETWw7rz1sP609bDiexwszy5NYj+uOmGr16KKivPTQ5vy9/s2afVu9q0F1r92vHkaH/eACku/99eqfW7mnU95/aIedcqsuZ0LYdbtXdL+7X6l0N+s0L+1Jdzpj958Nb9PLBFv3p1cN6YMPk+QPeF+57WTUtYa3f16wfPbNrTPtK13BpmqRc59xFkjokXT7wTjO7zszWmdm6urq6lBQ4EQVDPSryPNCbmUsAxmb5zJL+j0+eUTzoNtlZpqpSvyRpdnn+uNQ1mRT6c/o7VGeUBFJczeQ1uzzy3Bbm5ag8PzfF1ZxoUWWhJMkkrZhVGvfjZpbmy6L/m13G6ydR5lfky5cdecs9r2JyntdmRc/XBbk5qihIv+8JIF6zyyKv5VllAZlZiquZ2CoKchWIXqV8ziR4T7dwauRna3aWafG0whRXkzhzoj+Xskw6bRTvGQZj6ZjImtknJPU6535kZm+XVO2c+/pg21ZXV7t169aNb4ET1ElfeEQfef08fe6Sk0f1uP95Yru+88Q27fj6JcrJTtc8Ekis6upqcW5JvEdfrlVnd68uP33oUXqhrl7trm/XospC5eZwzhmtw8Gw1u5u1FtOrpQ/d/TdqojPa7WtqizKU9kof5Eer3PLXS/s08yygM5fPHVUjzvQ1CHnCHcTbWddm3YeadPbTpme6lKSZtvhVk0pzFM54VJK8L4lMTp7erXzSLsWTC2Q38fimbFqaOtUQ3uXTppWlOpSEuLPWw5rZmlAS4f4I+lE9cvnd2vJjGKdPb/ihPvM7EXnXHU8+0nXd53PS/pY9OOVknansJZJIdzdq66ePs8DvSWpNdwz6jfRADDQxaeO/ItVIDdby6om1w/t8TSt2K+/WVGV6jImvSXT0/uN8tVnzfH0uFllhErJsHBqYf9fvSeryfLLIzJbXg7vQRKpojBPFYV5qS4jYS46eVqqS0iKD503PyH7Scs/CTvnNkgKmdnTks6UdE9qK5r4YgO5vQ70HrgPAAAAAACAmHTtXJJz7t9SXcNkEgxFZiZ5Heg9cB8AAAAAAAAxadm5hMQbS+dSSYDOJQAAAAAAMDjCpQzRGo51LnmfuRQMES4BAAAAAIBjES5liFgwVBLwsCwuGki1EC4BAAAAAIDjEC5liP5lcZ46l1gWBwAAAAAABke4lCH6B3p7mLlUkJut7CxjoDcAAAAAADgB4VKGCIa7lZudpbyc0f+Tm5mK/Tl0LgEAAAAAgBMQLmWIYKhbRf4cmZmnxxcHfMxcAgAAAAAAJyBcyhDBcI+nJXExxX5f/xXnAAAAAAAAYgiXMkQw1K1i/+ivFBdTHMjpv+IcAAAAAABADOFShgiGu8fUuVSU52PmEgAAAAAAOAHhUoaIdC6NYVlcIIerxQEAAAAAgBMQLmWIyMylMSyL89O5BAAAAAAATkS4lCHG3rnkU0dXr7p7+xJYFQAAAAAAmOgIlzJAZ0+vOnv6xni1uEjXE1eMAwAAAAAAAxEuZYBYIDS2q8X5ovtiaRwAAAAAADiKcCkDBEORQGhsnUu+6L7oXAIAAAAAAEcRLmWAYH/n0thmLkX2RecSAAAAAAA4inApAxztXPK+LK4ouqQuti8AAAAAAACJcCkjxLqNiuhcAgAAAAAACUa4lAFic5LGtCyuv3OJmUsAAAAAAOAowqUMEOs2GsuyuILcHGUZnUsAAAAAAOBYhEsZIBjqVk6WKeDL9ryPrCxTkd/HzCUAAAAAAHAMwqUMEAx3qzjgk5mNaT/FgRy1hlkWBwAAAAAAjiJcygDBUE//zKSxKPb7WBYHAAAAAACOQbiUAVqjnUtjVez3MdAbAAAAAAAcg3ApAwTDPWO6UlxMkT+HziUAAAAAAHAMwqUMEAx1j+lKcTHFAQZ6AwAAAACAYxEuZYBguFtFeQlaFsdAbwAAAAAAMADhUgYIhnpUkp+AcCmQo7bOHvX09iWgKgAAAAAAMBmkZbhkZvPM7LCZPW1mj6e6nomsq6dPoe7ehF0tTpLaOuleAgAAAAAAEWNPHJLnT865D6a6iImuNTqAOyFXi4vuozXco9L83DHvD8hkLR3d+uWqPSrIy9GHzp2rnOy0zPoTqrOnV798fq+6evv04fPmqTBv8B9BN9yzSU9tO6Kz55Vr3d4mTSv2656Pn6Ps7OxxrnhimnfDQ/0f77nlUs/7cc7pd+v262BTSO8/e66ml/iH3f7VQy16/0/WKNtMbzl5mnbUtepf3rxYFyyp9FzDcPr6+vSvv9ukQ80duumdp2hZVUlSjjOYdXsadcsjW7W4slA3v+e0Y+47Egzr16v3qqo0oKvPnC0zG3F/Pb19+uWqvWrv7NGHzpunkiF+Zte3hXX97zbJTPru1SuH/Fnc1N6lX67aq5JAjt5w0lTd+9IBLZlerHeuqBq2juaOLn36rg1yTvrOVStVXjhxf9ZvPtCsT9zxkgrycnTPP5yjwkBqv5bY96VP0vYxfF+mq0dfrtWX//CKZpUFdPcuuFawAAAgAElEQVTHz+u//Q3feFIHmkI6Z0GFfnPdOSmscOLzcm5pC3XpyttWq6O7R7ddc4aWzRi/8+RoDHdOHejqHz2vzQeDurp6lm5856lx7/8PGw9pa21QV54xW/OnFAy77R1r9uqeFw/ob5bP0N+/YUHcx5gM6ts69atVezW1KE8fOHtOXK+xkVz5w+d1qDmkr77rFF108nTP+/nCfZu1pTao//e2pTpnYcWQ220+0KKHX67R2fPL9aYEv/9Y9sWH1BEdP/zcJ1dq5syZCd1/qng5twwlnX+budDMnjGzz6S6kIksNiOpKCGdS5F9tDDUGxizP24+pOd21uvxV2u1ZndjqssZF89sq9eftx7WM9vr9NjLtYNuE+rq1d0vHVB9W5ce3FSjw62d2nSwRT9+Zvc4VzsxffRnqxO2r9cOt+q+9Qf1wp5G3bV2/4jbf+q3G9Tc0a2G9i7d/eJ+bT/cplse2Zqweo734MYaPbn1sLbWturmJB5nMDc/skXbDrfqoc01+strR4657+4XD+iFPY26f8NBvXIoGNf+1uxu1OOv1uq5nfX646ZDQ25365M7tX5fk17a26QfPLVjyO0e2HBQq3bV69FXavXfj7+mF/c26c41e3WoOTRsHT98eode2tuk9fua9D9Pbo+r9nT1uXs361BLWNuPtOnmR8f39XG8gYHvZH0H9ZU/vKIjrZ16aV+z7li9V5K0vbZV+5tCcpJW7WpIbYGTgJdzy9cf3qrtdW062BzW536/OckVejfcOTVmW21Qa3Y3qaOrV79avS/ufde0hHTHmr16cW+TfrVq74jbf+dP27XzSJtufWqH+voyaxTIfS8d1JrdDfrjpkPasL95zPv7+XO7tX5/sw63durGB1/1vJ81uxr04MZD2n64TTc/smXYbX/8zC6t39ekH/1llzp7ej0fczAdA07gr791Q0L3nUpezi1DSddwqUbSSZIulPQWMzsmwjaz68xsnZmtq6urS0mBE0Xs6m6xJW1jEetcCoYn61sjYPzMq4j85cyXnaWZpYEUVzM+ZpfnKzvLZDLNm5I/6DaB3Gzl+yIdSrnZkb+cZJl0+tyycatzIrvy1NkJ29fUwjzl50b+qDDUv9dAp1QV93/sz4m8vZhbMfLjvDppemF/x99J04qSdpzBLJhaKEnK82VrQWXhMffFvuaAL3vEbq+YqtKAcrIiX0vs3DCY5dHn2Ew6debQHQjzphw9vyyZHnlMWX7ukB1RMcuqShT7g+XyAf+eE9HSGdHnStJZ84b+K/d4qCxI54UCiTGnPPK6zzbptFmR1+bc8rz++7PG3gCR8bycW143t0yxp37ZjPT9nl4YPafm5px4To2pKo28h5Ckgrz4O5lLAj6VRbs84/lZNqMk8rqtLMpTVla6/qqcHLHXWF5O/K+x4Zw2q7T/e39uuff3A/OmFMgffW8Y+/k75LbRr2FmWUC5SVwVkIALsacNL+eWoZhzLhE1JY2Z/aOkFufcnYPdX11d7datWzfOVU0cz2yv0zU/fUF3f/xcnTmvfEz7euVQiy793rO67YNn6OJTvbc1AhNBdXW1kn1u2d/YoTxfliqLxv4DfKI4HAyru7dPs8qGfpNR2xLSoy/X6t2vm6lHN9dqyfQirZxDuBSvj/5stZ54rUG3vWelLj5zbC3bTe1dauroGvHNXMyda/bJn2M6d+EUvXKoRW9eWpnUN+e769p0oDmkNyyemrRjDOXJrUe0eGqhZg8SoO2ub1dpwKeyghOXYg11bjnSGlZnd59mj/AGfP2+JmWZtGL28N8T+xo6lJ+XrYqCXO2sa1NlsT+uPzRt3N+kPiedPgm+5x5Yf1CVRXk6d9GUVJeic7/+uGpau8e0VDXd3bF6r06fXaplA4LPF/c06ifP7tKNly3V9JL4ziMYmpdzy7M76tTU1qXLVqb3Ep7hzqkx22qDun/DQX3iTYtVOIpVGcFwt44Ew1o4tXDEJT9t4R49v7Ne5y6sUFEC/jg/0eypb1eRP0cVhXkjbxyHzQea9fKhFr3vrLlj2s/+pg5tP9ymNy8dfqlbT2+fdtW3a3ZZvgK5iR+nMO+Gh1QRyNaLN16c8H2n0nDnFjN70TlXHc9+0jJcMrMi51xr9ONfS7rVObdmsG0Jl4b30KYa/dOdL+mxT79RS6aP7S+7+xs79Ib/ekr/deVpuqo6cX8dB9LReIRLADIP5xYAycC5BUAyjCZcStdevzeY2Ytm9rykQ0MFSxhZsH+gdwJmLsWWxTFzCQAAAAAARI3rakEzK5M02zm3abjtnHMPS3p4fKoaX0eCYXX2jNz2niiJnLlUlJcjs6NDwgEAAAAAAJLeuWRmT5tZsZmVS9oo6Wdm9t/JPm46emF3oy745tO64JtP6eHNNeNyzGC4W9lZpvwErDnNyjIV5uXQuQQAAAAAAPqNx7K4EudcUNIVkn7mnDtD0lvG4bhppa/P6T/u26zyglwtmV6sLz3wsjq6kt8BFAz1qNifM+LwungV+31qpXMJAAAAAABEjUe4lGNmMyRdJemP43C8tLR6d4O2H2nT9W87STdetkz1bV16ZHNt0o8bDHf3z0pKhOKAr3+OEwAAAAAAwHiES1+R9JikHc65tWa2QNL2cThuWnlkc63yc7P1juUzdPb8cs0uD+gPmw4l/bjBUHdC5i3FFPtZFgcAAAAAAI5KerjknLvbOXeac+4T0c93Oefek+zjppu/bq/TuQsq5Pdly8x00dJpWrOrUV09fUk9bjDck5ArxcUU+X0M9AYAAAAAAP3GY6D3fDP7bzO718wejP2X7OOmk30NHdrb0KE3LJ7Sf9u5CysU6u7V+n1NST12wjuXAnQuAQAAAACAoxLX0jK0+yX9VNIfJCW3TSdNvbCnUZJ03qKj4dI5CyqUZdLzOxt09oKKpB07GE70sjhmLgEAAAAAgKPGI1wKO+e+Nw7HSVubDjSrIDdbC6cW9t9WEvBpUWWhNh1oTuqxWxO8LK444FNbZ4/6+pyyshJzBToAAAAAADBxjUe49D9mdqOkxyV1xm50zr00DsdOCxsPtOjUmSXKPi6MOXVmif66rV7OOZklPqjp7u1TR1dvwgd6Oye1dvaoJIFXoQMAAAAAABPTeIRLyyVdI+nNOroszkU/n/S6e/u0pSaoa8+bd8J9y2eW6N6XDupwsFPTS/wJP3ZrdPB2cQJDoNi+WsPdhEsAAAAAAGBcwqV3S1rgnOsah2Olnd317erq6dMpVcUn3Ld8Zokk6eWDLUkJl2KDtxO6LC7aBRUM9UhlCdstAAAAAACYoJJ+tThJGyWVjsNx0tL2w22SpMWVRSfcd9L0yG3bjrQm5dixwduJvlrcwH0DAAAAAIDMNh6dS9MkbTWztTp25tI7x+HYKbf9SKvMpAVTC064r9jv07TiPO040paUYwdDSVgW19+5RLgEAAAAAADGJ1y6cRyOkba2H2nTnPJ8+X3Zg96/qLJQO5MVLiWjcykWLkXnOQEAAAAAgMyW9GVxzrm/SNoqqSj635bobRlhx+E2La4sHPL+RVMLtbOuXc65hB87KTOXYsvi6FwCAAAAAAAah3DJzK6S9IKk90q6StIaM7sy2cdNBz29fdpV36ZFg8xbillUWai2zh7VBsMJP34yOpcK85i5BAAAAAAAjhqPZXH/IelM59wRSTKzqZKekHTPOBw7pfY1dqi712nRcJ1L0eBpx5E2zSgJJPT4wVCPsrNM+bmDL8nzIic7S4V5Of3znAAAAAAAQGYbj6vFZcWCpaiGcTpuyu1t7JAkzavIH3KbhZWRQd/JmLsUDHeryJ8jM0vofov9OWqlcwkAAAAAAGh8OpceNbPHJP0m+vnVkh4eh+Om3L6GSLg0Z5hwaWphngK+bO1rDCX8+MFQd0KXxMUUB3wsiwMAAAAAAJLGIVxyzv0/M7tC0vmSTNLtzrn7kn3cdLCvsUMBX7amFuYNuY2ZaU55vvZFu5wSKRjuSegw75hiv49lcQAAAAAAQNL4dC5J0nOSuiU5RYZ7Z4S9DR2aU54/4rK0ORX5/V1OiZSszqUif05SBpADAAAAAICJZzyvFnelMuxqcfsbOzS7fOglcTGxziXnXEKPHwyzLA4AAAAAACQXV4tLEuec9jV26PzFU0bcdk55vkLdvapr61RlkT9hNQRDyVoWx9XiAAAAAABABFeLS5K6tk6Funs1J87OJSnS6ZRIyexcag13q68vsZ1Wx9td364P/GS1rv3ZC6ptYRkeAAAAAADpaDxCnkfN7DEzu9bMrpX0kKRHxuG4KRULiuIKl6JXk0vkUO/u3j51dPWqKBnhkt+nPie1dyWve6m3z+m6X67Thn3NWrWzQf9050sJXzYIAAAAAADGjqvFJcne6IDuWHA0nJmlAZkdfUwiBEORmUil+cnoXIq8bFrDPUkJryTpoc012n6kTT94/+vU1tmtz/5+s/6yrU5vWlKZlOMBAAAAAABvxmV5mnPuXufcvzrnPiPpQTP7wHgcN5X2N4YkRYKjkfh92Zpe7E9o51JzMsOlaKCUzKHev161VwumFOiSU6fr3afPUlm+T/e8eCBpxwMAAAAAAN4kLVwys2Iz+5yZfd/M3mYR/yxplyJXjZvUalpCmlKYJ78vO67tZ5fnJ3TmUnNHJPgpCSRn5pKkpA31rmvt1Nq9jbpsRZWysky5OVm6bEWVHn/1sNo6GSQOAAAAAEA6SWbn0q8kLZG0WdJHJT0u6b2SLnfOXZ7E46aFmpawqkrjv/LbzNKADjUnbmh1S6hLklSan5uwfcYU+SPL4mJL7xLtz1sOyznp4lOn99/29lOmq6unT2t2NSTlmAAAAAAAwJtkzlxa4JxbLklm9hNJ9ZLmOOda492Bmf2rpCucc+cnqcakqWkJaV5FQdzbV5X6VRsMq7fPKTvLxnz8WOdSaTI6l5K8LG7VrgZVFuVp6fSi/tvOmFumvJwsPbujXhedPC0pxwUAAAAAAKOXzHCpP3lwzvWa2e5RBkt5klYkpbJxUNMc1nkLp8S9/czSfPX2OR1pDWtGychzmkbSHy4lZaB3bFlccsKltbsbdeb8cpkdDdn8vmydNb9cz+2oT8oxgXjsqG3WW7/7nJykz1+yRNddsMjzvu5au0+fu3ezsrNMT13/Rs0qL0xcoWnqmw9t1g+e2SdJumBBmX5x3XmDbjfvhoeO+dwkvXrjmxUIBLRqZ4Oeeu2ILlxSqXMXViS75Alp4PO355ZLPe/nyJEjOuu/10qSCn2ml7/6jmG3/9jPVulPrzUec1u+L0uvfvUSzzUMp66uTmd++wVJUqk/WxtuujgpxxnMNT9ZrWd2NMgk7T7uOf73323Q7146qCyTXr3xIvn9I3cxx3tu+coDm/V/qyLfQ59+80J9+m1LB93uom8+qZ0NkdmPJil2rdWRXg+Pbj6kj9+xXpL07SuX6z3Vc0asPZmWfuERhXv6tGJWiR7459H9nfGbj27RD57eJUl64vrztWhqSTJKjMvGjRt1+W+Ozo0cy/dlulr+pUfU2tUn6divL1Hno3Rw//qD2lIb1NXVs7Vg6vj/zP72Y1v1/ad2Ki8nS5u+dJFyc0denbD1YKMuvnWVJOkzFy3Sp966JNllenLyFx5SbNrGnlsu1X3rD2hrbesJz7XX19NpX35MraEevev0Kn3n6tOH3fb0rzympo4eFeVla/OXx+/nyvGWffERdXT36aRphXr8MxeMyzGrv/qY6tsj/xB//OSZOnXm2C6k1NDQoDO+uVqSVBrI0YYb3+55X7F/+7JAjtYPs583ffMp7WnoUGFetl5O8L/fwNffA++bpRUrJmxUcYyVNz2q5nCvJGnt9Wdp6tSpnveVzGVxK8wsGP2vVdJpsY/NLBjH4z8q6RdJrC9pWsPdau3s0fSS+JfFxZbQHWoOJaSGllC3zJSUq7n1L4sLJ37+0cHmkA61hHXm3LIT7queW67tR9qYu4SUee+PXuj/Je2WR18b075uevAV9Tmpu9fpmp+uG3txE0AsWJKkv+xqGnSb1dtOXPrqJF3y/cib49v/ulObDjTrtr/sTEqNE90ZNz008kZxigVLktTW7YbZMuL4YEmSOrr7ElbP8WLBkqT+N0Xj5Zkdkdepk/Su7z97zH13v3RQktTnpHf+cE1c+4v33BILliTpu08O/T0QC5ZiNcYs++LDw9bxyd9u6P/433+/edhtk+17T7ymcE/k9bPxQMuoH/+/0WBJkq74waqE1eXFwGBpsooFS5K0+POR89D7f/jXVJWTcDUtIf127T5t3N+sX63em5IafviXXXKSwj19+rtfvRTXY6780dHz5Hf/vCNJlY3dwDGuC294SHet3a+N+5t1x5qj57x/+mV859PjffuxrQqGeuQk3b/+0IjbN3VEimnt7FUolJjfy0br7rX7+n9+bjvcNm7HjQVLkvQ3t64dZsv4nPWt1f0fN49hVu8ZX328/+OmEfazJ3r19bbOXm3YO/h7zUSYTOf1ge+hBr638iJp4ZJzLts5Vxz9r8g5lzPg4+LhHmtmPkkXOOeeHOL+68xsnZmtq6urS0r9Y1HbEpmdNGMU4VLsqnIHEzR3qSXUraK8nIQssTueLztL+bnZSelcWrcn8svJmfPLT7jvtNklck7a7OFNJpAIr5tT2v9x2Ri7AgdeSfL8xZnRgRPPD5xzThr8uXjr0shfz2J/wVxUOfk7vby45uxZCdvXvLL4f4alQlVx4mcKxit7wI/WS5Yfu1Q7L+foK/2ipfH91Tfec8vA4+bGd72QY7xlyfAd1bPLjp6Xphfnjf4ACfTGxUefOy/vZArzjj5By2eWDrMlEu2MOZEusS9cEH8Hf7orDeSqoiDyPZGqnz8DL9Jz0dL4RkQsn3m0Y6/I7+GkkQLLZxaqvCByfl8w9eiIkfdVL/C0vzctOXou8ftG96tvIDD21SRenLng6Dkr8b/JxacsAa+XU6Yn5nvlklO8dVAtnZaaf7+JbFbp2H72J7NzaSyukXTnUHc65253zlU756rH0raVLDXRcKmqNP4X9IzotonqXGru6ErKMO+YYr8vKTOXXtrbpILcbC2dfmL+uGJW5ES78UBzwo8LxOOnHzlLn7pwgd6zskovfvFtY9rXE9e/Sf90wQJ97Z3L9NV3LU9Qhelt1y2Xqqo4V6X+7GHb2b948SLlZkv/9+HX6fULK/S5S07Sf1x2qiTphkuW6uvvXq7PXjz4cqBM9+lLVmh2aeSt6FeuHFvQ9PRnL9KKmYXKzY5v+cGeWy5VqT9bVcW5+rtz56gkL1sbbnj9mGoYzvOff6tWzixSIGf8l9vsvPlSnTWvTDdeulT/cMHiY+7b+rVL9NaTK/WVd56sz15yclz7i/fcsvPmS7VoakBLKvO17etDf817brlUBT7TSVPzteeWS5Uj6cLFZfreB88ato4n/+1CXXXGTF1xepWe+9xb4qo9WVbOLdPtHzxdr19Qri03XTTqx2/+8sV628mV+sc3ztcdHzsnCRXGb88tlyp7wMeT0Z5bLlW+z3Th4nL99uORJYzLli3TyhmR97eff8v8VJY3ZoHcbH3jytN08xWn6QNnz01JDS9+8a265pw5+sH7V+ojr4/v+fzNP5yrj71+ri5ZNk2bxnHp8GjtueVS5WZL584r0f2fvED/deWKE57r85dN1d+dM1M5Jj38L8OfywY6Y165fvGRar33jFnaEscy7SeuP18rZ5Xo7utSd96YV1Gsn334DM/nP6/23HKp8rKlJZX5Wp+A18uDn7pAr19YooLcrDGd+752xUp98KyZKgvkjLif1TdcpHMXlOt3150d17L00YgdO0uT61y+55ZLlZcjnTG7SM/eMLaf/ebcyK3u483MviFppSLd3GdL+pJz7tbBtq2urnbr1qXXkpK71u7TZ3+/Wc/8+4WaXZ4f9+NWfPlxXb6ySl+5/NQx13Dtz15QY3uXHhzljIJ4Xfzdv2pOeb5u/1B1Qvd71W2r1Oucfv+Pg89iOf8bT+q0WSX63w+ckdDjAserrq5Wup1bAEx8nFsAJAPnFgDJYGYvOufi+qU/mQO9PXPOfTb2sZk9O1SwlK4ONYdlJk0rHl1aWlUa0MGmRHUudR/TPptopfm+/qHhieKc05baoC5fWTXkNitmlWrDfjqXAAAAAABIF+m6LK6fcy45rTdJVNsS1pTCPOXmjO7pnVnq18EEDvRO5rK40kCumjq6ErrPA00htYZ7Bl0SF7OsqlgHm0NJWZIHAAAAAABGL+3DpYnoUEtIVaMY5h1TVRpI7MylJHYulRX41JTgzqUtNZGLCJ48Y+hwacm0IknS9nG8cgIAAAAAABga4VIS1LaENaNk9NPpq0oDCoZ71DrGrpy+PqeWULKXxeWqJdSlRM7s2lrbKklaOr1oyG2WRO/bdrg1YccFAAAAAADeES4lQU1LWNM9di7FHj8WbV096nORuUjJUhrwqbvXqb2rN2H73FIT1NyKfBXkDT0KbGZpQPm52XqtlnAJAAAAAIB0QLiUYMFwt9o6e1RVOvpwaWY0XBrr3KWW6HK1ZHYulUXnOTW1J27u0tba1mG7liQpK8u0eFqRth8hXAIAAAAAIB0QLiVYbbTraLqHZXGxcGmsc5diV3FL6kDvaFdUSygxc5e6e/u0r7FDiyoLR9z2pMpCOpcAAAAAAEgThEsJFguGvAz0nlqUp5wsG3u4FIp0EyV1WVyscylBV4w70BRSb5/T3IqCEbddPK1Q9W1d/R1aAAAAAAAgdQiXEizWuTSjdPSdS9lZpuklfh1sSlDnUlKXxUX2nagrxu1paJckzZ8ycrg0f0qku2l39DEAAAAAACB1CJcS7FBLWGZSZVGep8dXlQZ0aIwDvZtDyZ+5FOtcaklQ59Ke+khQNLcif8Rt50+JbLO7vi0hxwYAAAAAAN4RLiVYTXNIlUV58mV7e2qrSvxjXhYXjIZLxUkMl2LBVcI6l+rbVZCbramFI4dys8vzlWXS7vqOhBwbAAAAAAB4R7iUYLXBsGZ4GOYdU1UaUG1LWL19zvM+mju6FPBly+/L9ryPkeTmZKkwLydhM5f2NHRo3pQCmdmI2+blZGtmWUC761kWBwAAAABAqhEuJdih5pBmeBjmHVNVGlBPn1N9W6fnfTR1dCd1SVxMab4vYUO19zS0a14cw7xj5k8p7F9KBwAAAAAAUodwKYGcc6ppGVvn0szoIPCDY1ga19TepfKCXM+Pj1dpvi8hnUvdvX060BTSvCkjz1uKmV+Rr9317XLOe4cXAAAAAAAYO8KlBAqGe9TR1TvmziVJY5q71NDepYrC5IdLZfm5CZm5dKAppN4+N8rOpQK1dfaovi0xy/IAAAAAAIA3hEsJVNMSCYRmlHoPl2KPHUu41DhunUu5ak5A51Jsedu8KfGHS7FtmbsEAAAAAEBqES4lUE1LWJLGtCyu2O9TUV6ODjWHPe9j3MKlgE/NobF3Lu1piIZLo+hcWjClMPJYwiUAAAAAAFKKcCmBappj4ZL3ziUpsjTO68ylzp5etXX2qDx/PJbF+dQS6h7Tle2kSEBUmJejKaNYyldV6pcv27SLcAkAAPx/9u47PKoq/x/4+8xMeu8kpEISSkJCCVV6UVcUF7uube2ru7rurl+wsepawPVnWV11d3Xtrh1lyYqigFQJCQRIgAAhCem998yc3x+TGRNJmUy7k+T9eh4eZubee85nbmbO3PnMKURERKQoJpesqKy+FSoBBHu5WFROmK+r2cPiapv1PYn87TDnkq+7M6QEGizsvZRX3YKoAHcIIUw+RqNWIcLfHWdrmFwiIiIiIiIiUhKTS1ZUUt+GYC9XaNSWndYwXzfjELuhqm5uBwAE2Gm1OAAWD40rqG4e0nxLBhF+7jhb02JR3URERERERERkGSaXrKi0vtWiybwNwnzdUNPcgdYO7ZCPrWnWT7Dt72FZ7ylT+HUPvTPUaY5OrQ5Fta2IGcJ8SwaR/u4orDF/4nMiIiIiIiIishyTS1ZUWt+GMAsm8zYIM6wYVz/0xMlPySXb91wK8LQ8uVRU2wqtTiIqwH3Ix0b6u6O+tRP1LZZPKk5ERERERERE5mFyyUqklCita8MYCyfzBmBMUJkz71J1kz7RY49hcYGeLt11tptdhmG1txhzhsX56xNShbUcGkdERERERESkFCaXrKShtQutnVqLV4oD9MPiAPOSS7UtHVAJwMfNyeI4BmPoHVVtQc+lvO7kkjlzLkV2J5c47xIRERERERGRcphcshLDEDZDYsgSY3xcIQRQXDf0Sb2rmzvg5+4Mlcr0ldfM5eqkhpeLBlUW9FwqqG6Gp4vGrJ5WEf76c83kEhEREREREZFymFyyktLu5JI1hsU5qVUI8XJFqRk9l2qaOuwy35JBgKczqpos6LlU3YLoQHcIMfRkmJerE/w9nJlcIiIiIiIiIlIQk0tWUlqv72VkjQm9Af2k3uZO6G3f5JKLxXMuRZuxUpxBhL87CplcIiIiIiIiIlIMk0tWUlrXBrVKIMjLxSrlhfq6ocSsYXHtxlXc7CHAw9k4ifhQdXTpUFTbYllyyc+NPZeIiIiIiIiIFMTkkpWU1LcixMsFaivNdTTW1w3Fda2QUg7pOEV6LjWb13OpqLYFOmneZN4Gkf7uKK5thVY3tPNERERERERERNbB5JKVlNa1IdQKk3kbhPm4oqNLN6SV2Dq1OtS2dCLQ0zq9p0wR5OmMmuYOs5I7BdX6Hkcxge5m1x/p744unTTOeUVERERERERE9sXkkpWU1rdaZaU4A0NZJUOY1Nuwaluwl+WTipsqwNMFOgnUtQx9aFxeVTMAIMqCYXGR/vrEFIfGERERERERESnDIZNLQohEIcReIcQuIcRbwpylxOxISomS+jaEWWGlOANzkkuVjfrkkrXmfTKFYX6nofSwMsivboaXiwYBFgzji+hOLnFSbyIiIiIiIiJlaB2pRg4AACAASURBVJQOoB85Usp5ACCEeAtACoADyobUv+rmDnR06RBqxeTSWGNyyfRJvSsaDD2X7Jhc8tDXVdXUjvgQryEdm1/dguhAD1iSOwz1cYVGJdhzieziP/tO48GvcgAASaGe2HTfIrPLSng0Fc2d+tu/nj0Wf1491RohOrQZj6WiukeTlr9+ZZ/7Ra9NPeexIw8tgLe3N5Y+twN5Vc2ICfTAtj8ttlGkw1vP89ffOTZFZmYmfvlRscllTVybir4+sSyJYSDbTubhln8fs3k9fRnoHI9bmwpd9+2dd09BZGTkoOU9+dVhvLGvCADg6yqQ+dhFfe43aW0qDD85+ToBmX8x/T3UV6w/d97TX6O4QR+9vxtw8M/2O6d9MTwPFYAzQ/z73vzGPuw4XQMAeP/maZg/Mcza4ZksKysLF79fYLxvz9eqvfR8zaXeEI2EhIRzHh/uzzvxz1vQ3K7FyqRQvHLddLvXH7M2FYZJKH74TSKioqIGPWbr0SLc/sFhAMAFk4Lwj5tm2TBC8/38dZKwbgtaOrRYlRyGl66d1u9+5pZvrX1tyRCHAJBnpzh6Pvd7F47FHy6y7No0OzsbK9/LN9635Hya+nex5d+vZ9nrr47CNdMSrVq+Uno+r8+vHIMZM2aYXZZD9lySUnb2uNsOoFCpWExR2p0AsuacS77uTnB1Ug2p51JFd8+lYG/7JZcCDT2XzFgxLr+qGVEB5s+3BAAatQpj/dxwtoZzLpHtGRJLAHCktMmispp7tHJv7S/uf8cRpNqEXPnrW7P7fHz2X/cAAM5UNUN2/0/nmvWXvpMK5uiZWDLF0Nc3tUzPxJKSfp7I0fW4vfDVoyaVYUgsAUBdW/9zGPb8pKvr7He3fvWXdDIwJJYAQOmP1ZUv7DDe1vW/W78MiSUAuOHtQ5YHZIGeiaXRwPBlcvwgr7fh5K9fH0dTuxYSQOqRUkVi6NkyLHoty6Rj7uhOLAHAN8crrRyRbUSvTUVzh/5cbzpcYnx82p/Nez3FWPA6PH78uNnHWuLOt/cbbyu1ZNHfdlp+bdozsWSJwT67+rP2k4NWqb/Psj8eme365Z+WWXS8QyaXAEAIsUoIkQUgGED1z7bdIYRIF0KkV1Yq31CWdE8mHeZjveSSEAJhvm7Gsk1R0dgGIWDXCb0DPH/quTQUHV06FNW2IMaCleIMIv3d2XOJ7MLD2WGbzBHjrhUJfT6+MDYAgP4XvJ7/U29/uHjwX7JHCmcHeRF4DtAH3NN+i7eaJNjyj1y7uX5OuEXH92ytI/zsd13UFwd7Gdic4Wy/ME/RMKxq6aQQ4203Z7WCkeh5OJm2X5jvT699tYO0mYPx7/GG6XmuH7h08F6gfZkd5WN2LJMmTTL7WEtcPdu85+porPVOMfcb9t1zAq0UAZnKYb8pSSk3SSkTARQDuPhn2/4ppUyRUqYEBQUpE2APpd29i0J9rTuR9lhfNxQPZVhcYzv83Z3hpLbfn9XXzQlqlRhycqmotgU6CURbMJm3QYS/O+dcIrvIfuIXSAr1RKi3s8VdbfPXr4QGgJ+bGPZDBUzV83kO9JxXxOovBNcui8b4QHf8ek6ksSv/vgcX4VezIrDvQfOHJI5k10xLxKwIfbu6+XrLEk3561fCtcdtU/Y3CHQz/ThznXxmJcZ4qm1eT18M9fm7AVlPrjxnmwAQ6eOMrCdMiyt//Ur4ugo4YeDnYup7qK/9/F2AtEcHjsfU8u3h2rmxuHthJDycVch4YM6Qjz+zfiUSQj1xSWIIdq5ZboMITXdy/Ur4dH9hVvq82orhefm6ADndt1etWgnDVd6vZyoUmJXMiPbHx3fMxk1zI3HsiQsVicFwjsO9nZDdz5DYn9uzdjkumBSEpLFeyH3GcV97hucW4+eMg0+s7PNcXzd9ClLC9SMe/vsr05MvH/1mPqaGefaqZyB3ztUntq9OCja5DmtbOikUf1wWY3b7Zy7D+VHBOm1V7vqVMOQ3LSnv+PqV8FSZVs77t08BAFwzPdSkYelDYajbTYysttyaf3chpVKd7fonhHCRUrZ3334KwC4p5Za+9k1JSZHp6el2je/nnvnfcby1Nx85f7nQovmDfm7NZ0ewLacCBx427aLo9nfTUVjTgi2/X2i1GEwx++nvsCg+CM9ekWzyMdtOlOOWt9Px+W/mYkaUv0X1v7YjFxu2nEDW4xfA08VRpxGj4SYlJQVKty1ENPKwbSEiW2DbQkS2IITIkFKmmLKvo/ZculAI8YMQ4gcAIQC+VTqggZTUtyHUx9WqiSVAv2JcZWM72ru0Ju1f0dhu15XiDEK8XVHWMLSeS3lV+p5G1ui5FMkV44iIiIiIiIgU45DJJSnlV1LKRd3/bpNSmjOXo92U1rVadaU4gwh//biColrT5l2qbGhDsJf14xhMiLcryuuHNpVrflUzvF018PewfCYCQ3KJ8y4RERERERER2Z9DJpeGm9L6NqtO5m1gWEmtoHrwVZGklKhsarfrSnEGY7xdUd44tORSXlUzYoI8rdLbiz2XiIiIiIiIiJTD5JKFtDqJsoY2q0/mDQCR/vohYwXVgydNqpo60KmVNulBNZgQbxfUtXSirdO04XuAPrk0zgorxQGAj7sTvF017LlEREREREREpAAmlyxU2dgOrU4i1AY9lwI9neHhrDYpuVTSvWKdLXpQDSbEW5/QKm8wrfdSW6cWxXWtiLFScgkAIgPcmVwiIiIiIiIiUgCTSxYqNiR1bNBzSQiByAAPk4bFGZNLvkoml0yb1Du/+/lYNbnk725SEo6IiIiIiIiIrIvJJQuV1ts2qRMd4I4CE3rkGJJcYxVILo3pHopXZmLPpbxK6yeXogI8UFTbAq1OWq1MIiIiIiIiIhock0sWKq3TJ1RsMSwO0A/3KqwZPGlSXNcKTxcNvN00NoljIMaeSyauGHemyvrJpegAd3RqpbEHFxERERERERHZB5NLFiqpb4WHsxrerrZJ6kT5e6BTK409pPqNo64VYb6uVll9bai8XTVwdVKZ3nOpqhkh3i7wcLHeOYsKMH3ycyIiIiIiIiKyHiaXLFRU24qxfm42S+pEB7gDAM4OkjQpqWtTZL4lQD83VJiP26AJMIO8qmZEB1iv1xIARHWfp3wT5qciIiIiIiIiIuthcslCRbWtiPBzt1n5Ud1DxwxDyfpTXNeqWHIJAML93VFYY1pyKb+qGeOCrJtcCvFyhYtGZdLk50RERERERERkPUwuWUBKiaKaFkT42y65FOrtCndnNU5XNPW7T2uHFjXNHYpM5m0Q4eeGwtrBh6TVNHegurkD4wI9rVq/SiUQFeCOfA6LIyIiIiIiIrIrJpcsUN/aicb2LoT72S6po1IJxAV74lRFY7/7nO1eTc6WSa7BRPi7o66lE41tnQPud7Jc/zwmjPGyegxRAR7suURERERERERkZ0wuWcAwDCzchsPiACA22AunyvvvuZRXpd82zoqrrw2VYWjgYEPjbJlcig5wR0F1C3SDrKxHRERERERERNbD5JIFDMPAIvxtOxwtPsQTFY3tqG/pu1eQYT6maCWTS93nYLChcTlljfBxc0Kwl4vVY4gK8EB7lw4Vje1WL5uIiIiIiIiI+sbkkgUK7TQcLS5EPz/R6cq+h8blVTYj2MsFni4am8YxEEPPpaLawXsuTQjxssnqelwxjoiIiIiIiMj+mFyyQFFtK3zcnODt6mTTeuKC9UPIcsr6HhqXV9WsaK8lAPB1d4Kni8aYcOuLlBI5ZY3GZJm1RQfozwHnXSIiIiIiIiKyHyaXLFBY22LzIXEAMNbXDd6uGmSV1J+zTUqJ05VNGB+kbHJJCIFIf/cBew2VN7Sjoa3LJvMtAUCojyuc1IIrxhERERERERHZEZNLFiisaUG4r+1XaFOpBJLCfXG4sO6cbaX1bahr6cTkUG+bxzGYuBDPAScez+mezNvQE8vaNGoVIvzc2XOJiIiIiIiIyI6YXDKTlBJFta126bkEAMkRPsgpa0Rbp7bX48dLGwAAk8OUTy7Fh3ihuK4VTe1dfW7PKtb3vLJlrFEB7sivYs8lIiKDsrIyXHPNNRg/fjwmT56Miy66CCdPnlQ6rAF9+umnmDRpEpYsWWJROTU1NVixYgXi4uKwYsUK1NbWnrNPZmYm5s6di4SEBCQlJeHjjz82bsvLy8Ps2bMRFxeHq6++Gh0dHQCAgoICLFu2DElJSVi8eDGKioosipNoOBnNbcrPbdmyBRMmTEBsbCzWr1/f5z7t7e24+uqrERsbi9mzZyM/Px8AkJaWhqlTp2Lq1KlITk7Gxo0bjce89NJLSExMREJCAl588UWrxkzk6EZzG2PKdQsAvPPOO4iLi0NcXBzeeeedc7avWrUKiYmJ5zz+3HPPQQiBqqoqi+LsD5NLZqpsbEd7l87mk3kbJIX7oksnkV3S0OvxYyUNEAKYMEb55FJcsH4upVPlfU88nllYh3GBHvBxs90cVVEBHsivboZOJ21WBxHRcCGlxOrVq7F48WLk5ubi2LFjePrpp1FeXm7S8Vpt7x80pJTQ6XS2CLWXN998E6+++iq2b99uUTnr16/HsmXLcOrUKSxbtqzPL3/u7u549913kZ2djS1btuD3v/896ur0PYXXrFmD+++/H6dOnYKfnx/efPNNAMCf/vQn3HjjjThy5AjWrVuHBx980KI4iYaL0d6m9KTVanHPPffg66+/xrFjx/Cf//wHx44d67NuPz8/nD59Gvfffz/WrFkDAEhMTER6ejoyMzOxZcsW3Hnnnejq6kJWVhb+9a9/IS0tDYcPH8bmzZtx6tQpq8VN5MhGextjynVLTU0NHn/8cezfvx9paWl4/PHHeyWhvvjiC3h6njvHcWFhIbZu3YrIyEiLYhwIk0tmOmunleIMpkb4AsA5Q+OOFNcjOsBD0ZXiDOJD9MPd+hsad7iwDsndz8NWYoM90dKhRWlDm03rISIaDrZv3w4nJyfcddddxsemTp2KBQsWQEqJBx54AImJiZgyZYqxx86OHTuwZMkSXHfddZgyZQry8/MxadIk3H333Zg+fToKCwv7ra+8vByrV69GcnIykpOTsXfvXgDA888/j8TERCQmJvb6Ff7999/HrFmzMHXqVNx5553QarV44oknsHv3btx111144IEHLHr+X331FW666SYAwE033YQvv/zynH3i4+MRFxcHAAgLC0NwcDAqKyshpcS2bdtwxRVXnHP8sWPHsGzZMgDAkiVL8NVXX1kUJ9FwMdrblJ7S0tIQGxuLcePGwdnZGddcc02fbUHPduiKK67A999/Dykl3N3dodHor9/b2tqMKykfP34cc+bMMW5ftGhRr15NRCPZaG9jTLlu+eabb7BixQr4+/vDz88PK1aswJYtWwAATU1NeP755/HII4+cc9z999+PZ5991iarthson5EYps5U6ef1GWenVdpCvF0R6e+OPaercMv8GACATieRlleDCxJC7BLDYCL83eHqpMLJPnouldW3oaKxHcnhPjaNIba799TpiiaM9bXPkEUiIkeVlZWFGTNm9Lntiy++QGZmJg4fPoyqqirMnDkTCxcuBKD/0pSVlYWYmBjk5+cjJycHb731Fl599dUB67v33nuNX4S0Wi2ampqQkZGBt956C/v374eUErNnz8aiRYvg6uqKjz/+GHv27IGTkxPuvvtufPDBB1i3bh22bduG5557DikpKb3Kb2xsxIIFC/qs+8MPP8TkyZN7PVZeXo7Q0FAAQGhoKCoqKgaMPy0tDR0dHRg/fjyqq6vh6+tr/PIXHh6O4uJiAEBycjI+//xz3Hfffdi4cSMaGxtRXV2NgICAAcsnGu5Ge5vSU3FxMSIiIoz3w8PDsX///gH302g08PHxQXV1NQIDA7F//37ccsstKCgowHvvvQeNRoPExEQ8/PDDqK6uhpubG/73v/+dEzfRSDXa2xhTrlv6ansM1yePPvoo/vjHP8LdvXcHmE2bNmHs2LFITk4e8HxYisklM+VVNcNJLeyawFg8IQifphehvUsLF40ax0obUN/aiXnjA+0Ww0DUKoHYYE+cKDs3uZRZqO+ql2SHnkuAPrm0KD7IpnUREQ1nu3fvxrXXXgu1Wo2QkBAsWrQIBw4cgLe3N2bNmoWYmBjjvlFRUZgzZ86gZW7btg3vvvsuAECtVsPHxwe7d+/G6tWr4eGh/zHmsssuw65du6BSqZCRkYGZM2cCAFpbWxEcHDxg+V5eXsjMzDT3KQ+otLQUN9xwA9555x2oVCpIee7wasOvfc899xx++9vf4u2338bChQsxduxYYxKKaLQabW3KQG2EqfvNnj0b2dnZOH78OG666Sb84he/wKRJk7BmzRqsWLECnp6eSE5OZvtChNHXxvSnvzYlMzMTp0+fxgsvvGCc2w0AWlpa8NRTT+Hbb7+1ahx9YUtlprzKZkT6u0Ojtt/IwkXxQXh3XwH25lZjyYRg7DxVCQCYO95xfilNDvfFV5kl0Ook1KqfPmB/PFMDVycVEmw88XiAhzN83Z1wuqL/VeuIiEaLhIQEfPbZZ31u6+vixMBwQdXf/aHorx4pJW666SY888wzJpc11F8AQ0JCUFpaitDQUJSWlvZ7EdjQ0ICVK1fiySefNF6MBgYGoq6uDl1dXdBoNCgqKkJYWBgA/fC5L774AoC+C/rnn38OHx/b9swlcgSjuU0pLCzEJZdcAgC46667kJyc3Gu4Tc82oqfw8HAUFhYiPDwcXV1dqK+vh7+/f699Jk2aBA8PD2RlZSElJQW33norbr31VgDAQw89hPDwcJOfE9FwNprbGMC065bw8HDs2LHDeL+oqAiLFy/Gvn37kJGRgejoaHR1daGiogKLFy/Gyy+/jLy8PGOvpaKiIkyfPh1paWkYM2aMyc/FFJxzyUx5Vc2ICTx3oixbmh8XiEBPZ3zwYwGklPjyUDGmR/oixNvVrnEMJCXaD03tXcj5We+lPaerMDPaHy4atU3rF0IgNsgTuUwuERFh6dKlaG9vx7/+9S/jYwcOHMAPP/yAhQsX4uOPP4ZWq0VlZSV27tyJWbNmWVTfsmXL8NprrwHQT6rZ0NCAhQsX4ssvv0RLSwuam5uxceNGLFiwAMuWLcNnn31m7PJdU1ODgoKCAcs3/ALY17++hq+sWrXKuIrKO++8g0svvfScfTo6OrB69WrceOONuPLKK42PCyGwZMkS40Vuz+OrqqqME4Q+88wzuOWWW4Z6qoiGpdHcpkRERBi33XXXXZg5cyZOnTqFvLw8dHR04KOPPsKqVavOqaNnO/TZZ59h6dKlEEIgLy8PXV36FZYLCgqQk5OD6OhoADA+h7Nnz+KLL77Atddea/5JJBpGRnMbA5h23XLBBRfg22+/RW1tLWpra/Htt9/iggsuwG9+8xuUlJQgPz8fu3fvRnx8PHbs2IEpU6agoqIC+fn5yM/PR3h4OA4ePGj1xBLA5JJZdDqJvOpmjAuyz3xLBi4aNa6dFYnvT1TgoY1HcbK8CdfOst1s7+ZIidL/EpNRUGN8rLyhDacqmjA/1j7D92KDPXGqou8V64iIRhMhBDZu3IitW7di/PjxSEhIwGOPPYawsDCsXr0aSUlJSE5OxtKlS/Hss8+afKFx2223IT09/ZzHX3rpJWzfvh1TpkzBjBkzkJ2djenTp+Pmm2/GrFmzMHv2bNx2222YNm0aJk+ejCeffBLnn38+kpKSsGLFCpSWllr1+a9duxZbt25FXFwctm7dirVr1wIA0tPTcdtttwEAPvnkE+zcuRNvv/22cVlwQxf2DRs24Pnnn0dsbCyqq6uNPQl27NiBCRMmID4+HuXl5Xj44YetGjeRoxrtbUpPGo0Gr7zyCi644AJMmjQJV111FRISEgAA69atw6ZNmwAAt956K6qrqxEbG4vnn3/euPrT7t27kZycjKlTp2L16tV49dVXERiov1a+/PLLMXnyZFxyySX4+9//Dj8/P5s9DyJHMtrbGFOuW/z9/fHoo49i5syZmDlzJtatW3dOb0iliIG6lw0HKSkpsq8Xii0V1bZg/obteOayKXZP7jS0deKXr+zBmapmzIrxx39un9Nr+JnSpJRY8Ox2xAV74q1f6zPJb+/Jw2P/PYat9y9EXPeKcrb0xq4zeDL1ODIeWY4ATxeb10cjU0pKSp8fQkRElmDbQkS2wLaFiGxBCJEhpTRpVQHOuWSGvO6V4mLstFJcT96uTth873wcOluHlGg/h0osAfps80VTQvHWnjzUt3TCx90JX2aWYFKot10SS0DvSb2ZXCIiIiIiIiKyLQ6LM4MhuTROgeQSALg7a3BebKDN5y8y18VJoejUSnx2sAgZBbXILKzD5dPH2q1+Y3KpkvMuEREREREREdkaey6Z4XRFEzxdNAjyYq+YviSF+2Le+AD8v29z4O6sP0/2HD4Y5uMGD2c1TpZx3iUiIiIiIiIiW3PInktCiNlCiL1CiF1CiBeUjufnTpQ1Ij7EE0I41pA0R/LclcmIC/GCt5sGr18/HR4u9stjqlQCE0O9cay0wW51EhEREREREY1WjtpzqQDAUillmxDiAyHEFCnlUaWDAvQTVueUNeKiKaFKh+LQwnzd8NU95ylWf0KYNz7PKIJOJ6FysHmpaPha+8lBfHRQvyqEmwY4/uRKs8ta9Oz3KKhpAwA8eP543Ll0olVidGSrXtyBI2X6YcXeLsCRx/s+f9FrU895LP3BJQj0cce4tanQQf/LyJn15p//kazn+cu34Bx1dnZi2pPfo7VDi3uWjMcfzh/4Nbrh62y89kN+r8f83TU4uO4Cs2MYyOmyJix/8QcAQEKoF1LvW2iTevqS8pdvUdXcCQA48tACeHt7G7ctfnYb8mtaAQC7H1iA8ADvPsvoadOhQtz78REAwLxx/vjwjrl97rchNRuv7coHAPxxxXj8blnffxPD+wQA4gPckFvTCm83Jxxad/6AcTyTmoV/7NIvq3z9zHA8eXnyoLHbkiWv5f/77DA+SS8CAHx46yzMiwuyamxDkZ+fj8WvZ/90fwS2XT3/Vqk3RBtXTbNWe+QIDM/F302Dg3+2Tbs2kCnrvkZjh/6dveW+2ZgYOvgqzHtPVeK6N9MAAFelhOPZK5R9T/dn0YZtKKjVt5tZjyxC4pP6tv3n5zpmbSokAC8XNY4+fqHJ5Rv+dqZcOxjqAJR9zSrx3vnXzlxs2HICzho1dj6wEIFe7haVl52djZXv5RvvW/I8DOcjzNsFex9a3u9+4x9MhVZaXt9AMQDA86sScNm8aKuWr5Sez+ufN0/E+RPHm12WQ/ZcklKWSSnbuu92AdAqGU9P5Q3tqG/txMQx9pmcmsyTEOaN5g4tzta0KB0KjSCGxBIAtHZZVpYhsQQAz3yba1lhw4QhsQQADe197/P61uw+H7/473sBwPiFWdfnXnTJizusVtafPjuKpnYttBL4x868Qff/eWIJAGpaLHyjDOCXr+4y3s4ute8waENiCQAWvbCv1zZDYgkAlr+wx6Ty7utOLAHA3jM1/e5nSCwBwPNb+283er4/Tla3QiuB2pZOvPz9yQHjMCSWAOD9A0UD7mtrievOTTIPhSGxBAC3vqvsClo9E0ujgeHL5F++OqxsIFZ04Qs/GG/XWHoBYCZDYgkALnxpv0nH/Pqdn177Pd8TjsaQWAKApCf7Ptdv7c41Jn0a203/apj05y3G26ZcO/RcR72hQZlREAuf2apIvc9vPYkuHdDSocXvP7a8X0fPxJIllj+33Xi7pL8LyG7aHn/AT9KsU39f/rBpZLbrd7x9wqLjHTK5ZCCESAIQKKU89rPH7xBCpAsh0isrK+0a04kyfSMzgcklhzY51AcAkF3CoXHk+LycHboptqu7ViT0+fjKKWPsHMnw9MeV0VYra2WPHrqhPq6D7u/n5mS1uk2xJP6nX+2V7J/6y+SwfrctigswqYwIv5/mcFQP8GR83X7qcB7kObTzLQAsnRgy4D7eLj8tFOLmpGy7dPu8GIuO93D+6blMi/C1NByLBHmMrjbevfvp3jFn5LTbN82139yhppgcYtqiQlMjfuo56enimAsB/dy8mL7frysTzXs9XZNi/miTnr1S7elPSyYoUm90j8WqLpoy8OeFKZwtLkHvypRws467cKK/lSI4l8sIbdbdLG0mpJQO+Q+AP4CdAMYMtN+MGTOkPb2+47SMWrNZ1ja327VeGprWji45/sFU+eyW40qHQsNUf23LnCe3yAkPbbZKHfOf2Sqvem2nVcoaLiY/slnGrx34/P3hvR9l1JrN8uNDWfL2t9PkB/vOGLcdOlsllz+3XR46W2XrUIetRz87KKPWbJZ5eXkWl5WeVy3f3JVr8v5//ChDPvblEflpWr685G+2f23/7bvj8tp/7rF5PX254Pkd8h/bT/W57ZK//SCf3ny0z239tS1/+iRDXvna7kHr/f2H6fKPH2UMul/Mms1yxuOpUkopX99+SmYV1Q16jJRS3vH2fnnrv380aV9bW/NxhoxaY357e/9HB+WLWx3jOuDiF7bLaAuey3AQtWaznPWX3s/x9W3HZfxDm2VZWZlCUVnPh/vOyIte+EHRGGb+5Rt51zv7+tzWX9vy4tbj8v6PDtoyLKu4/O+75Qd786SUUr61M7fPc73jeJlc/cou2dTUNKSyn9qUKaes+9qkfbML6+WiDd/L9PzKIdVhbYb2r6CgwK71vrcvT+4/Y73nPv2xzRa14wYf7M2Tl/998M/I+nr93+/bI4UW19mXcWs2y6UbttqkbCVFrdks5z+9pc9tANKliTkcod/fsQghNAA2AXhcSjlgv8+UlBSZnm6/7s5/+DgTe3KrsH+AsZ7kGC58cSfG+Lji7V/PUjoUGoZSUlJgz7aFiEYHti1EZAtsW4jIFoQQGVLKFFP2ddQOXVcCmAlggxBihxCi75ktFXCirBETxijTRZKGJnGsD44W1cMRHopinwAAIABJREFUE6hEREREREREI4VDJpeklP+RUgZJKRd3/9s3+FG219apxcnyRkwZy+TScDA90g/VzR3Ir7bupN5FtS3YdLgEW7JKUdvcYdWyiYiIiIiIiIYbzeC7kEF2ST26dBLJ4cpODEmmSYn2AwCk59cgJtC0iQ8H0tTehb/89xg+ySiEoTOUi0aFuxfH4ndLY6FSKTmlLBEREREREZEymFwagszCegDAVIVXHSHTxAZ5wttVg4yCWlyZEmFRWTXNHfjVG/uRU9aAW8+LweUzwtHaqcW/d+fhhe9O4nhpA16+bhqc1A7ZGZCIiIiIiIjIZphcGoLMwjqE+bgi2HvwJZlJeSqVwIwoP2QU1FpUTlunFje/lYYzlU34980zsXhCsHHbtGt9MTXCF0+mHsdDXxzFs1ckQQj2YCIiIiIiIqLRg90shiCzsBbJ7LU0rMyI8sOpiibUtZg3N5KUEg9vzMKRonq8fO20XoklABBC4LYF43Dv0lh8mlGEjw8UWiNsIiIiIiIiomGDySUTFdW2oLCmFTOj/ZUOhYZg9rgAAMDe3Gqzjv/vkVJ8frAI9y2Lw/kJY/rd7/fL4zE/NhCP/TcbpyuazKqLiIiIiIiIaDhicslE+7qTE/NiAxSOhIZiWoQvvF012JFTMeRjq5va8dimbCRH+OLeZXED7qtSCTx/dTJcNGo89MVR6HTS3JCJiIiIiIiIhhUml0y0L7caAR7OiA/2UjoUGgKNWoUFcUHYkVMJKYeW8Fm3KRtNbV147ookqE1YCS7YyxUPXTQRafk1+CyjyNyQiYiIiIiIiIYVJpdMIKXE3txqzBkfwOXmh6FFE4JQ0diO7JIGk4/ZklWK1COluG95HOJCTE8oXjkjArOi/fHU/46juqndnHCJiIiIiIiIhpURm1wqqm1BUW0LOrU6i8s6WlyPsoY2LIoPskJkZG/LJ4VAoxLYdLjEpP1rmzvwyJfZSAjzxh0Lxw2pLpVK4KnViWhu78KzW3LMCZeIiIiIiIhoWBmxyaUNW3Iwf8N2JD/+Le79zyGcLG80u6yvs8qgVgmsmBRixQjJXvw9nLF4QhC+yiyG1oS5kB77bzbqWjrw7BVJcFIP/S0SF+KFW+fH4OP0Qhw8W2tOyERERERERETDxohNLv36vGhsuHwKVk8bi20nKnDBizvx7JYTQ+7JJKXEN1llmDsuAH4ezjaKlmxt9bRwlDe0Y+epygH325JViq8yS/C7pXFICPMxu77fLYvDGG9XrPsqy6SEFhEREREREdFwNWKTS9Mj/XD1zEg8tXoKdv3fElw1IwKv7sjFr/61H3UtHSaXc6iwDmeqmnHRlFAbRku2tnxyMMZ4u+K1Hbn97lPR2IaHN2Yhcaw37l4y3qL6PF00eHjlJGQVN+DDtLMWlUVERERERETkyEZscqknPw9nbLgiCS9dMxWZhXW47LW9KKxpMenY938sgIezGqumhtk4SrIlF40adywch7S8GuzNrTpne0eXDvd8cBAtHVo8f9VUs4bD/dzFSaGYNz4Af91ygpN7ExERERER0Yg1KpJLBpdOHYv3bp2F6qYOrH51L7KK6wfcv7CmBZsyS3BlSgQ8XTR2ipJs5dpZkQj3c8PDG7PQ2NZpfLxLq8OfPj2MA/m12HBFEuKHsDrcQIQQeOLSBLR0aLFhywmrlElERERERETkaEZVcgkAZo8LwOe/mQsXjQpX/2MffjjZ/xw8G7acgFol8JvFlg2RIsfg5qzGc1cmo7CmBTf9Ow1ZxfU4dLYWN72Vhk2HS/B/F07AqmTr9lCLDfbCrQti8El6ETIKOLk3ERERERERjTyjLrkE6L/wf3H3PEQGeODWtw/gvR8LIGXvSZc/zyjC5iOluGdJLEK8XRWKlKxtzrgAvHztNJwsb8LFL+/G6lf34tDZOmy4fAruXhxrkzrvXaqf3PvRLzm5NxEREREREY08o3asV4i3Kz65cw7u+fAQHv0yC18fLcVtC2IQ4eeO1KOleHnbacwZ589eSyPQL6aEYmaMP3adqoRapcKiuCD4uDvZrD4PFw0evXgy7vnwIP6+/TTuXRZns7qIiIiIiIiI7G3UJpcAwMvVCW/fPBMf7C/Ai9+dwi1vpxu3XTRlDJ69ItkqEzuT4wn0dMHqaeF2q++iKWNw6dQwvPjdScwbH4CUaH+71U1ERERERERkS6M6uQQAKpXADXOjcWVKBNLyalDT3IGEMG/EWWlSZyJAP7n3k79MxKGzdbjnw4PYePd5CPN1UzosIiIiIiIiIouxW043Vyc1FsYH4ZfTxjKxRDbh5eqEf944Ay3tWvz6rQOob+0c/CAiIiIiIiIiB8fkEpEdTRzjjddvmIEzVU249p8/orKxXemQiIiIiIiIiCwy6ofFEdnbebGBeOOmmbjrvQxc8vJuPH9VMubFBg65HJ1OoqCmBdkl9cgpa0RtSwea27VQqwQ8nNUI9nZFdIAHxgd7IC7YC2qVsMGzISIiIiIiotGOySUiBSyKD8Knd83FvR8dwnVv7Mf5k0Nwy/wYzIr2h6qPJFBbpxa5lU3ILmnAsZIGZJfU43hpI5rauwAAapWAj5sTPFzU0Golmtq70NDWZTze00WDqRG+mB7lh5nRfpgW6QdPF779iYiIiIiIyHL8dkmkkMSxPtj8u/l4Y1ce/rXzDL49Vg4vVw0mh3ojwNMZKiFQ39qJ4tpW5Fc3Qyf1x7k7qzEp1BuXTR+LhDBvJIT5IC7EEy4ada/ym9u7UFDdgpzyBhwsqENGQS1e2XYKOqlPRk0O9UZKtB9mRfsjJdofQV4uCpwFIiIiIiIiGu6YXCJSkLuzBvcui8NtC2Kw9Vg50vJqcKKsETlljdBJwMfNCfEhXrg4KRRxIV6YHOaN6AAPk4a4ebhoMDnMG5PDvLF6WjgAoKm9CwcLanEgvwYH8mvw4f6zeGtPPgBgrK8bxgV5YFygByIDPBDo6Qx/D2f4uTvDWaOCk1oFjUpAoxbo0kp0aHXo0kp0anXo0OrQ2aVDl05/v0sr0aXT3zfsIyWgUQto1Co4qwU0KhWcNCo4qQScNCo4q1XGely6/9ffF3Du3i5E7+ctpYRWJ9Glk9BJiU6tREeXPp6OLp0+ti4d2rt0xsc7e2zv6NIhNsQT0yP9rP63JSIiIiIiGi2YXCJyAO7OGlw6dSwunTrWpvV4umiwMD4IC+ODAAAdXTpkldTjQF4NjpU24ExlMz4/WGwcbudonNQCKiGgk/qEkpSWl3nLeTFMLhEREREREVmAySWiUcxZo8L0SL9eyRUpJepaOlHd3IHalg7UNnf06qXUpZPQqISxl5H+n+jRs0l/X6PS/69W6bcJAWi7ezZ1an/+/089jdq7dD/1QOrS6m9rf+p5pNNJqFX6clVCQKMSUHXf16gEXDT6Hk+G+Aw9opw1vXtEGR73dnNS8C9AREREREQ0/DG5RES9CCHg5+EMPw9npUMhIiIiIiKiYUCldABERERERERERDR8OWRySQgRJoQ4KIRoE0KwdxURERERERERkYNy1MRNDYBlADYqHQgRkcHukxW4/t8HAAC/mhWBpy5LMrusY6X1WPPZEXi4aPCP62fAx33kD0OsaGjDPR8eRIdWhxevmoqYIM8+9xv3YCp0EnBRC+Q8dVGvbb//+BC2n6jA4gnBeOmaafYIe9hZ91UW9uVW46a5Ubh+brQiMXyUdhbZJQ24emYEEsf6KBLDSFTf2onXf8iFSgC/WRwLT5e+L+Oyiuux5vMj8HVzwus3zICX6/CcWy5mbSokgLE+Ltjz4HKlwzGbTqfDXe8fxNmaFjy8chIWxAUpHZLVLfnrduRVtwAAsh9dDA8PD4Ujsr5LX9mN/OoW3LN4PO5YNN7u9f+YW43HN2cj1McVr1+fAmeNQ/YRsIpVL+9GQY31zvV9Hx3C8dIG/H5ZPC5KCrVChLY3/sFUaCUQ5OmMA4+sUDocs1TUNWPW+h0AgAkhnvjm/kVmlSOlxHs/FuB0RROunxOF+BAvK0ZpurS8avx5UzZCvF3x+q+mw9XZUVMpQ2PNtsUhWyUpZZuUslbpOIiIerrj/YPG2x+mFVpU1qvbc1FQ3YJjJQ14f/9ZS0MbFt7em4+cskbkVTbjtR9y+9znWGktdN2rALZrz10OcPPhUjS1a5F6pNSWoQ5bFQ1t+PJQMcob2vD6zjOKxFBW34YvM4txqqIRn6Rb9j6h3nbkVODQ2VpkFNTih5zKfvd7+ftTKKxpwdHienxyYHj+DZ76bxYMLUBxfbuisVjqu+MV+PFMNUrqWvHSd6eUDscmDIklADj/b/sUjMQ2tmSVIaukAU3tXf1+ftnay9tOobi2Fen5tSP6M/Dro6XILtWf69etcK4zCmqx/UQFyurb8PL24fH+e2tXLgyXQJVNHcoGY4FL/r7XeDunvMnscs7WtOB/R0txsrwRnyp4XfHyttMorm3FwYJabBpB70Frti0OmVwajBDiDiFEuhAivbKy/4srIiJrmhvjb7wdYOGE53Ni/CEEoFGrMGdcgKWhDQuzY/yNq/zNHRfY5z6TQ/36fNwg0FN/3gM8R35PL3P4uzsjxNsVADBBoV/2/DycEObrBgBICPNWJIaRKj7Ey7hKZ3xI3z3/AGB2d5virFZhZo92azi5fHqY8bZQMA5rSBjrDXdnNQBgRpSvwtHYRs8vFNfOjFAsDluZHukDl+5f8+MUaltnROk/H12d1JgaMXJ7hE6L9DWea2v0UIkN8oBP98rAU4ZJT9rzE8IG32kYuKxHO66yoCEP8nJBsJf+2iYhTLm/YUr0T+9Bw/txJLBm2yKkPPeXYUchhNgBYLmUsqu/fVJSUmR6err9giKiUSElJQV9tS0fpeWjsKYVD1w4yeI68iqb4O6iMSYDRoPiuhZ0aSWiAvofMnGstBbrU3Pw2rVTzhla0dGhxa7cSiwYHwTn7i9r1FtbRxdOVjQhMcwbKpUyvyG1d2lR19I5ql7bpuqvbTFVfUsnIGD8stSf3MomeA7z9uXw2Rq8s68Az189/IfA1rV0oKy+DRNDR27C9c730rAyMRSrpo285BIAVDe143hpA+YrOKzxZHkjAj1c4N/HDyyWti2OxNrnurGtE4U1LZisYGJiqE4U1+C1H/Lx0nXTlQ7FIp8dOIttORV49foUi8pp69SiobUTwQp/pg30HhzOBnpeQogMKaVJf0Aml4iI+jCSLtKIyHGwbSEiW2DbQkS2MJTkkkMOixNCOAkhvgOQDOAbIcRspWMiIiIiIiIiIqJzOeQU51LKTgDDd1kQIiIiIiIiIqJRQvGeS0KIMCHEQSFEmxBC0+PxPwghdisZGxERERERERERDUzxOZeEEK4A3ABsRPf8SkIIFwD/BDBeSjl/oOMDAwNldHS07QMlolElPz8fbFuIyNrYthCRLbBtISJbyMjIkFJKkzolKT4sTkrZBqBNiF7rE94G4B0ATwx2fHR0NCevIyKr48SYRGQLbFuIyBbYthCRLQghDpq6r+LD4n5OCOEEYJGUctsA+9whhEgXQqRXVlbaMToiIiIiIiIiIurJ4ZJLAG4A8OFAO0gp/ymlTJFSpgQFBdkpLCIiIiIiIiIi+jlHTC5NAPAbIcQWAAlCiN8pHRAREREREREREfVN8TmXuofBfQ0gGcA3AB6SUq7p3rZbSvmykvFZ0+NfHsVbP54FAMyI9MHndw84V7ndzHjia1S36AAAXs7A0SdWKhyR3oavj+O1H84AAJ5YNQk3zhuncER65Q1t+Nv3p+DhosG9y+Lg6aL424iIiIaxKQ+lolH30/389Y7xOUxERDScRK9NNd7mZ6n9Kd5zSUrZKaVcLqX0k1Iuk1Lu77HNMbIvVmJILAFAxtl6BSPpzZBYAoDGDgUD+Zk3dp0x3n7m6xwFI+ntu+PlyK1swpGiOqTlVSsdDhERDXM9E0tERERkuflPpw6+E1mV4sml0STSz8V428OZp34wiWN9jLfnjQtQMJLeksN94aRWwdNFgwljvJUOh4iIiIiIiHrY/RB7Ltkbx/PY0c41y/FJWj7qWrpwx+JYpcMxyl+/Erf+ex/aOnX44M7zlA7HaOM987H9eBk8XDSYNS5Q6XCMEsf64J83pEClAlw0aqXDISKiYS5//Uosf+5rlNfocPRpXgwTERGZI3/9SkSvTcWnlwcrHcqoxOSSnV01K1rpEPr05i1zlQ6hT0smjVE6hD65OTOpRERE1vPdn36hdAhERETDHudaUg7HZhERERERERERkdnYc4mIiIj61dqhRU55I9yd1YgN8oRKJZQOiYiIiIgcDJNLdnTV63uQll8HABjj5YwfH16hcER6PZdsBBynK+ENb/yIXaf1q7FdNi0Mz189TeGI9H7IqcADnx2Bs0aFf988E/EhXkqHBAA4Wd6IZ7fkwMfNCesungwfdyelQyKiYaxTq8NL353Cm7vz0NqpBQBEBbjjkZWTsWJyiMLRkS046vUAEZG9cCl7IvNxWJwdGRJLAFDW2KFgJMPDntxq4+3/HilVMJLevjhUjLZOLRpaO7H5cInS4RjtOV2FpvZOFNe1IKukXulwiGgYa+3Q4pa3D+CV7aexfHIIXr9+Bp69IgluTmrc/m463th1RukQiYiIbOr7779XOgSiYYXJJTuaN87feHusr4uCkQwPS+KDjLdXTw1TMJLerpgRDjdnNXzdnbAq2XHimh8bCB83J0T6uyNxrI/S4RDRMKXTSfzp08PYfboKz16ehJevnYYLE8fgqpQIbPrtfKycEoonU4/j84wipUMlIiKymWXLlikdAtGwIqSUSsdgkZSUFJmenq50GEQ0wqSkpIBtC41G7/9YgEe+zMKDv5iIOxeNP2d7l1aH69/cj0Nn65B673zEBjvG0ODhgm0LEdkC2xYisgUhRIaUMsWUfdlziYiIiAAA5Q1t2PD1CZwXG4A7Fo7rcx+NWoW/XTsNbs5qPPRFFnS64f0jFRERERFZjsklIiIiAgBs+PoEOrQ6PPXLKRCi/1Xhgr1c8eAvJiItvwabHGjuOSIiIiJSBpNLREREhNzKJnyZWYyb50UjOtBj0P2vnBGBSaHeePG7k+jS6uwQIRERERE5KiaXiIiICK9sOw0XjRq39zMc7udUKoH7l8chv7oFXxwstnF0REREROTImFwiIiIa5UrrW7HpcAl+NTsSgZ6mr2a6YnIIEsd64/WduZx7iYiIiGgUY3KJiIholPvP/rPQSYmb5kUP6TghBG6dH4Mzlc3YfbrKNsERERERkcNjcomIiGgU6+jS4cO0QiyZEIwIf/chH3/RlFAEerrg7b351g+OiIiIiIYFJpeIiIhGsW0nylHV1I4b5kSZdbyLRo3rZkdie04FiutarRwdEREREQ0HTC4RERGNYl9lliDQ0wUL4gLNLuOK6eGQEvjyECf2JiIiIhqNmFwiIiIapRraOvH9iQpcnBQKjdr8S4LIAHfMivbHFweLICUn9iYiIiIabZhcIiIiGqW+ySpDR5cOl04Ns7isy6aPRW5lMw4X1VshMiIiIiIaTphcIiIiGqU2HS5BpL87pkb4WlzWRUmhcNGosPFgkRUiIyIiIqLhhMklIiKiUai+tRP7cqtx0ZRQCCEsLs/b1QmL4oPwTXY5dDoOjSMiIiIaTZhcIiIiGoV+OFmJLp3EisnBVivzwsQxKGtow+GiOquVSURERESOj8klIiKiUej74+Xw93DG1Ag/q5W5bGIINCqBLdllViuTiIiIiBwfk0tERESjTKdWh+0nKrBkQjDUKsuHxBn4uDthXmwgvskq46pxRERERKMIk0tERESjTHp+LRraurB8kvWGxBlcmDAG+dUtOFneZPWyiYiIiMgxMblEREQ0yuw4WQEntcCC+CCrl710oj5htSOnwuplExEREZFjYnKJiIholNl7uhrTIvzg6aKxetljfFwxcYwXduRUWr1sIiIiInJMTC4RERGNInUtHcgqqcd5sYE2q2PxhGCkF9Sgqb3LZnUQERERkeNgcomIiGgU2ZdbDSmB82IDbFbHovggdGol9pyuslkdREREROQ4mFwiIiIaRfbkVsHDWY3kCF+b1ZESrR9yx6FxRERERKMDk0tERESjyN7T1Zg9LgBOattdAjipVTgvNgA/5FRASmmzeoiIiIjIMTC5RERENEqU1LXiTFWzTedbMlgUH4yS+jbkVjbbvC4iIiIiUhaTS0RERKPEj2eqAQDzxttuviWDud117Ouuk4iIiIhGLiaX7OzOdw/gxjf2KR3GOeLWpiJ2barSYZxj5l++xfz13ykdxjmOFNXhdHmj0mEQEQ3JgfxaeLlqMCHEy+Z1RQe4I9THFT/mMrlENFrNfDQV0WtT8devHe9ajhxL9Fr9a4WIhi8ml+xo3tPf4ZtjFdh5ugaTHvla6XCMotemohNAV/dtRxG9NhWVzZ0oqmvHOAeK6919+bj+jf244h/7sOsUJ6slouEjo6AGM6L8oFIJm9clhMDccQHYd6YaOh3nXSIabb777jtUdupv//2HdmWDIYfW8/uHI30XIaKhYXLJjkobfvpgbe3SKRjJ8ONIZyvzbB0AQKeTOHi2VuFoiEYGKSVqmzugZRLCZupaOnCyvAkzo/3tVuec8QGoae7AyQr29CQabe7/jgklIqLRhMklO3r5mmTj7VvOi1Awkt4Sgt2Nt2P8nBWMpLdF4/yMt6+bEapgJL3dtzwOE8d4YVqkH245L0bpcIiGvTOVTVj1yh5M+8tWzH76e3yTXaZ0SCOSIRk+I8pvkD2txzC30z4OjSMadY6uX6l0CDQM5fN1QzRsaZQOQAgRBmAzgMkAPAHMAPACAC2AdCnl/QqGZ1UXTw3HxVPDlQ7jHKl/WKJ0CH165455SofQp6gAD3xyl2PGRjTcVDS04ep//gitTuKBCybgm+wy3P3BQfz75plYFB+kdHgjyoH8WmhUAsnhvnarM9zPHRH+btibW41fMxlPNOowUUCm4OuEaGRwhJ5LNQCWAfix+34BgKVSygUAgoUQUxSLjIiIbOrhL7PQ1NaFD2+fjXuWxOLD2+cgNsgTD3x6GPWtnUqHN6Jk5NcicawP3JzVdq133rhA7D9TzSGPRERERCOY4sklKWWblLK2x/0yKWVb990u6HswERHRCJOWV4Otx8rx26WxmDjGGwDg6aLBX69MQkVjO97cdUbhCEeO9i4tMovqkGLHIXEGc8cHoKGtC8dLG+xeNxERERHZh+LJpf4IIZIABEopj/Wx7Q4hRLoQIr2ykqt1ERENRy99fxIh3i7nzF2WFO6LXySOwb/35KOpvUuh6EaWYyUN6OjSISXa/smlmTH6CcTT82vsXjcRERER2YdDJpeEEP4AXgFwa1/bpZT/lFKmSClTgoI4JwcR0XCTW9mEPaercePc6D6Had2+cBya2ruwKbNEgehGnsOF+lUukyPsN9+SwVhfN4T6uOJAAVfXJCIiIhqpHC65JITQAHgfwANSSi4ZREQ0Av1n/1loVAJXpvS9yMG0CF9MHOOF/6SdtXNkI9ORonoEeblgjLerIvWnRPsjPb8GUnLeJSIiIqKRSPHkkhDCSQjxHYBkAN8AeBjATAAbhBA7hBBzFQ2QiIisSqeT+OpwCZZNCkawV9/JDiEErp4ZgaPF9ThV3mjnCEeew0V1SA73gRBCkfpnRvuhvKEdRbWtitRPRERERLaleHJJStkppVwupfSTUi6TUj4upQySUi7u/rdP6RiJiMh6Ms7WorKxHSuTwgbc76IpoQCALVnsxGqJhrZO5FY2Iznc/kPiDGZ0TySewaFxRERERCOS4sklIiIaXf53tBTOGhWWTgwecL8Qb1dMj/TFlmwmlyyRVVQPAEhSYL4lg4ljvOHpokF6ASf1JiIiIhqJmFwiIiK7kVLiu+PlWBgXCE8XzaD7X5g4BtklDSiqbbFDdCPTYUNyaayPYjGoVQLTIn2Rns+eS0REREQjEZNLRERkNwXVLSisacXCeNNW+lw8Qd+7ac/pKluGNaIdKapDpL87/DycFY1jZrQ/csobUd/aqWgcRERERGR9TC4REZHd7OpOEs2PDTRp/7hgTwR5uWD36WpbhjWiHS6sQ7KCQ+IMUqL8ICVw8Cx7LxERERGNNEwuERGR3ew+VYmxvm6ICfQwaX8hBObHBmLv6SrodFzGfqgqG9tRUt+G5HDlhsQZTI30hVolkMGhcUREREQjDpNLRERkF11aHfbmVmNBXCCEECYfd15sIKqbO5BT3mjD6Eamo8V1AIAkBVeKM3B31iAxzBsH8jmpNxEREdFIw+QSERHZxfHSRjS2dWGeiUPiDM6LDQDAeZfMkV3cAACYHOatcCR60yL9cKSoHl1andKhEBEREZEVMblERER2kdG9DH1KlN+Qjgv1cUOEvxsyCjicaqiOlTYgOsDdpJX57GFapC9aO7XshUZEREQ0wjC5REREdpFxtg6hPq4I83Ub8rHTI/1w8GwtpOS8S0NxrLTBYXotAcC0CH1iMbOwTuFIiIiIiMiamFwiIiK7OFhQi+lD7LVkMCPKD+UN7Siua7VyVCNXY1snCqpbMDnUcZJLEf5u8PdwRuZZJpeIiIiIRhIml4iIyObK6ttQXNeKGZHmJZemdx93kEkJk50o0w89c6SeS0IITI3wZc8lIiIiohGGySUiIrK5g2f18yWZ23Np4hgvuDmpcZDzLpnseGn3ZN6hPgpH0tvUCF+crmxCQ1un0qEQERERkZUwuURERDaXUVALF43K7CFaGrUKyRE+xiQVDe5YSQP8PZwR4u2idCi9TI3whZTAkcJ6pUMhIiIiIisZ0cklR534tampSekQyEI6HZfRJhqKzMI6TBnrA2eN+R87SeG+OFHaiE4uY2+SY6UNmBzqDSGE0qH0khzhCwDILGSikIiIiEyzcWOq0iHQIBxjbWIrq25qx+P/PYbm9i6s+cVExIfPNr5DAAAgAElEQVR4KR0SAODGN/Zh52n9UtwRvq7YtXaZwhHpRa/t/UbNX79SoUh6m/7/2bvz+LjKen/gn2eWLJN9T9PsSZc0bZO2acvSUlqggEW0gGyKiCAg4L3qFUWv14vKS6oiymUVF36IIAjXgt7KInShrF2gpXvT7FuTyZ6ZyTYzz++PzKQp3bKcmefMmc/79erLSTI558OxPZn55vt8n5+8jk6XGwCQlxSFLd/Tx/XaeLAN331pNyLMJvzxK4sxW0fDcon0yOOV2N/ci2sW50zpOKVZ8RjyeHGkzYES/rs7LbfHi4NH+/CVc/JVRzlBQrQVRWkxnLs0CXr9eU1ERBQoC+7ZAP+vo7714Qb+7NMxQ3Yu7W3uRVvfAJxDbnxQ3aE6zqitvsISADR0DyhMEhr8hSUAqOvSz/V6ZVcThtxeOAbd+OeeFtVxiHSvpt2B/mEP5k6f2uwf//fvbeJyqjOpbndiyO3V1U5xY5XnJGFXQ7duO4yJiIhIH9jnHDoMWVwqz05EfkoMUmIjsXxGmuo4oypyYkYfJ0crDBIixv7lTLEqi3GCBTmJ6BtwwzHoxsoZKarj0CS19Q7gwTcO4flt9XyDG2D7mkcGS5dOcdeygpQYxESYR49Hp7bfd430tFPcWOW5iWh3DKGxq191FCIKoPx7Noz+IZoq/n0KT6WT2wuGFDDksrgEmxXrrpyvOsYJdjY6Rx938vX0GY2dqtKho02F/vhuDSQAKYFfvnkEz30tVXUkmoQXdzZiW+1IN+Hc6QlT7qqhU9vb1IMIiwnF6bFTOo7JJDAnK56dS+Owv6UXERYTClNjzvxkBRb45i593NCNnGSb4jShg0sBKJTMYgGANMSCUvja8D3+7AsVhuxc0qtpY3bsibby0k+EnsbRzvLN8BIAluQnqw1Dk5bre0MbbTUjIz5KcRpj29fci5LMOFjNU7/vlWYlYH9LLzxedpudzoGWXszMiIVFg2seCLMy4xBpMWFXPecuERnV/UtUJyAjWZGtOgERnYk+X3Ua1LvfvxArZ6ViYU4CDvz0UtVxRo39Taiefitau24NYqwCiVFm1Ogo1+9uXIwfX16C/7muHN+8aKbqODRJny3Lws/WzsODV5cjLU5fW7UbiZQSe5t6MCdLm86w0qx4uIY8qGl3nvnJYezQ0T7MytDnkjgAsJpNmJ+dwB3jiAzsiiuOvXabk6gwCBnC03cd+/vEQhORPhlyWZyePXXTUtURTkpPRaWx9v30M6ojnNSN5xSqjkAaKEyb2jItOrPGrn70Drgxd7o2hQ7/8sV9zT1TXmZnVN2uIbT1DWJWpr6vT3lOIp5+vw5Dbi8iLPxdF5ER6fX1JYUm/n0i0je+miMiooA5Nsxbm86lorRYWEwCB4/2aXI8Izrc6gAAzPQt4dWr8pwkDLm9ONDCAe1EREREoY7FJSIiCpjDrX0QApiZoU0XTYTFhMK0GFS2srh0Kod810b3xaXckXUyuxs5d4mIiIgo1LG4REREAXOotQ85STbYIrRbhT0zI260gEInOny0D3GRFkxL0Peg+qyEKKTGRnKoNxEREZEBsLhEREQBc/hon+YdNLMy4tDQ2Q/noFvT4xrFodY+zMyMgxB62mfzREIIlOckYhc7l4iIiIhCHotLREQUEIPukV3dtB4sPcNXrDrS5tD0uEYgpURla59myxADrTwnAdV2J3pcw6qjEBEREdEUsLhEREQBUdPuhNsrte9cyhw5HpfGncjuGESXa1j385b8ynOSAACfNLF7iYiIiCiUsbgUZL/dfAS/ePWA6hgnyL9nA/Lv2aA6xglm/ucGlPxQf7lq251o6elXHYNI1w75dnTzF4O0kptsQ6TFhMPcMe4Eh4+OdHPNCpHi0rzskV0EdzewuBQo//d/G3T7M56IiPSFPy9oKlhcCqLv/HUX7n/tEB7bUo2rn3hPdZxRY28gerqZ5N+zAUMeoN+tr1zvHWnHPX/7BN95cTd3rCI6jcpWBywmgcJUbZdomU0CMzJicZjL4k5w2HdPmhEixaWEaCuK0mKwi8WlgLnrnWOP9fSzlIiI9EWv7wkpdLC4FESfNPWMPq5tdypMQlPR2DXSseTxSjT3DChOQ6Rfh1r7kJ8agwiL9j9qZqbHsXPpJA639iE5JgKpsRGqo4xbWU4idjX0QEqpOgoRERERTRKLS0H01I2LERdlQbTVhMe/tEh1nFHFKebRx9MTFAb5lKsXZI4+/taqAoVJjveZ+dOwYmY6LinNxLlFKarjEOnW4da+gC3PmpkZh6O9AxwE/SmHfMO89b5T3FjlOYlodwyiqZtLjQOtdt0a1RGIiCgEPLJMdQIKRRbVAcLJ9GQb9tx7seoYJ3jz7ktURzipX1yzCL+4RnWKE8VGWvD184tUxyDSNdeQG/WdLlyxIDsgx/cXrQ639WFxfnJAzhFqRnaKc+DKhdNVR5mQ8pxEAMDuhh5kJ9kUpzEeFpSIiGg8+POCpoqdS0REpLmqNiekBGZmaDtvya8obeS41XbOXfJr7hmAY9AdMvOW/GZnxiPCYsLuRs5dIiIiIgpVLC4REZHmqnxFn+L0wBSXpidFI8JiQrWd8+v8Dgdod75Ai7CYUJoVj131LC4RERERhSoWl4iISHPVdgdMAshNCcwyJ7NJID/FNlrEomM7xc1MD63iEgCUZSdiT1MP3B6v6ihERERENAksLhERkeaq2p3ISbYh0mI+85MnqTA1lp1LYxxudSAjPhIJNqvqKBNWnpOI/mEPKttYLCQiIiIKRSwuERGR5qraHKNzkQKlKD0G9Z0uDLPbBcDIUsRAX/NA8Q/13tXApXFEREREoYjFJSIi0pTXK1HT7kRhakxAz1OYGgu3V6K+0xXQ84QCKSWq7Q4UBPiaB0peig2JNit2s7hEREREFJKUF5eEEFlCiI+EEANCCIvvc78WQmwVQjykOh8REU1MU3c/Bt1eFAVomLdfYdpIIYVL44BO5xB6B9woDNHOJSEEyrIT2blEREREFKKUF5cAdAK4AMAHACCEWAggRkq5HECEEGKxynBERDQx1e0jxZ6Ady75CinVHOp97JqnhWbnEgCU5STicGsfnINu1VGIiIiIaIKUF5eklANSyq4xnzobwJu+x28COCv4qYiIaLL8xZ5Ad9EkRFuRGhvBziUANfbgFPQCaUFOIrwS2NvUozoKEREREU2Q8uLSSSQC6PU97gGQ9OknCCFuFULsEELssNvtQQ1HRESnV2V3ID7KgtTYiICfqzA1FlXsXEJVuwMRZhOyk2yqo0za/OwEABzqTURERBSK9Fhc6gYQ73sc7/v4OFLKJ6WUFVLKirS0tKCGIyKi06u2O1GYFgshRMDPVZgWM7okLJxV253IS7HBbAr8NQ+UlNhI5CRHY3cji0tEREREoUaPxaX3MTKDCQAuhG8WExERhYYquwNFQRosXZQWi07nELpdQ0E5n17VtDtDdqe4scpzkrCrnsUlIiIiolCjvLgkhLAKId4EUAbgdQBWAANCiK0AvFLKbUoDEhHRuDkG3WjtHQzaYGn/earCeO6S2+NFXYczZHeKG6ssOwHNPQNo6x1QHYWIiIiIJsCiOoCUchgjHUpjfagiCxERTY1/mHdR0IpLx3aMW5R3woi+sNDY1Y9hjwzpneL8FuQmAgB2N/bgojlRitMQERER0XgpLy4FQkOXC1/543YMDHvw8yvnYdkMfcxlmvPDDXCN2WG5dt0adWHGyL9nw3EfM9fpFdyzAdL3OD3Ggm3/dbHSPH5bDrXh+3/bg5hIC/701SWYlhitOhKFIf/ObcFaFpedFA2zSaCuwxWU8+lRTbv/mod+cak0KwEWk8Cuhi5cNCdDdRwiTej19QwREY0f7+VnpnxZXCC88nET7H0D6BsYxl+21auOM2psYYlClxzzuM2pn/9T/7Kt3rckaQB/392sOg6FqWq7AyYB5KYEZ9cyq9mE7KRo1HaE77I4/255BamhvywuymrG7Glx2N3QozoKEREREU2AIYtLq0szERNpgcVswmVlWarjjDKrDkCas1lVJzjmsvlZsJhNiI2yYjV/40+K1HS4kJ1kQ6QleHe8vJQY1HeGb+dSdbsTiTYrkmMiVEfRRFl2InY3dMPrlWd+MhERERHpgiGXxc3MiMP7378AXq8XJpN+6mdV69agtrYWAJCfn680y1i169Zg7969AIC5c+cqTnNM7bo12L17NwCgrKxMcZpjatetQVNTEwBg+vTpitMcc1lZFj4zL1NXf+cp/NR1OJEXpK4lv7xkGz6u74KUEkKIoJ5bD6rtDhQaYKc4v7KcRDz7YT2q250oTg/9biwi/9KJxfdswHYuoyAiCkm169bwPn4Ghiwu+enxTbaeikpj6amoNJaeikpj6amoNJYe/85TeKltd+Ly8uB2jOal2NA34Ea3axhJBunemYiadieWFetjtqAWFuT4hno3dLO4RIbCNyRERKGN9/HT4ztRIiLSRLdrCL0DbuSnBLeLxn++cJy7NDJnbdAQO8X5FabFIjbSgl0N3aqjEBEREdE4sbhERESaqPXt2JYX7OJS6sgyvHDcMa7Gbpyd4vzMJoH52QnY3cjiEhEREVGoYHGJiIg0UefrHAr2zKXsJBuECM/Opep24+wUN1ZZTiIOtPRiYNijOgoRERERjQOLS0REpAl/51BucnCLS1FWM7ISosOyc6na7oQQwS/oBVpZdiKGPRL7W3pVRyEiIiKicWBxiYiINFHX4UJmfBSirOagnzsvxRamnUtOZCdFK7nmgbQg99hQbyIiIiLSPxaXiIhIE3UdTmUdNHkpMagPw86lmnaH4ZbEAUBGfBQy46M41JuIiIgoRLC4REREmqjrdCkrLuWn2NDhHELvwLCS86sgpUSN3YnCVOMM8x6rPCeRnUtEREREIYLFJSIimjLnoBv2vsGg7xTn5z9vOHUvtfYOwjnkMdROcWOV5SSitsOFbteQ6ihEREREdAYsLhER0ZTVd44UddQtixs5bzjNXaq2G3OnOL/ynJG5S1waR0RERKR/LC4REdGU1fmKOvnKOpdsvhzh07lU3T5yzQsN2rk0LzsBQgC7G3pURyEiIiKiM2BxiYiIpqzWV9TJVdS5ZIuwID0uErXt4dS55ES01YzM+CjVUQIiNtKCGemx2NXQpToKEREREZ0Bi0tERDRldR0uJMdEID7KqixDfkpMmHUuOZCfGgOTSaiOEjALc5PwcUM3vF6pOgoRERERnQaLS0RENGV1HU5l85b88lJsYTVzqabdadglcX4V+cnodg3jiG++FBERERHpk+bFJSFEnhDiQt/jaCFEnNbnICIifanrcCEvWW1xKT81Bm19g3ANuZXmCIZBtwcNnS4UpRq7uLQ4PwkAsL22U3ESIiIiIjodTYtLQoivAXgJwG99n8oG8LKW5yAiIn0ZdHvQ3NOPPEXDvP1yfMWtxq5+pTmCob7DBa8ECtOMuVOcX26yDWlxkdhRy7lLRERERHqmdefSnQDOBdALAFLKSgDpGp+DiIh0pLGrH1JC+bK4XF9xqT4M5i75d4orMHjnkhACi/OT2LlEREREpHNaF5cGpZRD/g+EEBYAnMJJRGRgdb45R6o7l0aLS51hUFyyj1xzo89cAoCKvGQ0dvWjpcf4HWlEREREoUrr4tIWIcQPAEQLIS4C8CKAf2h8DiIi0hH/Dm2qO5eSbFbERlrCpLjkQFpcJOIU7s4XLIvzkwGAS+OIiIiIdEzr4tI9AOwA9gC4DcA/AfxQ43MQEZGO1HW4EBtpQUpMhNIcQgjkJNvQEAbFpZp2p+GXxPmVTIuDLcLMpXFEREREOmbR+HjRAP4opfwdAAghzL7PGf+VPhFRmKrrcCI32QYhhOooyEmKRo1vHpGRVbc7cXFphuoYQWExm7AwNwnb2blEREREpFtady69hZFikl80gDc1PgcREelIXYcL+alql8T55Sbb0NDlgpTGHffX7RpCp3MIhanG3ilurIr8JBw82ovegWHVUYiIiIjoJLQuLkVJKR3+D3yP9fGOg4iINOfxSjR0uZQP8/bLTbFhYNgLu2NQdZSAqbKHx05xYy3OT4aUwEd17F4iIiIi0iOti0tOIcRC/wdCiEUAuL0LEZFBNXf3Y9gjkZesj98j5PhyGHnukn/ZXzjsFOdXnpMIi0ngwxrOXSIiIiLSI61nLn0TwItCiGbfx9MAXKPxOYiISCeO7RSnj0JHrq+4VN/pwqK8ZMVpAqPa7oDFJEYLaeEgJtKCspxEvF/VoToKEREREZ2EpsUlKeV2IcRsALMACAAHpZQckEBEZFB1nSNdNHkp+ih0TE+MhhBAfYdxm2ar7SMD1K1mrZuP9e2cohQ8uukIegeGER9lVR2HiIiIiMYIxCvTxQDmA1gA4DohxJcDcA4iItKBug4XIiwmZMZHqY4CAIiympEZH4V6gy+LC6clcX5nF6XAK4HtXBpHREREpDuaFpeEEM8AeADAMowUmRYDqNDyHEREpB91HSNdNCaTUB1lVE6SzbAzlzxeiZoOJwrTwmenOL+FuUmIsJjwHpfGEREREemO1jOXKgDMkUbeA5qIiEbVdbiQr5MlcX45yTa8e6RddYyAaO7ux5DbG1Y7xflFWc2oyEticYmIiIhIh7ReFrcXQKbGxyQiIh2SUqKuw4XcZH0VOnKTbTjaO4CBYY/qKJqr9u8UF4bFJQA4tzgVB1p60eEYVB2FiIiIiMbQuriUCmC/EOJ1IcTf/X80PgcREemAvW8Q/cMe5Kfqq3MpNyUaANDUbbyh3tV2BwCE5bI4YGTuEgB8UM25S0RERER6ovWyuHs1Ph4REelUnW+uUV6KvrpocpNHil31nS4UGawIU213Ii7KgtTYCNVRlJg/PQGxkRa8V9WONfOnqY5DRERERD6aFpeklFu0PB4REelXrW+JVl6yvjqXcnx5jDjUu6bdicLUGAihnwHqwWQxm7CkINmwM7WIiIiIQpXWu8WdJYTYLoRwCCGGhBAeIUSvlucgIiJ9qOtwwWwSmJ4UrTrKcdJiIxFlNaG+w3jFpWq7I2yXxPmdNyMVtR2u0eImEREREamn9cylRwBcB6ASQDSAW3yfmxAhhE0IsUEIsVkI8YoQIlLjnERENEV1nS5MT4yG1az1j5KpEUIgJ8mGeoN1LrmG3GjuGQjbYd5+589KBwBsPtSmOAkRERER+Wn+jkBKeQSAWUrpkVI+BeD8SRzmEgAfSinPB7DN9zEREelIXYcTeSn6WhLnl5tsvOJSja9TpyAtvItL+akxKEiNwebDdtVRiIiIiMhH6+KSSwgRAWCXEOIXQohvAZjMq+AqAP5upUQAHWO/KIS4VQixQwixw27ni0siIhXqOly6LS7lJNvQ0OmClFJ1FM34i0uFqeG9LA4Azp+VhverOtA/5FEdhYiIiIigfXHpBt8x7wLgBJAD4IpJHKcSwFIhxD4AFQDeG/tFKeWTUsoKKWVFWlraFCMTEdFEdbuG0NM/jHyd7RTnl5tsg3PIg07nkOoomqm2+zqXwnxZHACsnJWOQbcXH1R3nPnJRERERBRwWheXPi+lHJBS9kopfyyl/DaAyyZxnBsBvC6lLAWwAcCXNE1JRERTUucblp2rs53i/Py5Grr6FSfRTrXdgayEKERHmFVHUW5JQTKirWbOXSIiIiLSCa2LSzee5HNfmcRxBIBO3+N2AAmTDURERNqr7RjposnXaRdNrm+5npHmLtW0O8N+pzi/KKsZ5xSlYOOhNkMtfSQiIiIKVRYtDiKEuA7A9QAKhBB/H/OleHxqXtI4PQfgBSHEDQCGAVwz9ZRERKSVep13LuUk+TqXDFJcklKi2u7E2oXTVUfRjVUl6XjrYBsOtfZhdma86jhEREREYU2T4hJGZiK1AEgF8Ksxn+8D8MlEDyal7AZwsTbRiIhIa7UdLmTGRyHKqs8lWtERZqTGRo4WwUKd3TGIvkE35y2NsXpOJn748l68uucoi0tEREREimmyLE5KWSel3AzgQgBbpZRbMFJsysbIEjciIjKQ+k7n6NIzvcpNjjbMsrga3zBvLos7Ji0uEovzk/Ha3qOqoxARERGFPa1nLr0NIEoIMR3AWwBuAvD/ND4HEREpVtvhQr7ui0s2wxSXqtt9xSV2Lh3n0rmZONTah2q7Q3UUIiIiorCmdXFJSCldAK4A8LCUci2AORqfg4iIFHIOumHvG0Reir4LHbnJNrT09GPI7VUdZcqq7Q5EWEzISoxWHUVXLi7NBAC8yu4lIiIiIqU0Ly4JIc4G8EUAG3yf02quExER6UCdb45Rvs6LSznJNngl0NzdrzrKlNW0O1GQEgOziSvNx8pKjEZZTiJe3duiOgoRERFRWNO6uPRNAN8HsF5KuU8IUQhgk8bnICIiheo7R5Zo5YXAsjgAaOgK/aVx1XYnCtP0XcxT5fKyLOxt6kVla5/qKERERERhS9PikpRyi5Tycinlz30fV0sp/03LcxARkVq1vs4l3ReXfPlCfe7SsMeL+k4Xi0uncHlZFswmgb993KQ6ChEREVHY0qS4JIT4je9//yGE+Pun/2hxDiIi0oe6DidSYiIQF2VVHeW0MuKiEGE2hXxxqb7TBbdXoiCVO8WdTFpcJFbMTMP6j5rg8UrVcYiIiIjCklbzkJ7x/e8DGh2PiIh0qq7DpfuuJQAwmQSyk6LREOLFpRq7b6c4di6d0hULp2PjwTa8X9WBZTNSVcchIiIiCjuaFJeklDt9/7tFCJHme2zX4thERKQvdR0uLClIVh1jXHKSbSHfuVTd7gAAFKayuHQqF5ZkIC7Kgpd2NrC4RERERKSAVsvihBDiXiFEO4CDAA4LIexCiB9pcXwiItKHgWEPmnv6Q6JzCRgZ6l3fEeLFJbsTyTERSLRFqI6iW1FWM9YumI5/7jmKdseg6jhEREREYUergd7fBHAugMVSyhQpZRKApQDOFUJ8S6NzEBGRYo1dLkgJ5KeERhdNbrINvQNudLuGVEeZtOp2J7uWxuHLZ+djyOPFC9sbVEchIiIiCjtaFZe+DOA6KWWN/xNSymoAX/J9jYiIDKDO1wWUGyKdSznJob9jXLXdyXlL41CcHotlxan48wd1cHu8quMQERERhRWtiktWKWX7pz/pm7uk7+2EiIho3Gp9xaVQ6VzyL9+rC9Glcb0Dw2h3DHKnuHG68Zx8tPQM4J97j6qOQkRERBRWtCounW69QeiuRSAiouPUdTgRF2VBki00fm+QG+KdS9wpbmIumJ2O4vRYPLrxCLxeqToOERERUdjQqrhUJoToPcmfPgDzNDoHEREpVtfhQn5KDIQQqqOMS0ykBamxESE71Nu/U1wRi0vjYjIJfGNVMQ619uGN/exeIiIiIgoWTYpLUkqzlDL+JH/ipJSh8ettIiI6o7oOZ8jMW/LLTbahrtOpOsakVNudMIljs6PozC6bn4WC1Bg89NYReNi9RERERBQUWnUuERGRwbk9XjR29SM/xIpLeSkxIdy55EROsg2RFrPqKCHDbBL41kUzcaClFy/u4M5xRERERMHA4hIREY1Lc/cA3F6JvBAZ5u2Xm2xDS+8ABt0e1VEmrNruRGFqaF1vPfjs/GmoyEvCL18/hN6BYdVxiIiIiAyPxSUiIhqX2o6RpWV5IbZEKy/FBimBxq5+1VEmxOuVqGl3cKe4SRBC4N7LS9HpGsLPXz2oOg4RERGR4bG4RERE41LnKy7lh1gnTZ5vGV+oLY1r6R3AwLCXO8VN0tzpCbhlWQGe/bAemw62qY5DREREZGgsLhER0bjUdrgQZTUhPS5SdZQJ8Q/D9hfHQkW13b9THDuXJus7F8/C7Mw43P3SbrT0hFbnGhEREVEoYXGJiIjGpa7DhbzkGAghVEeZkLTYSNgizKjrDK3Opao2f3GJnUuTFWkx4+HrFmBg2IubntqOPs5fIiIiIgoIFpeIiGhc6jqco0vMQokQArnJNjSEWHGput2JuEgL0kKsU0xvZmTE4fEvLcSRNgdu/n87OOCbiIiIKABYXCIiojPyeiXqOl0hN2/JLzfZhroQm7lUbXeiMC30OsX0aPmMNPzm2nJ83NCFq594H1W+JYdEREREpA0Wl4iI6Ixa+wYw5PYiN8R2ivPLS7GhvtMFr1eqjjJuVXYH5y1p6LL5WfjDjYtxtHcAl/3PO/j91moMuj2qYxEREREZgkV1gEA4dLQXV//2fQx7JO5fOw+fWzBddSQAwDee3YF/7GkFAMzOiMVr31qhONGI32+pwn2+rZq/d8lMfP38GYoTjWjp6ccDrx+G1Sxw98WzkBLLpSFEqtTYR4ZhF4Zw59Kg24u2vkFkJkSpjnNGzkE3WnoGuFOcxs6bmYbXv3kevvvSJ7hvwwH88Z0aXLM4F2sXTEduCC75JKLg+KSxFZc/smP049p1axSmMTZea6LQZcjOpSffroZj0INBtxdPbq1SHWeUv7AEAAdb9dOS/+iWY9fo8S3VCpMc790jHWjqdqG2w4ltNZ2q4xCFter2keJSQYgWO3JTRnKHyo5xNb7rXcjOJc1lxEfh6a8uwZ9vXor81Bj85q3DOO+Xm7D8FxvxnRd346/bG3CkzQEpQ6fLjYgC6wuP7zjzk0gTVz3Ga00UqgxZXLp6cQ6sZgGTAD5Xpo+uJQBYkB0/+jgtxqowyfE+v2Da6OPPzpt2mmcG16K8JMRGWhAfZcX8nETVcYjCWrXdiWirGRlx+u/6OZk833K++hAZ6u2fCcRlcYGzbEYqnvvaWXjne6vwo8vmYM60eLx1oBXf/d9PcOGDW7Dwp//CLU9vx++3VqOtd0B1XCJS6L/XzFYdIWzcexmvNVGoMuSyuKUFKdh372oMeYDoCLPqOKPW37UcfX196BsGspLjVMcZ9d+fnYfvXzwLQ8NAbEyE6jijClJj8OQNFRACHGhLpFhNuwMFqTEwmULz3+L0pGiYTe4FiH0AACAASURBVCKEiktOCIGQ3J0v1ExPjMZXlxXgq8sKIKVEld2JnXWd2FnXhR11XXjzQBvuf/UgLirJwLdXz8TMDP38/Cai4Lj+nCJcf04R/v5xAy5fkKM6jqHxWhOFLkMWlwDAbDYjWj91pVGXP7Ed/cNefPCDC1VHOc6C+94CAOz7yaWKkxxv1a82IcJixhs6mU/l9z9vViIpxoobzs5XHYUoKGranSidnqA6xqRZzSZkJUaFzI5x1XYHcpJsiLLq8AeZgQkhUJwei+L0WFyzOBfASBfZizsa8ewHdXhj/1HcsrwQ31k9CxEWQzZ/G0r+PRsAcGYLaScUix2h+u8gFK81UbjjK6MgWnLfm6jp6MfR3kHM+uGrquOMKv7BBjiHvHAOeVH0/Q2q44yaf+9rqO3ox+FWB5b+7E3VcUb9+/Mf46GNlbj3H/vx2OZK1XGIAm7I7UVDV3/IDvP2y0uOQV2IdC5V250c5q0TRWmxuOfS2djy3ZW4ZnEunny7Glc+/h6Xyumc/w31px8ThRP+OyCiYDJscamt24n9LV2qYxynp39o9PGQ26swyfHGRvHoaH6pa/DYFtE9rmGFSY7X0jMAj1fC45Vo6OhXHec4bo83pLZap9BQ3+mCxytDvtiRk2xDfQgM9PZ6JarbHZy3pDPJMRG4/4p5+O0Ni1Bld+DKJ95DQ4gUK4mCIf+eDVi3jgUMIjpm3boNLGyGEUMWl257ZhuWrNuMzzz0Hirue0N1nFGDYyo3fPs/MVaTfq7Y2QXJAAAB4MLZ6WrDjLG3qQdffXoH7vrLR2h3DKqOQwbi37msIDW0ix15KTZ0uYbRO6CfYvXJtPQOYGDYG/LFPKO6uDQTf/naWejtd+PLf9yGDt5vdWluxrF5ZW/eMkthkvDgf/P4RDc7ZPRk7N/9sf8miIIh/54NeKL72GMyPkPOXNp4wD76uN2h7zcRdGruMfWkviH9FJc2H7bD7Btq/PLuZlxQmqk40YjttZ0YcnvQ6fbg0NE+pBZHqo5EBlHt27msIOSXxfl2jOtwYa6O50dVtXGnOL0ry0nEH79SgS/+/kPc9sxO/OXWs2A1G/L3dSHr/761UnUEIuWKi4tRu65YdQwiChOGfCX076uO3UTnZ+lnVxeOZZ2YafHHdq4rzdDPm9rbVxQhymJCbKQFX19ZpDrOqFWz05GVEI3ZmfEoy0lUHYcMpKbdidTYCCREW1VHmZJc385ret8xzl/MY+eSvi3KS8bPr5yPHXVdePBfh1XHIdINQ/7mmoiIzsiQ9/+7LpyFuy7UXwt0lU53adDr7hHv/+Ai1RFO6tJ503DpvGmqY5wgLyUGD15TrjoGGVB1uzPku5YAINfXuaT3HeOq7E7ERVmQFsvuQ737XPl0fFDdgcc3V2H5jFScU5SqOhKREnp9LUlE6vC+EH4M2blERETaqbYbo7gUF2VFckwE6jv1PdS7ut2BwrRYCCFUR6Fx+NFlpchNtuGH6/di0O058zcQERERGRCLS0REdEq9A8Nodwyi0CDzf3KTbSGwLM6JIgMU88JFdIQZP/38XFS3O/H45irVcYiIiIiU0G1xSQjxZSHEW0KIzUKI6arzEBGFo9rRneKMUezIT7Ghtl2/xSXnoBstPQMoSjdGMS9crJiZhsvmT8Pjm6twtGdAdRwiIiKioNNlcclXTFohpbxASnm+lLJJdSYionBUbR8pLhUZZLh0QWosmnv6MTCsz+VLNb5iXqFBinnh5HuXzIZXSjz0VqXqKERERERBp8viEoCLAZh9nUsPCyGO22hNCHGrEGKHEGKH3W5XFJGIyPiq250wCSDHNww71BWkxUBK/Q71rvLtFMfOpdCTk2zDF5fm4a87GkZ3/CMiIiIKF3rdLS4DQISU8gIhxM8BfA7A3/xflFI+CeBJAKioqJCf/ubW3gF89antcA278curylCRnxys3KdVdu8GjO2W18sE/fx7Nhz3sV5yLf7pG7A7hwEAM9NseOM/VipONKK5ux8PvVmJ6Agzvr16JuKj9LE9+ysfN+E/X96DSIsZL995DnKS2flAU1fT7kR2kg2RFvOZnxwCClJG/l3UtDswKzNOcZoTVdlHinl5KcYo5oWbO1cW4687GvDIxiNKd+/U6891IiIi0hctXzPotXOpB8AW3+ONAEom8s0v7mhAQ5cLHY4hPPVujebhJotjGCbGX1gCgMN2/XQZbDrUhrpOJw4e7cX2mk7VcUY9vqUK/cNedPcP47FNHCpL2qi2OwwzbwkA8lNHijY1Op27dKStD3kpMYYp5oWbtLhIXLckF6/sbkaDzgfHExEREWlJr8Wl9wDM9z0uBzChCtGq2emIspphNgmsLs3UPBwFx9i3VtE66rFbmJuECIsZ8VFWzMmKVx1n1CWlGRAALCaBzy/kDHyaOo9X4kibAzMMtEQrLsqKtLhI1LTrc9lSZasDxQa63uHoluUFMAngd1urVUchIiIiChodvWU/Rkq5SwjRL4TYDKAdwK8n8v1zshLw9t3nY9grEaeTJUvASIvZw68ewP7WXjz+laWq44yqXbcGN/9+C3oHhvHiXReqjjOqat0aPLX1MOIirbhqSYHqOKNKpsXjd19eBLMQsJj1U5/95kWzcMPZ+Yg0C8RGR6iOQwbQ1NWPQbcXMzKMVewoSI0ZHZytJ0NuL2ranbhoTobqKDQF0xKi8Yur5mNhbpKyDLXr1iD/ng2IAbCPS+KIiIjoFPyvGc5LBv703am9ZtBlcQkApJTfmcr3R0VYEKVVGA1949IJrfALmj/cskJ1hJO6aflM1RFOSq9LVlJiI1VHIAOpbOsDABSn62820VQUpMTgrYOtqmOcoK7DCbdXYmaGsa53OFq7IFt1BM5ZIiIionHR6jWDftouiIhIVyrbRpaOGW2ZVkFaDNodQ+gdGD7zk4PIqNebiIiIiIyPxSUiIjqpylYHMuIjkRCtn+XFWvAPKK/V2dK4ylYHhACK0lhcIiIiIqLQwuISERGdVGVbH2YYbEkcABT6ikt6m7t0uK0POUk2REfoc9ktEREREdGpsLhEREQn8Pp2ijPiEq2cZBuEAKrt+iouHWl1YKbBhqcTERERUXhgcYmIiE7Q3NMP15DHcDvFAUCU1YzpidG66lxye7yobncYbng6EREREYUHFpeIiOgE/uHSRlwWB4zMXdJTcamu04Vhj8QMA3aKEREREZHxsbhEREQnONLqLy4Zs9hRmBqD2nYnpJSqowAYGeYNwJCdYkRERERkfCwuERHRCSrb+pAaG4GkmAjVUQIiPzUGfYNutDuGVEcBAFS29gGAIWdcEREREZHxsbhEREQnqGxzGHZJHDCyLA7Qz45xlW0OZCdFwxZhUR2FiIiIiGjCWFwiIqLjSClxpNWYO8X5FaaO/LfVtDsUJxkxUswz7vUmIiIiImPjr0iJiDTS1N2P9R81YldDDwaGPchNseHi0kycNyMVQgjV8catsasffYNuzJ5m3M6l6UnRiDCbUGVX37nk8UpU2R1YPiNVdRQiIiIioklhcYmIaIo8XomH3qrEE5urMOTxYkZ6LGKjLPj7rmY892E9ynMS8cAXykKmE+hASy8AoGRavOIkgWM2CRSmxeBIm/rOpfpOF4bc3pD5+0FERERE9GksLhERTYFz0I2vP/sR3j5sx+fKs/Cd1bOQk2wDAAy5vXj54yase+0gPvvwO3jihkVYMTNNceIzO9DSByGAWRnG7VwCgKL0WOxp7FEdA4eOjhTzZmca+3oTERERkXFx5hIR0SQNDHtw6zM78E6lHT9bOw8PXbtgtLAEABEWE65enINX/305ClJjcMvT27HxYKvCxONzoKUXeck2xEQa+/cPM9Jj0dDlQv+QR2mOAy19MAkYeoA6ERERERkbi0tERJP0Xy/vxbtHOvCLq8pw/dLcUz4vIz4Kf7n1LMzOjMddz32Mfc3qu2VO5+DRXkMvifObkR4HKYEqu9qlcQdaepGfGoPoCLPSHEREREREk8XiEhHRJPzto0a8uLMR31hVjKsWZZ/x+QnRVvz+xgokRFtx2zM70TswHISUE+ccdKOu0xUWxSX/jCPVxaWDR/tQkmn8601ERERExsXiEhHRBDV2ufDDl/diaUEy/v2CGeP+voz4KDxy/UK09Azg3lf2BTDh5B082gcpw2P+T36qDWaTQGWruuKSY9CN+k4XSgy8Mx8RERERGR+LS0REEyClxH/7CkMPXlMOi3lit9FFeUm4a2Ux/vZxE17d0xKIiFNy8Kjxd4rzi7SYkZdsU7pj3KGjfQCA2excIiIiIqIQxuISEdEEvLG/FW8dbMM3L5yB6YnRkzrGN1YVY860ePzk//bDOejWOOHUHGjpRVykBdlJk/tvCzXF6bGobOtTdn5/MW82O5eIiIiIKISxuERENAEvf9yE2ZlxuOncgkkfw2I24aefL0VLzwAe3nhEw3RTd6ClD7OnxUEIoTpKUMzIiEVthwtDbq+S8/uLeZMtVBIRERER6QGLS0REE/DI9Qvx9FeXwDrB5XCftigvGV9YlI3fb61WPlDaz+3xYn9zL+ZOT1AdJWiK02Ph8UrUdTiVnP9gmBXziIiIiMiYWFwiIpoAs0kgIz5Kk2N979LZiLSY8OAbhzU53lQdsTvQP+zB/OzwKS7NSB9ZjlapYO6SlBIHj/Zx3hIRERERhTwWl4iIFEmNjcTNywqwYU8L9jb1qI6DTxpHMszPTlScJHgK02IAQMlQ78aufjgG3Zy3REQh5ejRo7j22mtRVFSEOXPm4DOf+QwOH9bHL0lO5cUXX0RJSQlWrlyp6XFfe+01zJo1C8XFxVi3bt1Jn/PEE09g3rx5KC8vx7Jly7B///7Rr91///0oLi7GrFmz8PrrrwMAGhoasHLlSpSUlKC0tBQPPfSQppmJ9Ir3lmPGc28ZHBzENddcg+LiYixduhS1tbUAgOHhYdx4442YN28eSkpKcP/9949+T35+/uj9qKKiQtPMAItLRERK3XJeIRJtVvzy9UOqo+CTxm7ERVpQkBKjOkrQ2CIsyEmOxqHW4A/1Psid4ogoxEgpsXbtWpx//vmoqqrC/v378bOf/Qytra3j+n6Px3PC8bzewM+8+8Mf/oDHHnsMmzZt0uyYHo8Hd955J1599VXs378ff/nLX44rHPldf/312LNnD3bt2oXvfve7+Pa3vw0A2L9/P55//nns27cPr732Gu644w54PB5YLBb86le/woEDB/DBBx/g0UcfPelxiYyE95Zjxntv+cMf/oCkpCQcOXIE3/rWt/C9730PwEjBa3BwEHv27MHOnTvx29/+drTwBACbNm3Crl27sGPHDs0y+7G4RESkUHyUFV9fUYQth+34sLpDaZY9jT2YOz0BJlN4zf+ZnRmPAy29QT+v/5yzMtm5REShYdOmTbBarbj99ttHP1deXo7ly5dDSom7774bc+fOxbx58/DCCy8AADZv3oyVK1fi+uuvx7x581BbW4uSkhLccccdWLhwIRoaGk55vtbWVqxduxZlZWUoKyvDe++9BwB48MEHMXfuXMydOxe/+c1vRp//5z//GUuWLEF5eTluu+02eDwe/OQnP8E777yD22+/HXfffbdm12Lbtm0oLi5GYWEhIiIicO211+KVV1454Xnx8cd+geB0Okdn7L3yyiu49tprERkZiYKCAhQXF2Pbtm2YNm0aFi5cCACIi4tDSUkJmpqaNMtNpEe8txwz3nvLK6+8ghtvvBEAcNVVV+Gtt96ClBJCCDidTrjdbvT39yMiIuK4+1AgWYJyFiIiOqUbz8nH77ZW45FNR7C0MEVJhiG3Fwda+nDTuflKzq9SybR4vHWgFf1DHkRHmIN23n3NPchPsSE2kj+KiSg07N27F4sWLTrp1/72t79h165d2L17N9rb27F48WKcd955AEbeLO3duxcFBQWora3FoUOH8NRTT+Gxxx477fn+7d/+DStWrMD69evh8XjgcDiwc+dOPPXUU/jwww8hpcTSpUuxYsUKREVF4YUXXsC7774Lq9WKO+64A88++yx+9KMfYePGjXjggQdOWAbS19eH5cuXn/Tczz33HObMmXPKbE1NTcjJyRn9ODs7Gx9++OFJn/voo4/iwQcfxNDQEDZu3Dj6/WedddZx3//pIlJtbS0+/vhjLF269LTXiSjU8d5yzHjvLWOfZ7FYkJCQgI6ODlx11VV45ZVXMG3aNLhcLvz6179GcnIyAEAIgdWrV0MIgdtuuw233nrraa/TRPEVLRGRYlFWM25eVoifv3YQexp7ME/BQO1DR/sw5PGG1bwlv5LMOHglcLi1D2U5wfvv39vUiwW54Xe9iciY3nnnHVx33XUwm83IyMjAihUrsH37dsTHx2PJkiUoKCgYfW5eXt5xhZVT2bhxI/70pz8BAMxmMxISEvDOO+9g7dq1iIkZWcJ9xRVXYOvWrTCZTNi5cycWL14MAOjv70d6evppjx8XF4ddu3ZN6r9XSnnC50618+edd96JO++8E8899xzuu+8+PP3002f8fofDgSuvvBK/+c1vgtZ1QKRHvLec/N5yqudt27YNZrMZzc3N6OrqwvLly3HhhReisLAQ7777LrKystDW1oaLLroIs2fPHi3UaYHFJSIiHfjSWbl4bPMRPLb5CB7/0sl/cxNIuxu7ASCsdorzK5k28qL9QEtv0IpLnc4hNHX348tn5wXlfEREWigtLcVLL7100q+d7I2On//N2qk+nohTnUdKiRtvvPG44bVnMpHugoaGBnz2s58FANx+++0oKys7btlNY2MjsrKyTnu+a6+9Fl//+tcBjHQjnOr7h4eHceWVV+KLX/wirrjiinH/9xCFKt5bJn5v8d9DsrOz4Xa70dPTg+TkZDz33HO45JJLYLVakZ6ejnPPPRc7duxAYWHh6HHS09Oxdu1abNu2TdPiEmcuERHpQFyUFTeenY/X9h3FkbbgD5f+pLEbSTYrspOig35u1XKTbYiJMI8O2A6GPb7dAVV0qRERTdaqVaswODiI3/3ud6Of2759O7Zs2YLzzjsPL7zwAjweD+x2O95++20sWbJkSue74IIL8PjjjwMYGXLb29uL8847Dy+//DJcLhecTifWr1+P5cuX44ILLsBLL72EtrY2AEBnZyfq6upOe3x/d8HJ/nx62UpOTs7o126//XYsXrwYlZWVqKmpwdDQEJ5//nlcfvnlJ5yjsrJy9PGGDRswY8YMAMDll1+O559/HoODg6ipqUFlZSWWLFkCKSVuvvlmlJSUjA7/JjI63lsmfm+5/PLL8fTTTwMAXnrpJaxatQpCCOTm5mLjxo2QUsLpdOKDDz7A7Nmz4XQ60dc38lrX6XTijTfewNy5c6d0HT+NxSUiIp246dx8RFpMeHxzddDPvbOuC+U5iads6Tcyk0lgVmYc9gdxqPdeX3Fp7nQWl4godAghsH79evzrX/9CUVERSktLce+99yIrKwtr167F/PnzUVZWhlWrVuEXv/gFMjMzx3XcW2655aQ7Fz300EPYtGkT5s2bh0WLFmHfvn1YuHAhvvKVr2DJkiVYunQpbrnlFixYsABz5szBfffdh9WrV2P+/Pm46KKL0NLSovUlGGWxWPDII4/g4osvRklJCa6++mqUlpYCAH70ox/h73//OwDgkUceQWlpKcrLy/Hggw+OvhksLS3F1VdfjTlz5uCSSy7Bo48+CrPZjHfffRfPPPMMNm7ciPLycpSXl+Of//xnwP47iPSA95Zjxntvufnmm9HR0YHi4mI8+OCDWLduHYCRZbgOhwNz587F4sWLcdNNN2H+/PlobW3FsmXLUFZWhiVLlmDNmjW45JJLNM0uTtdmFgoqKipkILbRI6LwVlFREZAtOs/kx//Yh2fer8OW767E9MTgdBF1OAax6L438d1LZuGO84uDck69+cH6PfjH7mZ88t+rg1Jgu+2ZHTh0tA+b714Z8HORvqi6txCRsfHeQkSBIITYKaWsOPMz2blERKQrtywvBAD8fmvwupd21nUBAJbkJwftnHpTMi0efQNuNPcMBOV8e5t62bVERERERIbB4hIRkY5MT4zG5WVZeH5bA7qcQ0E55466LkRYTGE9/2fOtDgAwIHmwC+N8w/zDsfh6URERERkTCwuERHpzG0ritA/7MGf3j/9sECtbK/tRFl2AiIt5qCcT49mZR7bMS7Q9nDeEhEREREZDItLREQ6MyszDqtmp+Pp92vRP+QJ6Ln6hzzY29SDijBeEgcAsZEW5CbbcOBo4ItLHOZNREREREbD4hIRkQ7dvqIInc4hvLizIaDn+bihC8MeicX5SQE9TyiYOz1+tKsokD5p7EZ+ig3xUdaAn4uIiIiIKBhYXCIi0qHF+UlYmJuIJ9+uhtvjDdh53qlsh8UksDjMO5cAYH52Iho6+9EZwFlXUkp8VN+NBbks5hERERGRcei6uCSE+LYQ4h3VOYiIgk0IgdtXFKGxqx8b9rQE7DxbK9uxMDcJceyiQVl2IgBgd2N3wM7R2NUPe98gFuaxuERERERExqHb4pIQIhJAmeocRESqXFiSgeL0WDyxpRpSSs2P3+EYxN7mHiyfkar5sUPRvOwECAF80hC4pXEf1XcBABaxc4mIiIiIDES3xSUAtwB4WnUIIiJVTCaBW88rxIGWXrxd2a758d+t6oCUwPKZaZofOxTFRlpQnBaLTwLYubSzrgsxEWbMyowL2DmIiIiIiIJNl8UlIYQVwAop5cZTfP1WIcQOIcQOu90e5HRERMHz+fLpyIiPxBObqzQ/9tbDdiREWzGPu5aNmp+diN2N3QHpFANGOpfKcxNhNomAHJ+IiIiISAVdFpcA3ADguVN9UUr5pJSyQkpZkZbG37gTkXFFWEy4eVkB3q/uwO4G7TpqvF6JtyvtOLc4hYWOMcpzEtDuGEJzz4Dmx3YOunGgpY9L4oiIiIjIcPRaXJoF4OtCiNcAlAohvqE6EBGRKtctyUVclAVPbNGue2lXYzdaewexek6mZsc0gvn+od4aFvL8djd2w+OVWMBh3kRERERkMLosLkkpvyelvFhKeQmAfVLKh1VnIiJSJS7KihvOysNr+46i2u7Q5Jiv7T0Kq1lg5ex0TY5nFLOnxSHCbApIcemjupFh3gtzWFwiIiIiImPRZXFpLCnlMtUZiIhUu+ncAljNJvxua82UjyWlxGt7j+KcolQkRFs1SGcckRYz5k6Pxw5fIUhLH9Z0YlZGHBJsvOZEREREZCy6Ly4RERGQFheJqxZl438/akRb39TmAe1r7kV9pwsXl3JJ3MksKUjBJ43d6B/yaHbMQbcH22s7cXZRimbHJCIiIiLSCxaXiIhCxK3LC+H2ePHkluopHeelnY2IsJjwmXksLp3M0oJkDHskPm7Qrntpd0MPBoa9LC4RERERkSGxuEREFCLyU2Nw5cJs/On9OjR0uiZ1jEG3By/vasLqORlItEVonNAYFuUnQQhge412xaX3qtohBHBWAYtLRERERGQ8LC4REYWQb6+eCZMJeOCNQ5P6/jf3t6HbNYyrK3I0TmYc8VFWlGTGY1tth2bHfL+qA6VZ8Zy3RERERESGxOISEVEImZYQjZuXFeCVXc2T2tHsqXdrkJ0UjXOLUwOQzjiWFCRjZ10XhtzeKR9rYNiDj+u7cU4RrzkRERERGROLS0REIeb2FUVIi4vED9bvgdsz/uLHzrpO7Kjrws3LCmA2iQAmDH1LC5IxMOzFJ40TL+B92gfVHRjyeHEO5y0RERERkUGxuEREFGLioqz48eWl2Nfci6ferR339/3mzUok2qxcEjcO5xSnwmwS2HLYPuVjbTzYhmirGWcVsrhERERERMbE4hIRUQi6dG4mLizJwANvHMKBlt4zPn/LYTu2VrbjrpXFiIm0BCFhaEuItmJBTiI2H5pacUlKiY0H23BucSqirGaN0hERERER6QuLS0REIUgIgfuvmIeEaCvuePYj9PQPn/K5fQPD+OHLe5CfYsOXz84PXsgQd/6sNOxp6oG9b3DSx6hsc6Cxqx8XlKRrmIyIiIiISF8MW1zaWmnHK7uaVMc4QfH3N6Dgng2qY5wg/54NyNdhrq8+tQ13PfeR6hgn2NvUgyq7Q3WMkLG7oRv1HS7VMQwnLS4Sj1y/EI1dLtz01DY4Bt0nPMfjlbjnf/egqasfD3yhDBEWw972NXf+rJGC0NbKyXcvvXWgDQCwchaLS0RENHlbt27V7et1vfNftxv/8JbqKESGZsh3GW/sO4o7n/0I//XyXjzw+uS26w6E/Hs2wC0B6XusF2Oz6CnXhb/ajI2H7Pi/T1pw1ePvqY4zatOhNty3YT9+uH4v9jefeTlSuPv77mbc/+oBfH/9JywwBcCSgmQ8fN0C7G7swdVPvI8jbceKnv1DHvzHX3dhw54WfO+S2ajIT1aYNPTMmRaP1NjIKS2Ne/NAK0qz4pGZEKVhMiIiCjc3bDj2mlNPr9f1buy12lI5oDAJkfEZcvBGQ+exN7DN3f0Kk9BUdDiGRh83deunKNHuWyIjIdHpHDrDs8m/pMjjlejuH0IubIoTGc8lc6fh918245sv7MLqX2/B8hlpSLRZ8e6RdnQ4h/Cd1TNx24oi1TFDjskkcMHsdPxzTwsGhj0TnpnU1N2PnXVduPviWQFKSERERESkD4bsXLrp3HysmTcNy2ak4gdrZquOM+q5rywdffzv5+cpTHK8fzsvf/TxTUunqwvyKX+97WxEW02wRZix/o6zVMcZddn8LKyZNw1XLszm1uLj8IWKbKyek4nrl+Zhfnai6jiGtXJ2Ot789gp87bxCHO0ZwI7aLlTkJePF287GXatmqI4XstbMn4a+Qfekdo37x+5mAMBn52dpHYuIiMJY7bo1qiOEDF4rouARUkrVGaakoqJC7tixQ3UMIjKYiooK8N5Cbo8XS372Fs4tTsXD1y2Y0Pd+5qGtRoWv4wAAIABJREFUiLCY8PKd5wYoHYUi3luIKBB4byGiQBBC7JRSVoznuYbsXCIiItKCxWzCJXMz8eb+VriGThyYfir7m3uxv6UXl5exa4mIiIiIjI/FJSIiotO4YsF09A978Mqu5nF/zzMf1CLSYsIVC/Wz1JiIiIiIKFBYXCIiIjqNRXlJmJ0Zh6ffq8V4lpL39A/j5Y+b8bnyLCTaIoKQkIiIiIhILRaXiIiITkMIgRvPycfBo33YXtt1xuf/ZVs9+oc9+PLZ+YEPR0RERESkAywuERERncHnyrOQZLPi4Y2Vp32eY9CN326pwvIZqZg7PSFI6YiIiIiI1GJxiYiI6AxsERbccX4xtla2472q9lM+77dbqtDlGsZ/rJ4VxHRERERERGqxuERERDQON5ydh+mJ0fjP9XvRP+Q54esHj/bi8c1V+Hx5FspzEhUkJCIiIiJSg8UlIiKicYiymvHLL8xHTbsTP1i/B17vseHeHY5BfP3PHyHRZsWPPluqMCURERERUfBZVAcgIiIKFecUpeI/LpqJX/3rMHr7h3HbiiJ0OAax7rWDONozgGdvWYrkGO4QR0REREThhcUlIiKiCbhrVTFioyxY9+pBvHWwDQCQm2zDc187C4vykhSnIyIiIiIKPhaXiIiIJkAIgZvOLcDaBdOxs64LMZEWLMxNQoSFK82JiIiIKDyxuERERDQJibYIXFCSoToGEREREZFy/DUrERERERERERFNGotLREREREREREQ0aYZcFvfzf+7H42/XAABmZ8bitW+uUJxoxMzvb8DQsZ2rUbtujbowYyz68evo6HcDAOIiTNjzk0sVJxrxtae3418HRoblXleRjfuvKlOciIiIiILhV69vxMOb+kc/1strJiKiQNu4cSO++gbvfxR6DNm59PT7daOPDx11KExyvLGFJT3xF5YAoG/IqzDJ8TYdaht9vH53s8IkREREFExjC0tEROFkbGGJKJQYsrh058ri0ccLshMUJjletE77xKbFR4w+TouxKkxyvEtLM0cfX78kW2ESIiIiCqY/ro5WHYGISAne/yhUCSl12k4zThUVFXLHjh2qYxCRwVRUVID3FiLSGu8tRBQIvLcQUSAIIXZKKSvG81xDdi4REREREREREVFwsLhERERERERE/5+9O4+Pq673P/7+Zt+3Zm26pFvSLd3oAoVSoCBL2blXEb16EUUuiuhP0YrgrlQvgqJyBUVQBOXqBYqURbZiK1u3dG+aLmnTtGmWNmubdb6/PzIJLQ1N2s6Zc2byej4eeXDOyXfOeae0M5PPfM/nCwCnjOISAAAAAAAAThnFJQAAAAAAAJyykG/onZmZaQsKCtyOASDMlJeXi+cWAIHGcwsAJ/DcAsAJq1evttbaAU1KinI6jNMKCgpYGQFAwLHqCgAn8NwCwAk8twBwgjFmzUDHclscAAAAAAAAThnFJQAAAAAAAJyysC0utXf6dLi90+0Yx3ll0z69smmf2zGO89s3yvTbN8rcjnGcqoZmVTU0ux3jOB1dPnX5QrtfWTC1d/rk48/rONc88KK+9tRyt2MAAACEreXLl+ucHy51OwYQ9kK+51JfNu9v0I2/X6n2Lp++e+UkXTUt3+1IkqQZ33tZB490F7witVY7Fi90OVG3gkXvP9n+6OVtKvdIrtv/vFZL1nUX4j53ToG+dfkklxN127K/UYtf3KrYqAh9/6rJyk2NczuSp63efVD3v1KmtIRo/fDqyUpLiHE7kif0/Ltbu69Rf1u71DP/7gAAAMLFRT9dqrKD3dsFi3i/BTgpLGcuvb6lWkc6utTls/rHpiq34/TqKSxJUpeLOULFa1sP9G4/U+Kd2V5r9hxSW2eXGls7tGlfg9txPG9l+SF1+nyqbW5TWbX3ZqEBAAAgPPUUlgA4LyyLS/8+c7jy0+OVnhCjT88tcDtOr5nDU3q3M+K9M2ksLvL97VgP/Y34wvljerfvuLjIxSTHOq8oW8PTE1SYk6yZBRlux/G8CyfkKC81XsX5qSrOT3U7DgAAAAaJxxem9D8IQEAYa0O7D8rMmTMty24CCDSW9AXgBJ5bADiB5xYATjDGrLbWzhzIWA/NUwEAAAAAAECoobgEAAAAAACAU+adxj8AAAA4LQ2HO/R6afeCGBcU5Sg1IdrlRAAAYDBwrLhkjJks6WF1L4y2XdJvJN3v319lrf2Kf9wdkq6StFvSf1prO/o65lROAACAcPD2jjp94ck1OtjSLklKS4jWgzfM0NyxmS4nAwAA4c7J2+JKrbVzrbXz/Psxki7w72cbY4qNMVmSzrfWniNpvaSr+zrmYEYAAICQV1rVpM88tlJDEmP0zK1z9cytc5WdHKsbH1upzfsa3Y4HAADCnGPFpQ/MNmqTVGatbfXvd6p7BtNsScv8x16VdOaHHAMAAEAfOrt8+vJTJUqMjdQTn5uj6SPSNX1Eup783JlKjY/Wl/6yVh1dPrdjAgCAMOZoQ29jzJXGmI2SsiXV+Y9NkZRprd0sKU1Sz8dpDZLSP+TYB897szFmlTFmVU1NjZM/AgAAgKc9vbZSW/Y36ntXTlZ2clzv8cykWP34mmJtr27Wn9/b42JCAAAQ7hwtLllrn7PWTpZUKelyY0yGpF9Jusk/pF5Sin87xb/f17EPnvdha+1Ma+3MrKwsJ38EAAAAz2rv9Onnr2zT1GGpuqw497jvL5iQrTNHZ+jnr5bpSHuXCwkBAMBg4FhxyRgTe9Ruo6QOSX+SdIe1tsp/fKWk+f7tCyW98yHHAAAA8AH/2FylfQ2t+tKCcTLGHPd9Y4y+fGGhDra069mSShcSAgCAwcDJmUuXGGPeNMa8KSlHUqqkWZJ+YoxZZow5y1pbLemfxpgVkqZJeravYw5mBAAACFmPv71bwzPidV5R9oeOmTMqQxPzUvT7FbtkrQ1iOgAAMFhEOXVia+0SSUs+cPiJPsb9RNJP+jsGAACA9+2qbdG7uw5q0aXjFRlx/KylHsYYfXruSH3j/zZobUW9Zow4rp0lAADAaXG05xIAAACcsXT9PknSVdOG9jv20uI8xURFaMlabo0DAACBR3EJAAAgBD2/fr9mjkxXXmp8v2NT4qJ14YRsPb9+vzq6fEFIBwAABhOKSwAAACFme3WztlY16bLivAE/5qpp+aprade/ttc6mAwAAAxGFJcAAABCzMubuhfevbQ4d8CPOa8oSwkxkXpl8wGnYgEAgEGK4hIAAECI+ee2Gk3MSxnQLXE9YqMiNW9cpl7fWs2qcQAAIKAoLgEAAISQptYOrd59SOcWZp30YxeMz9H+hlZt2d/kQDIAADBYUVwCAAAIIW/vqFOnz2r+KRSXzhvf/ZjXt3JrHAAACByKSwAAACHkn2U1SoyJ1Bkj00/6sdnJcZoyLFXLSmscSAYAAAYriksAAAAh5K0ddZozeohiok7tbdzcMZkqqajX4fbOACcDAACDFcUlAACAEFHb3KadNS2aPSrjlM8xd8wQdfqsVpYfCmAyAAAwmFFcAgAACBGr/AWhWQUnf0tcj5kF6YqONHp7R12gYgEAgEGO4hIAAECIWFl+ULFREZqcn3rK50iIidK04Wl6eyfFJQAAEBgUlwAAAELEyvKDmjo8TbFRkad1nrNGD9GGvfVqbO0IUDIAADCYUVwCAAAIAS1tndq0r1GzC06931KPs8ZkymelVeUHA5AMAAAMdhSXAAAAQsDaPfXq8lnNPI1+Sz2mDU9TVITR6t009QYAAKeP4hIAAEAIWLe3XpI0ffjpF5fiYyI1IS9Fa3bXn/a5AAAAwra49OCyMn3/75vU1dXldpRjTLjrBY27c6nbMY5z7YP/0jW//pfbMY6zevdBravgjS+Abuf95DUVLFqq837ymttRgKBbv7deBUMSlJoQHZDzzRiRpnV769XZ5QvI+QAgEMbduVQFi5bqZy9tcjsKgJMQlsWlB5eV6Wf/KNMf3t6tz/9pjdtxehV96wUd6bTq8EmjFnmnwHTx/W9qzZ56ra2o1wX3LnM7Tq9/bqvRf79cqnte3EJPCACSpPJDrcf8FxhMNuxt0JRhaQE734yR6Trc3qXSA00BOycAnI5L71+mDn+9+5fLyl3NAuDkhGVxqbapvXe7/oh3VkHp6LK92/YE44Lt6JVimjy0akxTa+f7222dJxgJAEB4q2lq076GVk0Zlhqwc84Y0X173Zo9zBAG4A0HGvnwCAhVYVlc+tZl43XB+CzNGJGmhz55httxeq371rm923/5zAwXkxxr6W3nKj0+WinxUfr7bWe5HafXxZNy9LFZw3XDnJGaPy7L7TgAPMB84L/AYLGxskGSVJwfuOLSsPR4ZSbFai1NvQF4xJrvXNK7nZ8S42ISACcryu0AToiMjNRvPzXL7RjHSU5OVvnihW7HOE5GUozWfucjbsc4TlRkhK6ZPsztGAA8ZJcHn0OBYFi/t0HGSJMCWFwyxmjGiDSt3kNxCYB3ePH3JQD9C8uZSwAAAOFkQ2W9xmQlKSk2sJ8LzhiZrt11h1Xb3BbQ8wIAgMGF4hIAAIDHrd/boCkBnLXUY9rw7gbhG/Y2BPzcAABg8KC4BAAA4GEHGltV3dSm4gA28+4xaWiKpPd7OgEAAJwKiksAAAAetnlfoyRp0tDAF5eS46I1OjNRGyguAQCA00BxCQAAwMO2VHUXl4pykx05/6T8VGYuAQCA0+JYcckYM9kY85YxZrkx5lFjTL4xZo0xptUYE+Ufc4kxZpn/a78x5mr/8Yajjmc4lREAAMDrSqualJ8Wr9T4aEfOX5yfon0NraqjqTcAADhFTs5cKrXWzrXWzvPvj5a0QNI7PQOstS9Za8+z1p4naY+kV/3f2tBz3Fp70MGMAAAAnrZ1f5Njs5YkabK/UTi3xgEAgFPlWHHJWttx1G6bpDJr7aG+xhpjRks6YK1t9h+a4J/xtNgYY5zKCAAA4GXtnT7tqGnW+CAUl7g1DgAAnCpHey4ZY640xmyUlC2p7gRDr5X0zFH74ySdKyld0hV9nPdmY8wqY8yqmpqaQEYGAADwjB01zer0WUdnLqXERatgSAIzlwAAwClztLhkrX3OWjtZUqWky08w9ApJzx31uIPWWivpWUmT+zjvw9bamdbamVlZWYGODQAA4AmlVU2SpAl5KY5eZ3J+qjZWNjp6DQAAEL6cbOgde9Ruo6QjHzIuV1K7tbbOv59ojIn0f/tsSTucyggAAOBlW6oaFR1pNCoz0dHrFOenqrL+iA62tDt6HQAAEJ6cnLl0iTHmTWPMm5JyJL1hjHlV0lRJLxtj5vjHXSVpyVGPGydppTFmuaThkv7mYEYAAADPKq1q0tjsZEVHOjrZnL5LAADgtEQ5dWJr7RIdWzSSpAv7GPfQB/ZLJM1wKhcAAECo2Lq/SWeNGeL4dSb6b7vbsr9R5xbScgAAAJwcZz8GAwAAwCmpP9yuqsZWR5t590hPjFFuSpy2+ns8AQAAnAyKSwAAAB7UU+gZH4TikiSNz0vWlv009QYAACeP4hIAAIAHlR3oLi4FY+aS1L0i3Y6aZrV3+oJyPQAAED4oLgEAAHjQjpoWJcZEKjclLijXG5+brI4uqx01zUG5HgAACB8UlwAAADxoe3WzxmQnyRgTlOtN8Df13lrFrXEAAODkUFwCAADwoB01zRqblRS0643OTFRMZIS27KepNwAAODkUlwAAADymua1T+xtaNSY7eMWlqMgIjctJoqk3AAA4aRSXAAAAPGanv+/RmCDOXJK6b43rWaUOAABgoCguAQAAeMz26u7i0tjsxKBed3xusmqa2lTb3BbU6wIAgNBGcQkAAMBjtlc3KyrCaOSQ4BaXJvY09abvEgAAOAkUlwAAADxmR02zRgxJUHRkcN+qFeUmS2LFOAAAcHIoLgEAAHjM9urgrhTXY0hSrLKTY7WZpt4AAOAkUFwCAADwkI4un3bXHdbYIK4Ud7QJeSncFgcAAE4KxSUAAAAP2V13WJ0+G/SV4nqMz0vW9upmdXb5XLk+AAAIPRSXAAAAPGRHTc9Kce4Ul4pyktXe5VN53WFXrg8AAEIPxSUAAAAP2V7dXVwanRXcleJ6FOZ0N/XedoBb4wAAwMBQXAIAAPCQHTXNyk2JU3JctCvXH5udJGMoLgEAgIGjuAQAAOAhO2paXJu1JElx0ZEamZFAcQkAAAwYxSUAAAAPKa9t0ahM94pLUvetcaVVFJcAAMDAUFwCAADwiEMt7Wo40uGJ4lJ53WG1dXa5mgMAAIQGiksAAAAesauuRZJUMMTl4lJusrp8VjtrWlzNAQAAQgPFJQAAAI8or/UXl1yfuZQkiabeAABgYCguAQAAeER5bYsijDQiI8HVHKMzkxQVYSguAQCAAYlyOwAAAAC67ao7rPz0eMVEufv5X0xUhAoyE7XtQLOrORBa1uw5pMUvbtWmygaNzU7S1y4u0rxxWW7HAgAEATOXAAAAPKK8tsX1fks9inKSmbmEAXtja7U+9tDbqjh4WNedMUyNrZ36j0fe0zNr97odDQAQBMxcAgAA8ABrrcprW3TNjHy3o0jqXjHuhY37daS9S/ExkW7HgYdVHDysLz65RkW5yXripjOVmhCtI+1d+sxjK/X1v61XUU6KJg5NcTsmAMBBzFwCAADwgNrmdjW1dWqUy828exTmJMlaaXs1t8bhw1lrdeczGyRJD/3HTKUmREuS4mMi9eAnZig1Pkbf+L/18vmsmzEBAA5zrLhkjJlsjHnLGLPcGPOoMSbfGLPGGNNqjInyjykwxhwwxiwzxvzjqMfeYYxZYYx5whgT7VRGAAAAryiv88ZKcT0Kc5MlSaXcGocTWLatRsvLanXHxUXKT4s/5nvpiTH65qXjtaGyQS9tqnIpIQAgGJycuVRqrZ1rrZ3n3x8taYGkdz4w7hVr7XnW2o9IkjEmS9L51tpzJK2XdLWDGQEAADxhV213cWmUR3oujcxIUExkhMooLuFDWGv1i1fLlJ8WrxvmjOxzzNXT8zU2O0n3v7JN1jJ7CQDClWPFJWttx1G7bZLKrLWH+hh6vn9201f8+7MlLfNvvyrpTKcyAgAAeEV5bYuiIoyGpcf3PzgIoiIjNCY7iZlL+FDv7Tqokop6/dd5Yz50hcPICKP/mj9GZdXNentHXZATAgCCxdGeS8aYK40xGyVlS+rr1WS/pEJJ50u60BgzRVKapEb/9xskpfdx3puNMauMMatqamqcCQ8AABBE5XUtGp6RoKhI77TELMxJUtkBei6hb0++t0fJcVG6bsawE45bOCVPaQnR+uPbu4OUDAAQbI6+e7HWPmetnSypUtLlfXy/zVrbYq3tlPS8pMmS6iX1LCeR4t//4OMettbOtNbOzMrKcu4HAAAACJJdtYdVMCTB7RjHKMxJVmX9ETW1dvQ/GIPKoZZ2vbihStdOz+93NcG46Eh9dOZwvbLlgOqa24KUEAAQTFFOndgYE2ut7Xn1aJR0pI8xydbanrnWZ0v6paRdkm6V9FNJF+r4Hk0h66bfv63Xth2UJOWnxOhfd17kcqJuBYuWHrNfvnihS0mONXrRUvn82ynR0vofeCPX797coR+9uFVG0l9vOUtnFGS4HQmnoLy2RY+s2KW8tDjdPG+0p2YKAKEo2K8l1z/4gt7Z837/Fq+8dp0qa61217XozNHeek0pzOlu6r3tQLPOGHncZHIMYs+srVR7l08fnzNiQOOvmjZUD/9zp17aVKVPfEh/JgxOR79+/O7CWF144YX9jgv153wgHDn529Qlxpg3jTFvSsqR9IYx5lVJUyW9bIyZI2meMWa1MeYtSfuste9aa6sl/dMYs0LSNEnPOpgxqHoKS5JU2djuYpLQ4Dtqu9FDH5j+7NUyWXXnu+0va92Og1P03Lp9Kqtu0j+31WjLfvqJAKHm6MJSOKhuatPh9i6N8shKcT2K/MUlmnrjg/6+fp8mDU3R+NyU/gdLmpiXotGZiXp+3X6HkyGUffbVvme2ffADDADe42RD7yXW2vn+r8/6b4G70Fqbbq1d4C8kvWCtPcO/qtzXj3rsT6y151hrb7DWhk0VJpqJEWFhcv77b6IunpTtYhKcjuJhqTIySk+I0YgMb92GAmDw6VkprsAjK8X1GJYer/joSJp64xiV9Ue0dk+9Fk7JG/BjjDG6fOpQvbOrTtWNrQ6mQzi6b7bbCQD0h3JHEJX9eKEWFGZocl6ip6ZyHp3Fa7kSI6X0OG/l+ustc/XrG6bpTzfN1neuKHY7Dk7R+UXZevATM3T/x6YpNSHa7ThAyAv2a0n54oWKDeL1nFbuLy55beZSRITROJp64wNe3NA9+2hh8cCLSz3jrZVe2XLAiVgIUT3P4VnRH/58fu21CzUx7djxALzFsZ5L6NsjnznL7Qh98uqT9KYfeTPXwin5bkdAAKQnxrgdAQgrwX4tKfXoa9ep2FXXopjICA1Ni3c7ynHGZSfrn2Wszov3vbBhvyYNTdHIk5xpV5iTpPy0eC0rraHvEo4xkNePFxaFz3M+EI7CdubSZT9/U3N+9IrbMY5TsGipJ+8Z9mqusd9cqsJveS/Xw2/u0F9XVbgd4zib9jVoT91ht2MAp6Xn+ciLz0mAU3bVtGjEkARFRhi3oxynKDdJNU1tOtQSNp0KcBrqmtu0tqJeF03MOenHGmN0XlGW3tpeq7bOLgfSAfCSnvdzixfznm4wCMvi0rzFr2lzVbMONLVr9De98xf56F+UvPRLk5dzdVqpvctbub76vyX6yculWvT0Bj385g634/T6x6Yq/eD5zVr09HrtqOH2BQAIJfdcW6zffHKG2zH6NK53xTj6LkFaXlYra7tvLz8V5xdlq6W9S6vKDwU4GQAvOfr3t9/UuxgEQROWxaXqpvdXGfCF12Iy8IDdB9+fGbTdQ0Wcnr/3PmtV18ynywhNZ3mokAwE05CkWI3NTnY7Rp+KKC7hKMtKqzUkMUbF+amn9Pi5Y4coJjJCb2ytDnAyAICbwrK4tPyO+b3b37l8vItJjnXTnKG92+MyvdNA+KKx7785OHNEkotJjvXVBaN6t3//ae98mvuLj01XYU6Spg5L1feunOx2nF5XT8/XRRNz9W9nDNesgnS34wCn5O0w6qEDhIu81Dglx0ZpG029B70un9U/y2o1vzBLEad4C2dCTJTOGJmut3fWBTgdAC/xak9fOCcsG3pnp3lrNbYed18zXXdfM93tGMf57WfPcTtCn267aKJuu2ii2zGOk58erxdvP9ftGMdJio3STeeM6n8g4HFefP4GBjNjjApzk1VaxcylwW793nodbGnX/KKs0zrPmaOH6OevbVPD4Q5WbAXCGO/pBpewnLkEAACAwCnMSVbpgSZZS7+BwWx5Wa2Mkc4dd3rFpTmjM2SttLL8YICSAQDcRnEJAAAAJzQ+N1kNRzqO6WuJweednXWamJei9MSY0zrPtOFpiomK0DvcGgcAYYPiEgAAAE6o0N/Um1vjBq+2zi6t3n1IZ44ectrniouO1IwRaXpnF8UlAAgXFJcAAABwQoU53Qt+sGLc4FWyp15tnb6AFJek7r5Lm/Y1quFIR0DOBwBwF8UlAAAAnNCQpFhlJsVqKzOXBq23d9bJGGn2qIyAnG/2qO6+S2t2HwrI+QAA7qK4BAAAgH6Nz01m5tIg9s7OOk0amqLU+MCs7jZ1WJoijLS2oj4g5wMAuIviEgAAAPpVmNNdXPL5WDFusGnt6NKaPfU6c1RgbomTpMTYKBXmJKuE4hIAhAWKSwAAAOhXUW6SWjt8qjh02O0oCLKSinq1B7DfUo/pI9JVsucQBUsACAMUlwAAANCvnhXj6Ls0+KzZ090XaWZBekDPO314mhpbO7WrriWg5wUABB/FJQAAAPSrp7i0jeLSoFOyp14FQxKUlhAT0PNOH5EmSVq7h1vjACDUUVwCAABAvxJjozQ8I16lNPUeVKy1Kqmo17ThaQE/95isJCXHRqmkghXjACDUUVwCAADAgBTlsGLcYLO/oVXVTW2OFJciIoymDk9j5hIAhAGKSwAAABiQwpxk7axpUXunz+0oCJKe1dymjQhsv6Ue04anaWtVk460dzlyfgBAcFBcAgAAwIAU5Sar02e1s7bZ7SgIkpKKesVERmhCXrIj558yLFVdPqstVY2OnB8AEBwUlwAAADAgRbndBYZSmnoPGiV76jVxaIpioyIdOf/k/FRJ0qbKBkfODwAIDopLAAAAGJDRmUmKijD0XRokOrt82lDZ4Ei/pR55qXFKT4jWxkpmLgFAKKO4BAAAgAGJiYrQqMxElVZxW9xgUHqgSUc6ujR9hHPFJWOMJuenatN+Zi4BQCijuAQAAIABK8xlxbjBoreZt4MzlyRp0tBUlVY10SgeAEIYxSUAAAAM2PicZO05eFgtbZ1uR4HD1lXUKyMxRiMyEhy9zqShKeroshQtASCEOVZcMsZMNsa8ZYxZbox51BiTb4xZY4xpNcZE+cfMOWrM/Uc9tsEYs8z/leFURgAAAJycQn9T77Jqbo0LdyUV9Zo6LFXGGEev09PUe/M++i4BQKgaUHHJdPukMebb/v0RxpjZ/Tys1Fo711o7z78/WtICSe8cNWa3pAv8Y7KNMcX+4xustef5vw4O/McBAACAk4pyuotL21gxLqw1tXaorLpZ04anO36tkRkJSoqN0sZ99F0CgFA10JlLD0o6S9LH/ftNkn59ogdYazuO2m2TVGatPfSBMVXW2lb/bqekLv/2BP9spsXG6Y9KAAAAMGDDMxIUFx2hUm5hCmsb9jbIWmmag828e0REGE3MS9HGSopLABCqBlpcmmOt/YKkVknyF4li+nuQMeZKY8xGSdmS6k4wboqkTGvtZv+hcZLOlZQu6Yo+xt9sjFlljFlVU1MzwB8BAAAApysywqgwJ1lbq7iFKZyt7WnmPcz54pIkTcpP0Zb9Tery2aBcDwAQWAMtLnUYYyIlWUkyxmSwEliuAAAgAElEQVRJ6nc5B2vtc9bayZIqJV3e1xh/T6VfSbrpqMcdtNZaSc9KmtzHeR+21s601s7Mysoa4I8AAACAQJiQ210I6H67hnBUUlGv0ZmJSk2IDsr1Jg1N1ZGOLu2soZcXAISigRaXHpD0jLr7Iv1I0gpJPz7RA4wxsUftNko60seYKEl/knSHtbbKfyzRX8iSpLMl7RhgRgAAAATBxKEpOtjSruqmNrejwAHWWpVU1Gva8ODMWpKkiXkpkqQt9PICgJAUNZBB1tonjDGr1d2Q20i62lq7pZ+HXWKM+X/+7TJJbxhjXpU0VdLLxpg71d3ke5akn/hbK31T3UWo3xtjWiTtlPSdk/yZAAAA4KAJ/kLA5n2NykmJczkNAm1fQ6tqmto0NYjFpTHZiYqMMCqtapSmDg3adQEAgXHC4pL/lrUe1ZL+fPT3TrSSm7V2iaQlHzh84Qf23z36nEeZcaJcAAAAcM/4vO4V4zbvb9T547NdToNAK9nj77cUxOJSbFSkxmQlqpSZSwAQkvqbubRa3X2WjKQRkg75t9Mk7ZE0ytF0AAAA8JyUuGiNyEjQ5n009Q5HJRWHFBMV0TtDLViKclO0Zveh/gcCADznhD2XrLWjrLWjJb0s6Qprbaa1doi6m3M/HYyAAAAA8J6JeSnavJ/iUjgqqajXpKEpiokaaHvWwBifm6zK+iNqau0I6nUBAKdvoK8Ys6y1L/TsWGtflDTfmUgAAADwuolDU1Re16Lmtk63oyCAOrp82lDZENRb4nqMz+2+3XLbAW6NA4BQM9DiUq0x5i5jTIExZqQx5luS6pwMBgAAAO+amJcia9XdgBlho7SqSa0dPleKS0X+4tKW/RSXACDUDLS49HFJWZKekfSspGz/MQAAAAxCE4f6V4yjEBBWSiq6m3lPH54e9Gvnp8UrOTaKpt4AEIL6a+gtSfKvCne7MSZFks9a2+xsLAAAAHhZXmqcUuOjaeodZkoq6pWRGKPhGfFBv7YxRkW5ydrKbDgACDkDmrlkjCk2xqyVtEHSJmPMamPMZGejAQAAwKuMMTT1DkMlFfWaNjxNxhhXrt9dXGqStdaV6wMATs1Ab4t7SNL/s9aOtNaOlPRVSQ87FwsAAABeN3Foirbub1Rnl8/tKAiAxtYO7ahpdqXfUo/xeSlqau3U/oZW1zIAAE7eQItLidbaN3p2rLXLJCU6kggAAAAhYWJeito6fSqva3E7CgJgw94GWSt3i0v+pt7cGgcAoWWgxaWdxpi7/avFFRhj7pK0y8lgAAAA8Laept6b6LsUFnqaeU91sbhU1Ftcoqk3AISSgRaXPqPu1eKe9n9lSrrRqVAAAADwvjFZSYqJjKDvUphYu6deo7MSlRof7VqGlLho5afFs2IcAISYga4Wd0jSlxzOAgAAgBASExWhwtwkbaqkuBTqrLUqqajXuYWZbkfpbuq9n+ISAISSga4W94oxJu2o/XRjzMvOxQIAAEAoKM5P0/q99azuFeIq64+otrlN0128Ja5HYU6ydtY2q4NG8QAQMgZ6W1ymtba+Z8c/kynbmUgAAAAIFVOHpaqxtVPldYfdjoLT0NNvadrwdJeTSIU5SerostpNo3gACBkDLS75jDEjenaMMSMl8fEUAADAIFc8LFWStH5vfT8j4WUle+oVExWh8XnJbkdRYU53hm0Hml1OAgAYqIEWl74laYUx5nFjzOOS/inpTudiAQAAIBQU5iQrNipC6/c2uB0Fp6Gkol6Th6YoOnKgvx44Z0xWkoyRyiguAUDIGGhD75eMMTMknSnJSPqKtbbW0WQAAADwvOjICE0amsLMpRDW0eXThsoGfWLOSLejSJLiYyI1PD1B26pp6g0AoWKgDb1fs9bWWmuft9b+3Vpba4x5zelwAAAA8L4pw9K0sbJRnTRgDkmlVU1q6/Rp2gj3m3n3KMxJUtkBiksAECpOWFwyxsQZYzIkZfpXiMvwfxVIGhqMgAAAAPC2qcNTdaSjSztqaMAcitbuOSRJnlgprse4nGTtqm1hxTgACBH9zVz6vKTVksb7/9vztUTSr52NBgAAgFBQnN9dlFjHrXEhae2eemUmxWpYerzbUXqNy2bFOAAIJScsLllrf2GtHSXpa9ba0dbaUf6vqdbaXwUpIwAAADxsdGaikmOj6LsUotZW1GvGiDQZY9yO0osV4wAgtAx0OYgqY0yyJBlj7jLGPO1v8A0AAIBBLiLCaHJ+KivGhaCDLe3aVdui6SPS3Y5yjJ4V47bRdwkAQsJAi0t3W2ubjDHnSLpY0h8k/Y9zsQAAABBKpgxP1Zb9jWrr7HI7Ck5CSUV3v6UZHmrmLXWvGDciI0FlzFwCgJAw0OJSz7uEhZL+x1q7RFKMM5ECY/P+Br27s87tGMcZs2ipChYtdTvGcQrIdVJGL1qqCXd5L9c7O+q0dX+j2zEAuKjnedOLz50Ib9OHp6ujy2pjJa9DoWTtnnpFRhgVD0t1O8pxxmUnqayamUsAvIH3Vyc20OJSpTHmIUkflfSCMSb2JB4bdMvLanTDw+/qc39cpYfe3OF2nF4Fi5b2Vum89Jfy6Czk6l/BoqXySTrS6a1cv35ju25+fJWu/+07emeH9wqrAJznpeckDD5njOy+rWr17oMuJ8HJWLPnkMbnJishJsrtKMdhxTgAXuHV3029ZKAFoo9KelnSJdbaekkZku5wLNVp2lTZKJ+1kqTNzOLAILF5X3efC5/PatM+el4AAIIrKzlWI4ckaFX5IbejYIC6fFbrKho0w2P9lnoU5nSvGFdey4pxAOB1AyouWWsPS9oh6WJjzBclZVtr/+FostPwn3NH6szRQzQ5P1Vfu6jI7Ti9rp2S07s9ItU7dxUOS43oc9ttqdHvbxdmeufTtIL02N7t2+aPdDHJsb72kSJNGpqqs8dm6hNzRrgdB4ALyhcvdDsCBrkzRqZrzZ5Dsv4P+eBtZdVNam7r1HSP9VvqMS6bFeMAeM9H3A7gUQP6jd0Yc7ukz0l62n/oT8aYh621vzzBYyZLeljd/Zq2S7pL0t8lTZSUZK3t9I+7X9JMSWustbd/2LGTERcTpYc/NfNkH+a4+26YqftucDvF8VZ881K3I/Rp3Q+8+UvSsm9c6HaEPo3KStKfbz7T7RgAXEaBCW46Y2S6nl5Tqd11h1WQmeh2HPRj7Z56SfLcSnE9elaM6+67lOd2HACDGO+v+jfQaSo3SZpjrf22tfbbks5Ud7HpREqttXOttfP8+6MlLZD0Ts8AY8wMSYn+MTHGmFl9HTuZHwgAAADumDkyQ5K0aje3xoWCtXsOKT0hWgVDEtyO0idWjAOA0DHQ4pLR+yvGyb9tTvQAa23HUbttksqstR98p3GWpFf926+qu2jV17FjwxhzszFmlTFmVU1NzQB/BAAAADhpXHaSUuKitJriUkhYs6de00eky5gTvq131bjsZG07wIpxAOB1Ay0uPSrpXWPMd40x31X37KNH+nuQMeZKY8xGSdmS+lq+Kk1ST8ftBknpH3LsGNbah621M621M7Oysgb4IwAAAMBJERFGM0ams2JcCDjY0q7t1c29q/x51bicJO2qbVF7JyvGAYCXDbSh932SbpR0UNIhSTdaa38+gMc9Z62dLKlS0uV9DKmXlOLfTvHv93UMAAAAIeCMEenadqBZDYc7+h8M16ws7y4Azh6V4XKSEyvMSVKnz2p3HSvGAYCXnbC4ZIyJM8Z82RjzK0mzJD1orf2FtXZtfyc2xsQetdso6Ugfw95Wdx8mSbpQ3TOi+joGAACAEDDLX6x4r5zZS1723q6Dio2K0JRhqW5HOSFWjAOA0NDfzKU/qHvVtg2SLpV070mc+xJjzJvGmDcl5Uh6wxjzqqSpkl42xsyx1q6R1GqMWS7JZ619r69jJ/tDAQAAwB3TR6QpNipCb+2odTsKTuC9XQf9/68i3Y5yQmOzu1eMo+8SAHhbVD/fn2itLZYkY8wjkgZc6LHWLpG05AOHj1vD3Vp7+0COAQAAwPtioyI1qyBDb+/oq90mvKCptUOb9jXoixeMcztKv+Ki/SvGVVNcAgAv62/mUu/N8tbaToezAAAAIAycNWaItlY1qba5ze0o6MPq3Yfks9Icj/db6jEuO1ll3BYHAJ7WX3FpqjGm0f/VJGlKz7YxprGfxwIAAGAQmjtmiCTpnZ2Dd/aStVYNRzpU19wmn8+6HecY7+06qKgIo+kj0tyOMiCFrBgHAJ53wtvirLXevgkbAAAAnlOcn6rk2Ci9taNOl08Z6nacoKppatPvVuzU30v2aV9DqyQpOS5KF03I0S3njVFhTrLLCbuLS8XDUpUQ01+HDG8ozElWp8+qvK7FE39+AIDjhcYrCgAAAEJGVGSE5oweXH2XrLV6Zm2lvr1kkw63d+qC8Tn6z7MLFB0Zoc37GvXixio9W1Kp2y4Yp9suGKuoyP5uIHDGkfYurdtbr8+cPcqV65+KsdlJkrqbelNcAgBvorgEAACAgDtrTKZe3VKtffVHNDQt3u04jrLW6kdLt+h3K3ZpdkGG7rmuWGOyko4Zc+dlE/SD5zfrF6+VadO+Bv3qhhmKiw7+TQLv7qpTR5fV3LGZQb/2qRqbnaQII/ouAYCHufORCQAAAMLa2WO7+y4tL6txOYmzrLW685kN+t2KXfrPuQX6881nHldYkqT0xBjd97Fp+v5Vk/Tqlmp97o+r1NEV/B5Cy8tqFRMVodkFodHMW3p/xbhtB1gxDgC8iuISAAAAAq4oJ1l5qXF6fWu121Ecdf+rZfrzexW69bwx+s4VExUZYU44/lNnFWjxtcVaXlaru57ZKGuD2+x7RVmtZhdkKD4mtFqrFuYkU1wCAA+juAQAAICAM8bo/PHZWlFWq7bOLrfjOOLZtZV64LUyfXTmMN1xcZGMOXFhqcf1s0foi+eP1VOrKvSHt8qdDXmUA42tKj3QpHnjQueWuB6FOckqrzsctn+XACDUUVwCAACAIy4oylZLe5dW7jrkdpSA21HTrDuf2aDZBRn64dXFAy4s9fjqRwq1YHy2fvzCVm3e1+hQymMtL6uVJM0blxWU6wVSYW6yunxWO2ta3I4CAOgDxSUAAAA44uyxmYqNitBrWw+4HSWg2jq7dNuTaxUTFaFffHyaYqJO/i21MUY//bcpSkuI1m1/XqMj7c7PyFleVqPMpFiNzw29FdeK/KvEcWscAHgTxSUAAAA4Ij4mUmeNGaI3wqzv0n+/VKrN+xt1779NVV7qqa+ENyQpVvd9dJp21LTo/le3BTDh8bp8VsvLanXO2CGK6KcvlBeNykxUVIRRaRXFJQDwIopLAAAAcMyC8dkqrzus7dXhsYz8xsoG/f5fu3TDnBG6cGLOaZ/vnHGZun7WcP1u+U5trGwIQMK+rd59SAdb2gOS2Q0xUREalZmobQfC4+8RAIQbiksAAABwzEUTc2WM9MKG/W5HOW1dPqtvPbNBGYkx+sYl4wN23m9eOkEZibFa9PR6dXb5Anbeo/1jU5ViIiM0vzD0+i31KMxlxTgA8CqKSwAAAHBMbmqcZo3M0NL1oV9cevLd3Vq3t0F3Xz5RqfHRATtvakK0vnflJG2sbNSj/yoP2Hl7WGv18uYqnT12iJLjApc72IpykrXn4GEdbu90OwoA4AMoLgEAAMBRC6fkqfRAk8pCeNZJdVOrfvpSqc4Zm6krpw4N+PkvK87VgvHZuu+VbaqsPxLQc2+talLFwSP6yKTcgJ432ApzkiQpbG6xBIBwQnEJAAAAjrp0cvetcc+H8OylHz6/RW1dPv3g6skyJvANsY0x+t5VkyRJ331uU0DP/eLGKhkjLZiQHdDzBluhf8U4mnoDgPdQXAIAAICjslPiNGdUhp5fv0/WWrfjnLTlZTV6bt0+3XreGI3KTHTsOsPSE3T7heP0yuYD+semqoCc01qrJSWVOmv0EGUnxwXknG4ZOSRRMVER9F0CAA+iuAQAAADHXTF1qHbUtGiDgyuiOaG1o0t3P7tRozITdcv8MY5f76ZzRqkwJ0nffW6TWtpOv7fQmj2HtLvusK6dMSwA6dwVGWE0NiuJFeMAwIMoLgEAAMBxV0wdqrjoCP1lZYXbUU7Kg8t2qLzusH5w1WTFRUc6fr3oyAj96Jpi7Wto1QOvlZ32+Z5eU6m46AhdMjm0+y31KGLFOADwJIpLAAAAcFxKXLQWFg/VcyX7Qma1rx01zfrNsh26atpQnTMuM2jXnVWQoY/NHK7frdilrVWNp3yelrZOPbduny6ZlKuk2KgAJnRPYU6y9je0quFIh9tRAABHobgEAACAoLh+9nA1t3VqaQg09rbW6u5nNyo2OkLfWjgh6NdfdOl4pcZH61vPbJTPd2p9qp5es1dNrZ361NyCwIZzUVFu94pxobzyIACEI4pLAAAACIqZI9M1OitRf35vj9tR+rWkZJ/e2lGnr18y3pVG2OmJMbrzsglavfuQ/nfVyd9K6PNZPfpWuaYOS9X04WkOJHTHuOzuFePouwQA3kJxCQAAAEFhjNEn5ozUmj31WrvnkNtxPlT94Xb9cOlmTR2ephtmj3Atx3Uz8jVnVIbueXGr6prbTuqxr2w5oJ01LfrPswtkjHEoYfDlp8UrMSaSvksA4DEUl4LoyXd2qWDRUhUsWqrvLtngdpxed/3fut5cd/x1jdtxev33S1t6c/3lvXK34/R6d1edzvjBKzrrntdUeeiI23GAsNXz779g0VI9+c/tbscBECAfmzVcyXFR+u3ynW5H+VD3vLBVhw536J5rihUZ4V5hxhijH10zWYfbO/XNpzfI2oHdHufzWd33j20anZmoK6YMdThlcEVEGI3LSVZpFcWl/lz3yzePeS0FACdRXAqibz+3uXf7sbe9Mx38Tyv39m7/dbV3eiD85s3333R+e8nmE4wMrnuWblX9kQ5VN7XpJy9tcTsOMCjc+UKp2xEABEhSbJQ+eeZIvbSxSrvrWtyOc5x3dtbpqVUV+uy8UZo4NMXtOBqbnaxvXDJe/9h8QI+9VT6gx/zvqgqVHmjSly8qVFRk+L3dL8xJUlk1xaX+rK7k1kEAwRN+rzYeVjw0tXc7OynWxSTHSot/f/WQpFjnl9gdqJFDEnq3J+a5/+auxzmFmTKSIox00YQct+MAg0JyjNsJAATSjXMLFBURoQff2OF2lGO0dnTpzmc2aHhGvL68oNDtOL1uOmeULpyQrR+/sEVvba894djqxlb9+IUtmjMqQ1dMyQtSwuAqzElWbXO7ak/yVkEAgHMcKy4ZYyYbY94yxiw3xjxqut3v3/+Ff8wlxphl/q/9xpir/ccbjjqe4VTGYHvmi+foe1eM11cuHKP37rrQ7Ti9Sr5zsW48c4Q+OWuYNn7vErfj9Hr9a+frm5cWavG1k/TsF89xO06vr32kSM/ddrZe/vK5umJavttxgLBVvnihYiSdkZ+kDd9f6HYcAAGUnRKnG+aM0F9XV2h7tXdmVzz4xnbtrGnRj64uVnyMdz5wM8boZx+dptGZSbr58dUf2q+qvdOnW59Yo44uqx9fWxxWvZaOVpTb09Sb2UsnUr54oQrSopUc070NAE6K6n/IKSu11s6VJGPMo5JmS0q01s4zxvyPMWaWtfYlSS/5x7wr6VX/YzdYa89zMJtrPn32GLcj9Ok7Vxe7HaFPn58/zu0IfZqYl9r/IACnbRtvhoGw9cULxup/V1XovldK9eAnznA7jtZV1OvXy3bomun5Orcwy+04x0mNj9Zjn5mljz70tj7+23f0k+um6MqpQ3sLSE2tHfrik2u1avch/eqG6RqTleRyYucU5XQXl8oONGvumEyX03jbskUfcTsCgEHCseKStbbjqN02SRfq/eLRq5LOlLRSkowxoyUdsNb2fHQ1wRizXNK/JH3TDrR7IQAAAEJCZlKsPjtvtB54rUzv7qzTnNFDXMtyuL1TX3mqRDnJsfrulZNcy9GfvNR4PXPr2frcH1fp9r+U6LG3ynVBUbaa2zr1zNpK1Ta3afG1xbo8zJp4f1BWcqxS46O1labeAOAZjvZcMsZcaYzZKClb3YWsRv+3GiSlHzX0WknPHLU/TtK5/jFX9HHem40xq4wxq2pqahzJDgAAAGfdMn+08tPi9a1nN6q90+dajh+/sEW76lp070enKjU+2rUcA5GZFKu/fv4sff+qSWpp69TPXtmm363YpaLcZP3ff83V9bNHuB3RccYYjc9N1taqxv4HAwCCwsnb4mStfU7Sc8aYX0rqlNTTlTlFUv1RQ69Qd4Gp53EHJckY86yk6ZKe+8B5H5b0sCTNnDmTWU0AAAAhKCEmSt+/apJu+sMqPfTmDt22IPi3w7+wYb/+9M4efW7eqJC5xSoqMkKfOqtAnzqrQK0dXYqMMIoOw1XhTmRCXor+d1WFfD6riIjw7C0FAKHEyYbeRy+H1ijJSlrg379Q0jv+cbmS2q21df79RGNMTwfFsyV5axkRAAAABMyCCTlaOCVPv3itTGs+pFG1U0qrmvS1v67TjBFp+trFRUG9dqDERUcOusKS1L2S8OH2Lu0+eNjtKAAAOXtb3CXGmDeNMW9KypG0WFKrv5eSz1r7nn/cVZKWHPW4cZJW+scNl/Q3BzMCAADAZT++plg5KXH60p/XquFwR/8PCID6w+26+fFVSoyN0v988gzFRnlndTj0b0Je9w0RW/ZzaxwAeIGTDb2X6NiikSTd3se4hz6wXyJphlO5AAAA4C2p8dH65Q3T9bGH3tbNj6/SH2+a7Wix53B7p258bKX217fqzzfPUU5KnGPXgjPG5SQpMsJo875GXVac53YcABj0Bt8cWgAAAHjOjBHpuvffp+rdXQf1/55ap44uZxp8t3Z06fOPr9a6inr98obpOmNkhiPXgbPioiM1JiuRmUsA4BGONvQGAAAABuqqafmqaWrTD5duUVunT7+6YbriogM3g6nhSIc+94dVWrn7oH563RRdPCk3YOdG8E3IS9HKXQfdjgEAEDOXAAAA4CGfnTdaP7hqkl7dckAffehtVQSoYfP26mb9+2/e0tqKQ/rlx6fr32cOD8h54Z4JeSna19Cq+sPtbkcBgEGP4hIAAAA85T/OKtDD/3GGdtW26LIHluvxd3ary2dP6Vw+n9WT7+7Rlb9aoZqmNv3hxtm6fMrQACeGGyb6m3pv5tY4AHBdWN4WV3nwiM756euykhZfO0nXzy5wO5Ik6ZE3t+sHL5ZKks4elaYnPn+2y4m6PbKsVD94absk6asLRum2iya6nKjbirID+o9HVskY6fkvnq2J+WluR8Igd/ufXteSjUd698sXL3QxDQCEt49MytXzucla9H8bdPezG/Xku3t0y/zRWlicp6jI/j8f9fms3iit1gOvlWnd3gadNXqI7v/YNOWm0rw7XLy/YlyT5o7JdDkNEDgFi5b2bvN+E6EiLGcuXfrAm+r5bOubT29yNcvRegpLkvSvXfUuJjlWT2FJkn722i4XkxzrM4+tlpXks9K/P/S223GAYwpLAADnjRySqCc/N0cPfHy62jq7dPtfSjTnx6/pG39br+fW7dOOmmYdbu+UtVbtnT7tbzii17ce0D0vbtF59y7TTX9YpZqmNv38Y9P05OfmUFgKM1nJscpMiqWpN8LK0YUlIJSE5cylgoxErd/X/SITFx2W9bNBIT0xWgcau++hz0tNcDkNAABwgzFGV04dqsuL8/RGabWeLdmnpRv266lVFb1jIiPMMbfNRUUYnTVmiL5y0ThdPmWoogcw0wmhaUJeMsUlhJXJWdLGGrdTACcvLItLz31pnm569D3tb2zVC7ef63acXuWLF/ZWor00vbF88UJNvPsF+XxWW3/knVzv3nmRPvHw20qIjdJvPz3L7TiAZ/8NA8BgEBFhtGBCjhZMyFF7p09l1U3asr9Jtc1tamrtUFxUpNISolWUm6KJQ1OUFBuWb3PxAROHpujRFeXq6PJRRERYeP6r77/fnJzlchjgJITtq+4jN852O0KfvPoL6eYfXOZ2hD49cfNZbkcAjuHVf8MAMJjEREVo0tBUTRqa6nYUuGxiXorau3zaUdOs8bkpbscBAoL3mwhFlPcBAAAAhKSeFeM2VnJrHAC4ieISAAAAgJA0OitJCTGR2ljZ4HYUABjUKC4BAAAACEmREUaTh6Zq/V7vrMQMAIMRxSUAAAAAIat4WKo2729UZ5fP7SgAMGhRXAIAAAAQsqYMS1Vrh0/ba5rdjgIAgxbFJQAAAAAhqzi/e9XA9XvpuwQAbqG4BAAAACBkFQxJVHJslDZQXAIA11BcAgAAABCyIiKMJuenaj0rxgGAayguAQAAAAhpU4alasv+RrV30tQbANxAcQkAAABASCselqr2Tp+2HWhyOwoADEoUlwAAAACEtCn5aZKkDdwaBwCuoLgEAAAAIKQNz4hXany01u+tdzsKAAxKFJcAAAAAhDRjjKYMS9XaPRSXgFBUVVWl66+/XmPGjNHEiRN12WWXadu2bW7HOqG//vWvmjBhgs4///yAnvell15SUVGRxo4dq8WLF59w7N/+9jcZY7Rq1SpJUnt7u2688UYVFxdr6tSpWrZsWe/Y8847T0VFRZo2bZqmTZum6urqgOaOCujZAAAAAMAFZ4xM1y9eK1NTa4eS46LdjgNggKy1uuaaa/TpT39af/nLXyRJJSUlOnDggAoLC/t9fFdXlyIjI485n7VWERHOzqV55JFH9OCDDwa0uNTV1aUvfOELeuWVVzRs2DDNmjVLV155pSZOnHjc2KamJj3wwAOaM2dO77Hf/va3kqQNGzaourpal156qVauXNn7Z/HEE09o5syZAct7NGYuAQAAAAh5Z4xMl7VSSQWzl4BQ8sYbbyg6Olq33HJL77Fp06Zp3rx5stbqjjvu0OTJk1VcXKynnnpKkrRs2TKdf/75uuGGG1RcXKzy8nJNmDBBt956q2bMmKGKiooPvSk2DRUAACAASURBVN6BAwd0zTXXaOrUqZo6dareeustSdJ9992nyZMna/Lkyfr5z3/eO/5Pf/qTZs+erWnTpunzn/+8urq69P3vf18rVqzQLbfcojvuuCNgfxbvvfeexo4dq9GjRysmJkbXX3+9lixZ0ufYu+++W1//+tcVFxfXe2zz5s1asGCBJCk7O1tpaWm9s5qcxswlAAAAACFv2vA0GSOt3n1I88ZluR0HwABt3LhRZ5xxRp/fe/rpp1VSUqJ169aptrZWs2bN0rnnniupuxCzceNGjRo1SuXl5SotLdWjjz6qBx988ITX+9KXvqT58+frmWeeUVdXl5qbm7V69Wo9+uijevfdd2Wt1Zw5czR//nzFxcXpqaee0r/+9S9FR0fr1ltv1RNPPKFvf/vbev3113XvvfceNxOoqalJ8+bN6/PaTz75ZJ+zkHpUVlZq+PDhvfvDhg3Tu+++e9y4tWvXqqKiQpdffrnuvffe3uNTp07VkiVLdP3116uiokKrV69WRUWFZs+eLUm68cYbFRkZqeuuu0533XWXjDEn/LM6GRSXAAAAAIS85LhoFeUka/XuQ25HARAgK1as0Mc//nFFRkYqJydH8+fP18qVK5WSkqLZs2dr1KhRvWNHjhypM888s99zvv766/rjH/8oSYqMjFRqaqpWrFiha665RomJiZKka6+9VsuXL1dERIRWr16tWbNmSZKOHDmi7OzsE54/OTlZJSUlp/TzWmuPO/bBApDP59NXvvIVPfbYY8eN/cxnPqMtW7Zo5syZGjlypObOnauoqO6yzxNPPKH8/Hw1NTXpuuuu0+OPP65PfepTp5SzLxSXAAAAAISFM0am67mSferyWUVGBO4TeQDOmTRpkv72t7/1+b2+ii09egpBH7Z/Mj7sOtZaffrTn9Y999wz4HOdzMyliooKXXHFFZKkW265RVOnTj3mlr69e/dq6NChx51/48aNOu+88yR1N0O/8sor9dxzz2nmzJm6//77e8fOnfv/2bvz+Kire//j75N9IXsCWYCEPRAIW0AFoSqobV1qa/W23ta2t+ttf120G903a7W7Xa+2vd1uF2vdRetWFRSUBJR9hwkQAtn3PTm/P7IYMECATM53Zl7PxyMPvvPNd77zJky+M/PhnM9ZomnTpkmScnJyJPUWv2666SZt2LBhRItLfuu5ZIyZbYxZZ4xZa4z5ven1k77bd/Udk2eMOW6Med4Y89Sg+37eGPOiMeYvxhi68QEAAAA4o4W5KWps79LeikbXUQAM02WXXab29vaBZtSSVFxcrBdeeEHLly/Xvffeq+7ublVWVmrNmjUDU7zO1YoVK/TrX/9aUm8D7YaGBi1fvlwPPfSQWlpa1NzcrAcffFDLli3TihUr9M9//nNgZbWamhqVlpae9vz9I5eG+jp5StyECRMGvvexj31MixYt0t69e3Xw4EF1dHTo73//u6699toT7pOUlKSqqir5fD75fD5deOGFA4Wl/vyS9PTTTysiIkKzZs1SV1eXqqqqJEmdnZ167LHHNHv27PP6OZ7Mnw29d1trl1hr+0t2iyXF992OMsYs6tv/tLX2EmvtFZJkjMmQdKm19mJJWyRd58eMAAAAAILEwtwUSWJqHBBAjDF68MEH9fTTT2vKlCkqKCjQN7/5TWVnZ+vtb3+7CgsLNXfuXF122WX6/ve/r8zMzGGd90Mf+tCQzazvuusuPffcc5ozZ44WLlyo7du3a8GCBXr/+9+vxYsX64ILLtCHPvQhzZ8/X7NmzdJtt92mK664QoWFhbr88stVXl4+0j+CAREREfrFL36hK6+8UjNnztSNN96ogoICSdLXv/51PfLII6e9f0VFhRYsWKCZM2fqzjvv1J///GdJUnt7u6688koVFhZq3rx5ysnJ0Yc//OERzW5ON8xsxB7EmP+RdFjSXmvtP4wx10vKlvSopJckHZD0gLX2J8aYqyQVWGu/b4xZKOkma+1nTzrfRyR9RJImTpy48EyVQwA4W0VFRaO2sgKA0MG1BfAva60WffcZLZ+eoR/fOM91nFHDtQWAPxhjNlpri858pH9HLskYc60xZpuksert79TQ9616SSmSyiVNl3SppJXGmEJJyUMcdwJr7T3W2iJrbVFGBitBAAAAAOgdAbFgYopKfIxcAoDR5NfikrX2EWvtbEllkrokJfZ9K1FSnbW23VrbbK3tkvSYpNmS6k4+zp8ZAQAAAASPCyen6VBNi8rqWl1HAYCQ4c+G3tGDbjZIspJW9N1eKellY0zCoGOWStovqVjSmwYf56+MAAAAAILLRVPSJEnr91c7TgIAocOfI5febIx5wRjzgqRxku6Q1GaMWSupx1q7QdIyY8xGY8w6SUetta9YayskrTHGvChpnqSH/JgRAAAAQBCZMS5BKXGRFJcAYBRF+OvE1tqHJT180u5Pn3TM45IeH+K+d0q601/ZAAAAAASnsDCji6ak6eUD1bLWyhjjOhIABD2/9lwCAAAAgNF20eQ0ldW16nANfZcAYDRQXAIAAAAQVAb6Lh2ocpwEAEIDxSUAAAAAQWVKxhhlJERrHX2XAGBU+K3nEoZ21V0vqLGtU2u+uNJ1lBPkrVotSfLdcZXjJCf64O83KDYyXL94z0LXUU7wyoFqxUdHaHZOkusoJyitblZsVLjGJsS4jgIAQc2rr5sAehljtGxqup7fU6nuHqvwMPou4cwWf321KjqkRElbuL4DZ4WRS6Oo8Bv/0vbyJh2qbdeUL612HWdA/xvkk7ddW3Tb03p2d6Ue23ZMl/3wOddxBvxu7QF9+E8les9vX9GzO4+7jjPg+d0V+uL9W/TZf2zWoeoW13EAIGh59XUTwIkuyR+rmuYObTlS5zoKAkRFR++fDW5jAAGJ4tIoamjvHtjutg6DBIia5o6B7SO13mnGuKO89+Wmx1ptP+qdl57DNb0Fpc7uHpXVeefnBQAA4MLyaekKM9JzuytdR0EAevbZZ11HAAIKxaVR9LP/KBzY/uiyXIdJTjRzbPTA9uTUSIdJTvTTQT+vv3zwAodJTnTrFdM1d0KyLpycpg8tm+Q6zoBr5mZr6ZR0vWV2lhZPSnUdBwBCAtPiAO9KjovSgokpen53hesoCEArVqxwHQEIKMbawB5CU1RUZEtKSlzHABBkioqKxLUFwEjj2gKMrl/8e69++NQeFX9lpTISos98hwDFtQWAPxhjNlpri4ZzLCOXAAAAAASlS2aMlSS9sIepcQDgTxSXAAAAAASlguxEZSbG6Kntx1xHAYCgRnEJAAAAQFAyxujNszP1/J5KNbV3uY4DAEGL4hIAAACAoPXWOVnq6OrRv3fR2BsA/IXiEgAAAICgtTA3RRkJ0Xp8S7nrKAAQtCguAQAAAAha4WFGb5mdqed2V6iZqXEA4BcUl0bZ/73s093P73Md4w3yVq1W3qrVrmO8QeE3ntCCbz3pOsYbHKltUUVjm+sYAOBXXn1tAICzdc3cbLV39eiJbTT2Bk6F132cD4pLo+jLD2zRVx/aru/9a7f+8zcvu44zYPAFxEsXk7xVq9XQ3qOa1i5P5Xr5QLU+f98W3XrvZu2raHIdBwD8wquvDQBwLopyU5SXFqf7Sg67jnJGbZ3d2lfRpO1H63WwqlkdXT2uIyEE8LqP8xXhOkAoKfbVDGzvPtboMAnOh6+qWVZWXT1Wh2tbNHXsGNeRAAAAcBrGGN1QNEE/eHK3SqublZsW7zrSCfYeb9QDr5bpuV0V2nO8UT329e+FGWnuhGStnDlO71iQo6ykWHdBAeAUgra49Lu1B1TT0qlPr5imqAhvDND67c2L9KYfPi9JunnpWLdhBkmWVNe37aUyyZLcMVpX2jsy6KNLJzhO87orCzK1/kC14qMitHRKuus4A5paO/T5+7cqIyFa337bbNdxgCH1/0/Yp8dJt9xyleM0OJ1fXCz9vxddpwCAkfOOBTn60VO7dV/JEX3uyhmu40iSSnw1+skze/TSvmpFhBktnpSq/3fZNE1Oj1dsVLia2rp0oKpJL+6r1g+e3K2jda367tvnuI6NIPfBC1wnwGgZPErNd8f5vTcPyuLSvcWHdNezeyVJDa2d+s513vig3V9YkqQfP3VEn7psrrswg9QN2vbSJK/+wpIk3f3SYX3pmkKHaV730v4qHW/o7be0taxOC3NTHSfq9aE/bVRxaa0kKT0+Wp9aOc1xIuBEg1+87jou3eIwC87s6quv0tVXu04BACMnKylWb5qeoXtLDuuTK6YqOiLcWZayulZ9d/UOPb71mMYmROvzV87QuxZNUNqY6CGP//yV0qHqFoV54//MEYTOt7CAwJe3avV5PQ+Csrg0mLX2zAcB54inFwAAQOD4r4sn6b2/26BHXjuqG4pGf2S8tVb/KDms7zy2U909VresnK4PL5+kuKgzfyybmBY3CgkB4NwEZe37PxZN1CdXTNV7LszVV6+a6TrOgMFVwHven+8wyYnuvyFzyG3Xij+7eGDbS5X0t8zO0gcvnqxPXjZNRXneGLUkSb+9eaEunzlONy2ewKgleNLg3+NPj3MYBAAQsi6emq78zAT97sWDo/6f0PUtnfrwn0r0xfu3anZOop66Zbk+vXLasApLAOBv5/uZ2wT6yJ6ioiJbUlLiOgaAIFNUVCSuLQBGGtcWwL37Sg7r8//coj98YJEumTE6fVB3ljfoo3/eqPL6Vq16y0x9YEmewsLMiJ2fawsAfzDGbLTWFg3n2KAcuQQAAAAAQ7l2XrZykmP1o6f2qKfH///R/vBrZXr7r15SW2e3/v6RC/XBiyeNaGEJALyA4hIAAACAkBEdEa5bL5+urWX1enxbud8ep7O7R996dLs+/ffXVJiTrMc+dbFnFoIBgJFGcQkAAABASLlufo5mjEvQD57crbbO7hE/f0Vjm/7zN6/o9y/59F9LJ+kvH75AYxNiRvxxAMArKC4BAAAACCnhYUZfu3qWSqtb9LNn947ouTcdqtU1P39RW8rqdNe75unr18xSZDgfuwAEN79d5Ywxs40x64wxa40xvze9ftJ3+66+Yy4YdMxPBt233hjzfN8XY0cBAAAAjKiLp6XrnQvH6+41B7T5cN2InPOvrxzSf9y9XlERYXrgv5fqbfNyRuS8AOB1/lz3cre1dokkGWN+L2mxpHhr7TJjzK+NMYsklUq6zFrbZoz5izFmjrV2q6St1tpLzvWBWzu69fN/71VTe5c+fslUZSZ5Ywjqz5/dpR89vV+SdOWssbr75kWOE/XKW7X6hNvnuwThSLnhV2tVfKhBknRdYaZ+etNCx4l67Thar1v/sVkxkeG6570LNTbRG88vAPCKwa8rXnlNAYChfPWqmVq/v1of/8smPfrJi5UaH3VO52lq79I3Ht6u+zcd0bJp6fr5u+crOe7czgXgdQ8+uFq3vPL6bd5XeJffRi5ZazsH3WyXtFLSM323n5F0obX2mLW2rW9fl6T+Cc8z+0Yz3WGMOeulFIp9Ndp0qFZ7jjfq6R3HzvWvMOJ+3FdYkqQnd1Q4TBIY+gtLkvTQFu/8O96z5qCO1rXqQGWT/vJKqes4AOApJ/+HBQB4WXJclH79ngWqbGrXB/9YrKb2rrM+x6ZDtXrrXWv14KtH9MnLpuoPH1hMYQkYIYMLS/A2v07+NcZca4zZJmmsekdJ9VcL6iWlDDquUFK6tXZH365pkpb3HXPNEOf9iDGmxBhTUllZ+YbHnTZujMZERygiLEyzc5JG9O90PqaNjR/YTorx56Cx4BAd8XpdMSk63GGSEy2blqYwYxQZHqZl0zJcxwEAT0k58yEA4CmF45P183fP19Yj9Xrv715RRUPbme8kqba5Q195cKuu//U6dfdY/f0jF+mzV8xQeNhZ/984AAQ8Y631/4MY83NJxyTttdb+wxjzDknjrbU/6+up9JCkG621x06631skzbfW3n6qcxcVFdmSkpI37G/r7FZnd48SYiJH9O9yvv663qfqljZ9ckW+6ygnmPe11erqlrbd7q1hht9+eKsSYyP1mSu89fM63tCmyLAwpY7hf6WCVVFRkYa6tgA4s6vuXK3ttQxdHwrXFsC7/rXtmG659zWNiYnQV6+aqWsKsxU2RKGosrFdf17v0x/Xl6qpvUs3X5SrWy6frkSHnzu4tiCYLfv6ah3u4H2FC8aYjdbaomEd66/ikjEm2lrb3rf9XUnNknKttR81xvxK0h8kbZL0iKRvWWtf6Ts2XlKbtbbbGHObevsv3XuqxzlVcQkAzgdv0gD4A9cWwNt2H2vULfe+ph3lDZqQGquVM8dpSsYYRYQZHa1rVbGvVht8NeqxVivyx+lzV05Xfmai69hcWwD4xdkUl/w5N+vNxphb+7b3SvqIpJ8YY9ZK2myt3WCMebekRZLu7Gut9CVJrZL+1xjTLOmApG/4MSMAAAAASJJmZCbosU9erEe3HNU/Nx7RX185pPauHklSmJGmjU3QR5dP1vULx2tKxhjHaQHAO/xWXLLWPizp4ZN2f/qkY/4m6W9D3H2Bv3IBAAAAwKmEhRm9bV6O3jYvR909VhWNbeqxUlp8lGIivdMHFAC8hK7SAAAAADCE8DCjrKRY1zEAwPP8ulocAAAAAAAAghvFpVH2od+/orf/Yq3rGG8w86urlf+V1a5jvMG3H92qO5/Y6TrGG1Q0tKm2ucN1DACAB+WtWq28Vd57TQUAIJjds65YeatWa+UPn3AdJSRRXBpF87/1pJ7ZXaVXjzRo2pe986Yzb9VqtXZJbd3y1Jvhy374nP73pUP69QsH9PZfvug6zoBiX40+/ffX9Km/v6qDVc2u4wAAPGTw66iXXlMBAAh2tz9SIUnaV9Wj4uJix2lCD8WlUVTb2jWw3dnjMEiAOFzbMrC961ijwyQn2l/RJCurzu4e+aopLgEAAACAl3zphSrXEUIOxaVR9O1r8ge2b1iY5TDJieZkxg9sz8jwTsPC26+bM7D9q5vmO0xyojfPztTivFQtn56hJVPSXMcBAHjUfdePdR0BAICQ9Mzn3uI6Qsgx1lrXGc5LUVGRLSkpcR0DQJApKioS1xYAI41rCwB/4NoCwB+MMRuttUXDOZaRSwAAAAAAADhnFJcAAAAAAABwziguAQAAAAAA4JxRXAIAAAAAAMA5C/iG3unp6TYvL891DABBxufziWsLgJHGtQWAP3BtAeAPGzdutNbaYQ1KivB3GH/Ly8tjZQQAI45VVwD4A9cWAP7AtQWAPxhjNg33WKbFAQAAAAAA4JxRXAIAAAAAAMA5C9ri0pYjdXpxb6XrGG+Qt2q18latdh3jDbyaa+ZXV2v2159wHeMNSqubVV7f6jrGG9xXclgv7K5wHQM4Ja9ea4Bgw+8aAAAYTUFZXHphd4Vu/t0Gffwvm/TL5/a5jjNg8Js8L73h83Ku1i6pqaPHU7nW7avSF+/fos/dt1l7jze6jjPgM/e+qlUPbNUH/1iiBzcdcR0HeAOvXmuAYMPvGgAAGG1BWVzadaxRPX2r4O3x0Id/BIcjtb0jlrp7rI7WtzlO87p9x5skSVbSpkO1bsMAAAAAAEJGUBaX3ndRrpZNS9fcCcn6wptnuI4z4Ia54wa2J6dEOUxyoonJr2+nxbjLcbKbFmYNbH9+5WSHSU701sIsLZ+eoTcXZGrJlDTXcQZ8/4ZCjU+J1czMBH35rbNcxwEAeMDyVNcJAABAKDC2b4RPoCoqKrIsuwlgpLGkLwB/4NoCwB+4tgDwB2PMRmtt0XCODcqRSwAAAAAAABgdFJcAAAAAAABwziJcBwAAAAAAAKHHWqtXD9dp3b4qHappUXiYUV5avBZPStW8CckyxriOiGGiuAQAAAAAAEbVxtIafe2h7dpR3iBJGpsQrR5rVdXUIUmanB6vj186VdfNy1ZEOJOuvI7iEgAAAAAAGBXWWv3q+f36wZO7lZMcq++9Y47eOidLSbGRkqSa5g49s/O4/rjOp8/dt1m/XXtAP3jnXM0Zn+Q4OU6H8h8AAAAAAPA7a62+89hO/eDJ3XrbvGw9dctyvXvxxIHCkiSlxkfpxqIJeuyTF+uXNy1QTXOHrvvVS/rZs3vV0xPYq90HM4pLAAAAAADA736z9oD+96WDev+SPP3kxnmKjz71ZCpjjK4qzNLTt7xJ1xRm6cdP79GH/1Si+tbOUUyM4aK4BAAAAAAIKKXVzfrNmgP67doDOlzT4joOhmHd/ip974ldumpOlr5+9SyFhQ2vWXdSXKR+8h/z9K1rC/TCnkpd98uXVFrd7Oe0OFsUlwAAAAAAAeNvGw7p8h+v0Xcf36nbVu/Uih+9oL9tOOQ6Fk6jvqVTn/3HZk1Ki9cPbigcdmGpnzFG71uSp79++ELVtnTo+l+v05YjdX5Ki3NBcQkAAAAAEBBWbynXlx7YqoumpGndqsv04hcv1UVT0vSlB7bq4dfKXMfDKXz/yV2qaGzXT981T3FR576u2OJJqbr/v5coJjJc77rnZT23u2IEU+J8UFwCAAAAAHheRUObvvzgVs2bkKx7bl6o7ORYjU+J0z03L9TivFR95cFtOlLLFDmv2VZWr79uOKT3XpirwvHJ532+KRlj9MDHl2hSerw+9McSiooeQXEJAAAAAOB5d/xrl1o7u/WjG+cqOiJ8YH90RLh+dONcWWv1jYe3O0yIk1lr9e1HdyglLkq3XD59xM47NiFG9370Ii3OS9Vn7n1Nf32FaZGuUVwCAAAAAHja/somPfRqmW6+MFdTMsa84fsTUuP08Uun6tldFdpYWusgIYby4r4qbfDV6JbLpyspNnJEzz0mOkK//8AiXTI9Q19+cKt+s+bAiJ4fZ4fiEgAAAADA0+5+Yb+iIsL00TdNOeUxH1iap/QxUfrpM3tGMRlOxVqru57Zq6ykGN1YNN4vjxETGa6731ukq+Zk6buP79RPnt4ja61fHgunR3EJAAAAAOBZ9a2demTzUb19/nhlJESf8ri4qAh9YOkkrd1bpb3HG0cxIYay/kC1Skpr9fFLppwwjXGkRUWE6Wfvnq93Lhyvu57dq++u3kmByQGKSwAAAAAAz3pw0xG1dfboPy+YeMZj37VogqIiwvSHdT7/B8Np/WbNAWUkROuGogl+f6zwMKPvX1+o912Uq9++eFBffnCrunsoMI0miksAAAAAAM964NUyzclJ0uycpDMemzYmWlcXZunh146qrbN7FNJhKL6qZj2/p1I3LZ6omEj/jVoaLCzM6JvXFujjl0zR3zYc1qr7t6iHAtOoobgEAAAAAPCkwzUt2nKkXlcXZg37PtcvGK+m9i49s/O4H5PhdP7v5VKFG6ObhjHabCQZY/SFN+frUyum6b6NR/TlB7dSYBolEa4DAAAAAAAwlMe3lkuS3jpn+MWlCyenKTMxRg9uKtPVhdn+ioZTaO3o1j9KDuvK2ZkalxjjJMMtK6epu6dHv3xuv8LDjG67braMMU6yhAqKSwAAAAAAT1q9tVxzxydpQmrcsO8THmb0tnnZ+t2LB1XT3KHU+Cg/JsTJHt18VA1tXbr5wlxnGYwx+twVM9TdI/3PC/sVGR6mb1wziwKTHzEtDgAAAADgORUNbdpypF5Xzs486/teXZitrh6rf++q8EMynM79m45ocnq8Fk9KdZrDGKMvvnmG/mvpJP1hnU+/WXvAaZ5gR3EJAAAAAOA5a/dWSZLeND3jrO87OydR4xKj9fSOYyMdC6dxpLZFrxys0dvn53hilJAxRl+9aqauKszS7Y/v0qObj7qOFLQoLgEAAAAAPGfN3kqlj4nWzMzEs76vMUYrZ47Tmj1VrBo3ih56tUySdN38HMdJXhcWZvSjG+ZqcV6qPvuPzdp8uM51pKBEcQkAAAAA4Ck9PVYv7q3SsmnpCgs7txEwl88ap9bObq3fXz3C6TAUa60eeLVMiyelnlWPrNEQExmuu9+7UBkJ0fr4XzaptrnDdaSgQ3EJAAAAAOApO8obVN3coWXT0s/5HBdNSVN8VLie2nF8BJPhVLaW1etAZbPe4aFRS4OlxEfp1+9ZoMrGdn3m3tfU02NdRwoqFJcAAAAAAJ6yZm+lJOni8yguRUeEa+nUdK3ZUylrKST42+NbjykizOgts7NcRzmlwvHJ+trVM/XCnkr9ZcMh13GCCsUlAAAAAICnvHKgRtPHjdHYhJjzOs+yaekqq2tVaXXLCCXDUKy1+te2cl00JU1JcZGu45zWey7M1cVT0/W9x3fqcA3Pi5FCcQkAAAAA4BndPVabDtWqKO/8l7JfOrV35NOL+6rO+1w4td3HG+WrbtGbZ2e6jnJGxhjd+c5ChRmjLz2wlVFtI8SvxSVjzM3GmGeNMc8bY3KMMT8xxqw1xtw16Jhh7QMAAAAABL89xxvV2NalotyU8z7XpPR4ZSfF6CWKS371r23HZIx0xSzvF5ckKSc5Vl948wy9uK9KT24/5jpOUPBbcckYkyPpTdbaFdbaSySNkxRvrV0mKcoYs8gYs2A4+/yVEQAAAADgLSW+GknSohEYuWSM0dKp6Vq3v1rdNHD2m39tO6ZFuanKSIh2HWXYblo8UTPGJei21TvV1tntOk7A8+fIpSslhfeNXPq5pIskPdP3vWckXXgW+wAAAAAAIaCktFbjEqM1PiV2RM538bR01bd2amtZ/YicDyc6WNWsXccadWUATIkbLCI8TF+/ZpaO1Lbqj+t8ruMEPH8Wl8ZJirLWrpDUIilZUkPf9+olpZzFvhMYYz5ijCkxxpRUVlb6728AAAAAABhVJb5aFeWmyhgzIue7aEqaJOmVA9Ujcj6c6JkdxyVJVxaMc5zk7C2dmq7l0zN095oDam7vch0noPmzuFQv6YW+7X/3/Zk46M+6vq/h7DuBtfYea22RtbYoIyPDD9EBAAAAAKOtvL5VZXWtKso7/35L/cYmxCgvLU7FvtoROyde99zuCs0Yl6DxKXGuo5yTz6ycpprmDv355VLXJXDQ/QAAIABJREFUUQKaP4tL6yQV9m3Pk2Qlrei7vVLSy5LWD3MfAAAAACDIbT7cO3Vt3oTkET3vorxUlZTWqIe+SyOqqb1Lxb4aXZIfuIM+FkxM0ZumZ+ieNQfU0sHopXPlt+KStfY1Sa3GmOclLZL0Q0ltxpi1knqstRustZuGs89fGQEAAAAA3rG1rE4RYUYzsxLPfPBZWDQpVXUtndpf2TSi5w11L+2rUme31SXTx7qOcl4+celU1TR36MFXy1xHCVgR/jy5tfZzJ+369BDHDGsfAAAAACC4bTlSr+njEhQTGT6i513ct/LcBl+Npo1LGNFzh7Lnd1doTHTEiE5jdGFRXopm5yTq9y/5dNPiiSPW7yuU+HNaHAAAAAAAw2Kt1bayehWOTxrxc+emxSl9TLRK6Ls0Yqy1en53pS6emq7I8MAuLRhj9F9LJ2lfRZPW7q1yHScgBfYzAAAAAAAQFI7Utqq2pVOzc0a+uGSM0eJJKdpwsGbEzx2qdh9vVHl9my4N4H5Lg11VmKX0MdH603qf6ygBieISAAAAAMC5rWW9zbz9MXJJ6m3qXVbXqqN1rX45f6h5fnelJOlNAd5vqV90RLiuX5ij53ZXqqKxzXWcgENxCQAAAADg3NayekWGG83I9E9PpIW5vX2BXj1U55fzh5rnd1coPzNBmUkxrqOMmBsWTlB3j9VDNPY+axSXAAAAAADObT1SrxmZCYqOGNlm3v3yMxMVFRGm1w7Td+l8tXZ0a1NpnZZPD44pcf2mjh2jBROT9Y+SI7LWuo4TUCguAQAAAACcstZqa1m95uQk++0xoiLCNDs7UZsP1/vtMUJFsa9GHd09WjIlzXWUEXdD0QTtq2jS5iM8T84GxSUAAAAAgFNlda2qb+1UQXaiXx9n7oRkbS2rV1d3j18fJ9i9tL9KkeFGiyeluo4y4t46J0uR4Uartxx1HSWgUFwCAAAAADi1q7xRkjQzyz/9lvrNm5Cs1s5u7T7e6NfHCXbr9lVr/oQUxUVFuI4y4pJiI7VsWoYe33qMqXFngeISAAAAAMCp/mLP9HH+LS7Nn9Db1Pu1wzT1Pld1LR3adrReS6YG35S4flfNyVJZXSvPk7NAcQkAAAAA4NSuY40anxKrhJhIvz7OhNRYpcZHaTNFg3P28oEaWSstnZruOorfrJw1TpHhRo9vLXcdJWBQXAIAAAAAOLWrvEH5mf7ttyRJxhjNHZ/EiJTzsG5/leKiwjV3vP+ar7vG1LizR3EJAAAAAOBMe1e3DlQ1Kz/Tv1Pi+s2bkKK9FU1qbOsclccLNi/tq9KivFRFRQR3OWHlzHEqq2vV3oom11ECQvB135LU0dWjL96/RQ2tnbr9HXM0LjHGdSRJ0t3P7tH3nt4rSVo0IVH3fWKZ40S9bvzl89pwuFmStHhCvP7xiUvcBuqz7I7Hdbiut0p8VX6yfvn+pY4T9brxV2u14VCDJOn2t83STRdNcpyoV3ldq77y0FalxEXpzncUKiLIL/YAhpa3avXAtu+OqxwmAdCP30vg9PZVNKm7xyrfz828+82dkCRrpa1H6rUkiKd2+cOx+jbtr2zWfyya4DqK312anyFJ+veuCr/3AgsGQfnp84/rDurZncdV7KvRHU/sch1nQH9hSZKKDzc4THKi/sLSyduu9ReWJGn1Lu8MW+0vLEnSlx/e4TDJiW5/YqdKfLV6esdx/fmVUtdxADgw+AMsAG/g9xI4s93Hept5j97Ipd7pXK8d8c5njECxbn+VJGnJlOAvymUlxWpmVqL+vavCdZSAEJTFpSljE2RM73ZeepzbMMAomZQWL6l3HvnUsWMcpwEAAACGZ/exRkVFhCmv7/2svyXHRSkvLU5bDtePyuMFk2JfjRJjIjQry//9sbzgsvwMbSytVX0LUyjPJCiLS5flj9Xv3rdIP7xhrj69YrrrOAMGD4P20pBocp2d/ixh8lauW6+YoR/eMFe/e1+Rlk3LcB0HgANeuiYB6DX49/IKhzkAL9t5rFHTxo5RRPjofTwtyEnStqMUl85Wsa9WC3NTFBZmXEcZFZflj1V3j9WavZWuo3heUPZckqSivFTXEYbk1Tf+5Do7Xs11RUGm6wgAHPPq9QkIZfxeAqe3+1jDqC9rPycnSau3lKuupUPJcVGj+tiBqqa5Q/sqmvT2+Tmuo4yaeRNSlBIXqX/vqtA1c7Ndx/G0oBy5BAAAAADwvtrmDh1vaNfMzNGdZjU7O0mStP2od3rhet3G0lpJ0iKPDuTwh/Awo6VT0/XSvipZa898hxBGcQkAAAAA4MSe473NvKePUjPvfgXZvcWsrWVMjRuuEl+NosLDVDg+yXWUUbV0aroqGtu1v9I7i195EcUlAAAAAIAT+yqbJGnUF6RJiY9STnKstlFcGrZiX43mjE9STGS46yijasmUNEnS+r6V8jA0iksAAAAAACf2VTQpLipcWYkxo/7Yc3KSmBY3TG2d3dpaVq+ivBTXUUbdxNQ45STH6qV91a6jeBrFJQAAAACAE/sqmjQ5I97J6mOzcxJ1sKpZDW0sM38mW47Uq7PbalFu6PRb6meM0ZIpaVp/oFo9PfRdOhWKSwAAAAAAJ/ZXNGlqxuhOietXkNPbO2gHo5fOqNhXI0lamBt6I5ckacnUNNW3dmpHOc+VU6G4BAAAAAAYdc3tXTpa3zbq/Zb69a8YR9+lMyvx1Wja2DFKiY9yHcWJJVPSJUnr6Lt0ShSXAAAAAACj7kDf6luuiksZCdHKTIyh79IZ9PRYlZTWqigv9KbE9RuXGKPJ6fHacLDWdRTPorgEAAAAABh1+yobJbkrLkm9fZe2MnLptPZUNKqxrUuLQrCZ92ALc1O06VCtrKXv0lAoLgEAAAAARt2+iiZFhBnlpsU7y1CQnaT9lU1q6ehylsHrin29o3UWhfDIJUkqyktRTXOHDlQ1u47iSRSXAAAAAACjbl9Fk3LT4hQZ7u5j6ZycJFkr7aRR8ymV+Go0LjFa41NiXUdxamHfSnkbfUyNGwrFJQAAAADAqNtX0aQpjlaK6ze7b8W4rUeYGncqJb5aFeWmyhjjOopTUzLilRIXqZLSGtdRPIniEgAAAABgVHV296i0usVpvyVJGpcYrbT4KJp6n0JZXavK6lpVFOL9liTJGKOFuSkqKWXk0lAoLgEAAAAARlVpdbO6eqzz4pIxRgU5SdpGcWlIJb7eUTqh3m+p38LcVB2obFZNc4frKJ5DcQkAAAAAMKr2VTRJcrtSXL+C7ETtPd6o9q5u11E8Z2NpreKjwpWfmeA6iif0j+DayOilN6C4BAAAAAAYVf3FJdc9l6Te4lJXj9Xe402uo3hOsa9WC3JTFOGw6bqXzMlJUlR4GH2XhsAzBAAAAAAwqg5UNSszMUbx0RGuo6ggu7ep9/ajNPUerKGtU7uONagolylx/WIiw1WQk6hXS+tcR/EcikujrKGhQQ0N3pvPe+jQIR06dMh1jDdoa2tTW1ub6xhvYK2VtdZ1DACAB92zrvis71NcXHxO9wOAQOWralZeepzrGJKk3NQ4jYmO0LYy731Oc2lTaa2slRbRzPsEc8cna9vRenX38HlwMPdl4hBy7c/XaEtZoyQpJTZCr37jSseJeuWtWj3o1lb57rjKWZbB3vvbl7V2X7Uk6fp52frRu+Y7TtRr7/FG3f74TsVGheub1xRobGKM60gAAI/of029/ZHVipW0cxivqYNfh29/ZLVnXocBwJ9Kq1t0RcE41zEkSWFhRrOyEhm5dJISX63Cw4zmTUx2HcVTCscn6Q/rfNpX0aQZ9KIawMilUdRfWJKk2tYuh0kCw/oD1QPbq7cfc5jkRBt8NWrt7FZNc4e2lvECBAAYWqvrAADgUQ1tnapu7lBuWrzrKANmZSdqZ3kjo1EGKfbVaHZ2ouKiGJMyWOH43mLb5iNMjRuM4tIounJmxsB2XmqswyQnih70LIh0F+MN3jEvZ2D7A0vy3AU5yfJpGcpMjNGk9HgtzGWIKABgaOMTXScAAG8qrWqRJOV5qLhUkJ2o1s5uHaxqdh3FEzq6evTa4ToV5dFv6WST0+OVEB2hLRSXTkAJchTd/b7FriMMafft3hx+//0b5+n7N85zHeMNJqTG6acemaIHAPCWc5nSxjQ4AKHmYHVvAccrPZekE5t6Tx3rfgU717YdrVd7Vw/9loYQFmY0OydJW44wi2UwRi4BAAAAAEZNad/ooNxU74xcmjZujKLCw7T9KE29JanEVyNJWshKcUMqnJCkneUNau/qdh3FMyguAQAAAABGzcHqZmUmxig2Ktx1lAGR4WGakZlAU+8+xb5aTUqPV0ZCtOsonjRvfLI6u612ljee+eAQQXEJAAAAADBqSqtbPDUlrl9BdqK2H22QtaHd1Ntaq42ltfSXPY3CCb1Nvem79DqKSwAAAACAUeOravZUM+9+BdmJqmvp1NH6NtdRnDpQ1aya5g76LZ1GdlKM0sdEafNhRrr1o7gEAAAAABgVDW2dqm7uUF6694pLs/qbepeFdsGgv98SK8WdmjFGheOTGbk0CMUlAAAAAMCoKK1qkSTlpXlvWtzMrAQZI20L8abexb5apcZHabIHC4BeUjg+Sfsqm9TU3uU6iidEuA7gD7XNHfrOYzvU1N6lL7w53zNLSX7wD6/o2V1VkqSp6XF65nOXOk7UK2/V6hNue2VJ5MW3PaWKpk5J0oyxcXryVm/8vF7YXaHP/3OLoiPC9Lv3L9L0cQmuIwGAZ7z/l6v1/OHXb3vlNSUYePX1GgDOxsHq3pXivDhyKS4qQlMyxmhHiDf1LvHVqCg3RcYY11E8bU5OkqyVdpU3MMpLQTpyaUtZvY7Wt6qhrVPr9le5jjPg37tez7Kvr2KPU+svLEnS7grv/LweeLVMbZ3dqm/t1GObj7qOAwCeMriwBADAyUqreotLuaneKy5Jrzf1DlUVjW3yVbdoEcWSM5qVnShJIf18GSwoi0uFOUnKSY5TUmyklkxJdx1nwBWzxg5sT/Xg6gheM3ZM5MD2jLHe+Xm9c+F4xUaFKzk2UtfOzXYdBwA85ZIJrhMAALzsYHWzMhNjFBsV7jrKkAqyE1Ve36aa5g7XUZzY6KuVJBXRzPuMMhNjlBofpR0UlyQF6bS4lPgo/ejGua5jvMHdNy9yHWFIXh1Wv+GrV7iOMKRl0zL0ypdXuo4BAJ70h0948zUlGHj19RoAzkZpdYvyPPwf7QX9Tb2P1mvZtAzHaUZfsa9WMZFhAz8HnJoxpnekW3loT6PsF5QjlwAAAAAA3uOralZemjenxEm9I5ckaVtZaI5GKSmt0bwJyYqKoFQwHLOyErXnWJM6u3tcR3GOZwwAAAAAwO8a2jpV3dzhyWbe/ZLjopSTHKvtIdjUu7m9S9uPNtBv6SzMyk5UR3eP9lU0uY7iHMUlAAAAAIDflfYtapSX5t1pcVLv6KVQ7KOz+XCdunssK5+dhQKaeg/wW3HJGJNnjDlujHneGPNU377PG2NeNMb8xRgTeTb7AAAAAACBy1fdu1Kcl0cuSb19lw5WN6upvct1lFFV7KtVmJEWTEx2HSVgTEofo9jI8JAsRp7M3yOXnrbWXmKtvcIYkyHpUmvtxZK2SLpuuPv8nBEAAAAA4Ge+qt7iUm6q14tLibJW2lkeWgWDktIazchMVEIM4zuGKzzMKD8rISSnUZ7M38WlS40xa40xt0haLOn5vv3PSLrwLPadwBjzEWNMiTGmpLKy0m/hAQAAAAAjw1fdoszEGMVGhbuOcloFOX1TncpCp2DQ1d2jTaW1WpSX4jpKwJmVlagd5Q2y1rqO4pQ/i0vlkqZLulTSSklFkvpLv/WSUiQlD3PfCay191hri6y1RRkZobc8JAAAAAAEGl91s3I93m9JkjITY5QWHxVSfXR2HWtUc0c3/ZbOQUF2khrbunSkttV1FKf8Vlyy1rZba5uttV2SHpO0T1Ji37cTJdX1fQ1nHwAAAAAggPmqmjXJ4/2WJMkYo1nZiSFVXNpwsEaSGLl0Dl5v6h06I92G4s+G3gmDbi5Vb3HpTX23V0p6WVLxMPcBAAAAAAJUQ1unqps7PN/Mu19BdpL2VjSqvavbdZRRUeyr0fiUWGUlxbqOEnBmZCYoPMyEfFPvYRWXjDFLh7PvJMuMMRuNMeskHbXWviJpjTHmRUnzJD1kra0Yzr6z+PsAAAAAADymtKpFkpQXANPipN7RKJ3dVnuPN7mO4nfWWhX7arWYKXHnJCYyXFMy4kNqpNtQIoZ53M8lLRjGvgHW2sclPX7Svjsl3Xku+wAAAAAAgclX3btSXOCMXHp9qtPsnCTHafzLV92iqqZ2+i2dh5lZiSrx1bqO4dRpi0vGmIskLZGUYYy5ddC3EiV5u8U/AAAAAMATfFW9xaXc1MAoLuWlxSs+KjwkRqMU9/VbWjyJfkvnKj8zUQ+/dlT1rZ1Kio10HceJM02Li5I0Rr1FqIRBXw2S3unfaAAAAACAYOCrblFmYoxiowJjjEJYWOg09S721SglLlJTMsa4jhKw8rN6W07vOd7oOIk7px25ZK19QdILxpg/WGtLRynTiFj4nafU0t6tki8tV3y8d6rjeatWS5J8d1zlOMmJyHV2vv3odiXHRulTK6e5jjLAWquXD9QoKTZSs7ITz3wHwKP6f+8l7/3uAwDeaOqq1erq2+a6jVPxVTcrN0D6LfUryE7SP0oOq7vHKjzMuI7jN8W+GhXlpcqY4P07+lt+Zm9xaVd5gxaF6PTC4a4WF22MuccY85Qx5t/9X35Ndh6KbntK1c2dau3q0ZzbnncdZ8DgD0yDt10j19n57//bqD+uL9Vd/96rnz6923WcAY9tKdddz+7Rtx/brt3HQrdijsB2xx3e+V0HAAxP16BtL71ng7eUVjdrUoD0W+o3KztRLR3dOtg3pS8YVTS2yVfdQjPv85SZGKOk2EjtDOHPYcNt6H2fpP+R9FtJnl+Lsbn99Yg91mEQBKX61s6B7cqmdodJTtTc/vpbu6b2rtMcCXjXq51nPgYAAASWxrZOVTV1KDctsIpLg5t6Tx0bnFPGig/2NqFeNIni0vkwxig/M0G7yoN/GuWpDHfkUpe19tfW2g3W2o39X35Ndh5KVi1X/6jFP76/yG2YQVa/N29g+/rZ6e6CnGTViryB7Q9ekO0uyEn+932vL0b41GcudJjkRL989wItyk3RpTMy9O1rC1zHGXDd/Bxdv2C8/mvpJC3MpRkfAtO9X2M6BQAEMqbFYSil1S2SpEnpgTUtbtrYBEWFh2lHEPddKvbVKDYyfKCQhnOXn5mgPceb1BOiI1yGO3LpUWPMxyU9KGlgqIa1tsYvqc5TfHy8DnzPey9sBQUF8t3hnWJEv49dXqCPXe69XJfNzPLkG5SUMVH6+0cvch3jDWIiw3VD0QTXMYDz5sXfewDAqXHdxpn0TysLtJFLURFhmp45Jqibehf7ajR/YrIiw4c77gSnkp+VqKb2UpXVtWpCamAVUkfCcJ9B75P0eUnrJG3s+yrxVygAAAAAQHAore4vLgXeB+6CrCRtP1ova4NvNEpjW6d2hnAD6pHW39R7Z4hOjRtWcclaO2mIr8n+DgcAAAAACGwHq1o0LjFacVHDnTjjHQU5iapt6dTR+jbXUUbcxtJa9VhRXBoh08clyBhpV4g29R7Wb7cx5uah9ltr/zSycQAAAAAAwcRX3ay8AJsS12+gqXdZvXKSYx2nGVklvlqFhxnNn5jsOkpQiI+O0MTUuJBduXu40+IWDfpaJumbkq71UyYAAAAAQJAorW7WpPTALC7NzEqUMQrKvksbfDWanZ2o+OjAG1HmVfmZCdp5LPieK8MxrGeRtfaTg28bY5Ik/dkviQAAAAAAQaGxrVNVTR0B18y7X1xUhCanxwddcam9q1ubD9fpPRfmuo4SVPIzE/X0juNq7ehWbFS46zij6lxbwrdImjaSQQAAAAAAwaW0ukWSNCk98Jp59yvI7m3qHUxePVSn9q4eXTg5zXWUoJKfmaAeK+2tCL2pccMqLhljHjXGPNL3tVrSbkkP+zcaAAAAACCQHazqXykuMEcuSb19l8rr21TT3OE6yohZv79axkiLaeY9ovKzent0hWJT7+FOrvzhoO0uSaXW2iN+yAMAAAAACBKl1f3FpcAeuSRJ24/Wa9m0DMdpRsbLB6pVkJ2opLhI11GCysTUOMVGhmtXeegVl4Y1csla+4KkXZISJKVICp6SLQAAAADALw5WtWhcYrTiogK3afTAinFB0neprbNbrx6q00VMiRtx4WFG08eN0a4QbOo93GlxN0raIOkGSTdKesUY805/BgMAAAAABLbS6mblBfCUOElKiY9STnJs0BSXNpXWqqO7RxdNobjkD/mZidp1rFHWWtdRRtVwG3p/RdIia+37rLU3S1os6Wv+iwUAAAAACHS+ICguSdKs7ERtLwuOpt7rD1QrPMxoEf2W/CI/K0E1zR2qbGp3HWVUDbe4FGatrRh0u/os7gsAAAAACDGNbZ2qaupQXnrgF5cKshN1sLpZze1drqOct/X7qzU7J0kJMfRb8of8zL6m3iHWd2m4BaJ/GWOeNMa83xjzfkmrJT3hv1gAAAAAgEBWWt0iScoL4Gbe/Qqyk2SttLM8sKfGtXR0afMR+i35U35mgiSFXN+l4Tb0/rykuyUVSpor6R5r7Rf8GQwAAAAAELh8fSvFBcvIJSnwm3pvLK1VZ7fVhZOZEucvKfFRGpcYrV3HQmvk0rBa9htjJkl63Fr7QN/tWGNMnrXW589wAAAAAIDA5KvqLS7lBsHIpaykGKXGR2n70cDuu7R+f7Ui6Lfkd/mZiSE3LW6460HeJ2nJoNvdffsWjXiiINbZ2anLf/qiOrp69Mj/u0jpCd64yP6h+DV98/4ySdKnlufo1rfOc5yo1+rNR/SJv22WJG24dZHGjh3rOFGvzu4ePb61XLGR4bp81jgZY1xHAgC/yFu1emDbd8dVDpPgXPFvCMAlX3WLxiVGKy5quB87vcsYo4LsRG0rC+yRS+sPVKtwfJLiowP/38TL8jMTtH5/tTq7exQZHhrtqof7t4yw1nb03+jbjvJPpOD1zrtfka+6RUfr2/S2X653HWdAf2FJkn62puw0R46u/sKSJC3+cbHDJCdavaVcf9twSP/70kG9fKDGdRwA8IvBRQkEB/5NAYw2X1VwrBTXb05OkvYcb1RrR7frKOekoa1TW47Ua8mUdNdRgt7MrER1dPfoYN/ovVAw3OJSpTHm2v4bxpi3SaryT6TglRT7ejf+2Mhwh0lwPmIG/dvFRvHvCAAAAAzFVx1cxaX5E1PU1WO1LUCnxq3fX63uHqtl0ygu+Vt+Vm9T70BvAH82hltc+m9JXzbGHDLGHJL0RUkf8V+s4PSnD16gS2dkaOHEZD3xqaWu4wwYPEzeS0PmvZrryoJx+vSK6Vr1lpmaNyHZdRwA8IvB19153piVjHMweJFpL72WAgh+jW2dqmrqCIpm3v3mT+x977+ptNZxknOzZk+l4qPCNX9iiusoQW9KxhhFhhvtDKG+S8OdaHnQWnuhMWaMJGOtDZ2f0Aj7/QcWu44wJK++4fRiLmOMLprC0p0Agp8Xr8E4O3v5NwTgSGl1iyQpLwiaefdLHxOtialxevVQneso52Tt3ipdNCVdURGh0QPIpcjwME0dm8DIpSHsM8b8QNIECksAAAAAgNPxVff2mgmmkUtS7+ilTYdqZa11HeWslFY361BNi5ZPZ0rcaJmZlaBdxygunaxQ0h5JvzPGvGyM+YgxJtGPuQAAAAAAAcrX18g4N4hGLknS/AnJqmhsV3l9m+soZ2XNnkpJ0rJpGY6ThI6ZmYk63tCumuaOMx8cBIZVXLLWNlprf2OtXSLpC5K+IancGPNHY8xUvyYEAAAAAAQUX3WLxiVGKy4quJa8X5Db269o06HA6ru0Zm+VJqTGBtU0Ra+bmdU7HmdXiEyNG1ZxyRgTboy51hjzoKS7JP1I0mRJj0p63I/5AAAAAAABxlfVrNwgWimuX35moqIjwgKq71Jnd4/W76/WsmkZMsa4jhMy+leM2xEixaXhlpH3SnpO0g+stesG7f+nMWb5yMcCAAAAAAQqX3WzVuSPcx1jxEVFhKlwfJJeDaCRS68eqlNTe5eWT6Pf0mhKHxOtjIRo7ToWGm2rh9tz6WZr7QcHF5aMMUslyVr7Kb8kAwAAAAAEnMa2TlU1dQRdM+9+8yemaNvRBrV3dbuOMixr91YqPMzooikUl0ZbfmborBg33OLSz4bY9/ORDAIAAAAACHy+qhZJ0qT04OzvM39Csjq6erTjaGAUDZ7dWaEFE5OVFBvpOkrImZWVqL3Hm9TV3eM6it+ddlqcMeYiSUskZRhjbh30rURJ4f4MBgAAAAAIPAere1eKC9aRSwvzept6F/tqNH9iiuM0p3e0rlU7yhv0pbfku44SkvKzEtTR3aMDVc2aPi7BdRy/OtPIpShJY9RbhEoY9NUg6Z3+jQYAAAAACDS+qt7iUm5qcBaXxibEaHJ6vDYcrHEd5Yye3XlckrRiZvD1vwoE/SvGhcLUuNOOXLLWvmCMeVHSHGvtt0YpEwAAAAAgQPmqmpWVFKPYqOCd7LJ4Uqoe31qunh6rsDDvrsD2zM4K5aXFaUpGcBb6vG5y+hhFhhvtLG/U2+a5TuNfZ+y5ZK3tlpQ6ClkAAAAAAAHuYHWz8tKCu5ixeFKqGtq6PL0SWHN7l9bvr9aKmeNkjHcLYMEsKiJMU8cmaNex4B+5NNyG3q8aYx4xxrzXGPOO/i+/JgMAAAAABBxfVXPQ9lvqd8HkNEnShoPVjpOc2tq9Vero7tFKpsQ5NTNEVowbbnEpVVK1pMskXdP3dbW/QgEAAAAAAk9dS4dqWzo1OciLSznJscpJjtUGn3f7Lj2z87gSYyJUlOftpuPBbmZWoo43tKumucPOv6GTAAAgAElEQVR1FL86bc+lftbaD/g7CAAAAAAgsB2sCu6V4ga7YFKq1uytlLXWc9POunusnttVoUtmjFVk+HDHlMAf8rN6V4nbVd6gJVPTHafxn2E9y4wx040xzxpjtvXdLjTGfNW/0QAAAAAAgcRX3VtcmpQe5ziJ/10wOVVVTR3aX9nsOsobbDhYo+rmDl1ZkOk6SsgbWDHOw/25RsJwS5i/kfQlSZ2SZK3dIuld/goFAAAAAAg8B6taFGakCanBX1xaPKm379LLB7zXd+nxreWKiQzTpfkZrqOEvPQx0UofEx30fZeGW1yKs9ZuOGlf10iHAQAAAAAELl9Vs7KTYxUdEe46it/lpcUpOylGL+2rch3lBN09Vk9sO6bL8scqLmpYnXDgZzOzgn/FuOEWl6qMMVMkWUkyxrxTUrnfUgEAAAAAAo6vulmTQqDfkiQZY7RsWoZe2lel7h7rOs6AYl+Nqpra9dY5Wa6joM/MrETtOd6kru4e11H8ZrjFpU9IultSvjGmTNJnJH3Mb6kAAAAAAAHFWquDVc3KSwuN4pIkXTwtXQ1tXdpypM51lAH9U+Iuyx/rOgr6zMxKUEdXjw5Uea8/10gZVnHJWnvAWrtSUoakfGvtxdbaUv9GAwAAAAAEiprmDjW2dYXESnH9lk5NlzHS2r3emBrXPyXu0hlMifOSWVlJkqTtR+sdJ/Gf4a4Wl2aM+ZmktZKeN8bcZYxJ8280AAAAAECgCKWV4vqlxkdpdnaS1u6tdB1FUm9z8crGdl1VyJQ4L5mSEa+YyDBtPRK8fZeGOy3u75IqJV0v6Z192/f6KxQAAAAAILAcrGqRpJCaFidJy6al69VDdWps63QdRfdvPKKEmAitnDnOdRQMEhEepplZidpWFuIjlySlWmu/Y6092Pd1m6RkfwYDAAAAAAQOX1WzwsOMJqSGzsglSVo2LUNdPVYv7at2mqOpvUtPbDumqwuzFBMZ/Kv1BZo5OUnafrRePR5q/j6Shltces4Y8y5jTFjf142SVvszGAAAAAAgcBysbtb4lFhFhg/3Y2ZwKMpLUWJMhJ7Zedxpjie2lqu1s1vXLxjvNAeGNjsnSc0d3UHb1Hu4Hb4+KulWSf/XdztMUrMx5lZJ1lqbeKo79h3zDmvtxcaYn/z/9u48TIryXP/495mNfd8X2UEEZEdxQQVRUeOWmBgTjTmanzFH43ayGE8Sj2bjJMZEYxI15qhxi5qoGImoKAguKItsouwg+74PMMPM8/ujaoYBZpiF6a7q7vtzXVxTU1NdfVd1VdH99FvvCwwFZrn7LeHfqzSvOibMW8sNT38MwCX923H/1wZXdxUJcd5v32bhpr0A1MuBT39+YcSJAl996F2mrQia5/Vv15BXbjkz4kSB373+KfdPWgbAry7ty5XDu0QbSDJejzvGc6DM7yvGxuMcFhFJR13uOPg9pq63Iqlh+abMGimuRG52FiN7t+btzzZSVOxkZ1kkOV6ctYYuLeozpHOzSJ5fju7EDkGn3vPX7KBH64YRp6l9VR0trpG7Z7l7TvgvK5zXqJLCUh1gQDg9GGjg7iOAPDMbVtV51d2o21+YWzr9ytx11X14wpQUlgD2HjjKgklWUlgCmLtud4RJDvWnd5aVTt8z/tMIk4gEYnTaioiktbKFJRFJDe7Oii176JpBI8WVdU6fNmzdU8Csz7dF8vyrt+XzwbItfHFwR8yiKW7J0fVs3ZA6OVnMS9N+l6rcXtHMLjaze8N/X6jiw74FPBFOnwJMDKcnAsOrMa9aRvVqVTrdunGd6j484+SVuR03N0YtWE9od7BuOVTVdxERkYxxahf1FSKSajbt2k9+QRFdWmRWf0slzuzVitxs480F0dwa9/ePVmEGXxzcIZLnl8qVdOqd0cUlMxsL3AIsCP/dEs472mNygTPd/e1wVlOgZNy9HUCzasw7fN3Xm9kMM5uxadORQz4+eNUQnrp2GGO/2JcP7xxdlU1MihVjL+S0rk05vlW9WDXvXvSLC7n2lOP42rD2LP5lfHK98t0RPHjlQB67ZghPfqvaNUaRWrdi7IU0sYPTIiKSGM/cMKa0wKTrrUhqWB72I9MlQ1suNaqby/BuLXhzwQbck9thc8GBYv4+/XPO7t2ajs0ys7iXKk7s0IQFa3emZafeVe1z6QJgoLsXA5jZE8DHwB1HeczVwDNlft8OlDRFaRz+XlTFeYdw90eARwCGDh1a7qtyeq/WlW1TJJ7+9mlRRyjXTy/pH3WEcn1hgCrvEi9zfqUPOSIiyfDMDWOijiAi1VDSSXH3VunXl0xVndu3LT95eT6LNuzm+LaNkva8Ez5Zz+bdBVw1vHPSnlNq5sQOTXhy2kqWb9mTdudKdW6CalpmukkVlj8e+I6ZTQD6Ai2Bs8O/jQamAR9UcZ6IiIiIiIjE1NKNu6mTk0WHpvWijhKZMX3bkp1lvDJnTVKf96kPVtKpeX3O6Nmq8oUlUv3KdOqdbqpaXPoV8LGZPR62WpoJ/PJoD3D3H7r7ee4+BvjE3e8G9pnZVKDY3T9y91lVmVfjrRMREREREZGEW7ppN11bNiAropHS4qBVozqc1qMl42avTdqtcfPX7OCjFVu5aninjN73qaJnm4bk5WQxb3X6FZcqvS3Ogq7m3yXoWHsYYMAP3X19VZ/E3U8Pf95Szt+qNE9ERERERETiadnmPaWtMjLZJQPa818vzGHW59sZkoRBiR6esoyGdXK4YlinhD+XHLvc7Cz6tm/MnNVH9P6T8iptueRByfVld1/n7q+4+7jqFJZEREREREQkfe0rLGLV1vy060OmJs7t24Y6OVmMm534W+NWbtnD+Llr+frJnWhSLzfhzye1Y3CnZsxdvYOCA8VRR6lVVb0tbpqZDUtoEhEREREREUk5K7fkU+zQvVVmjhRXVqO6uZzbty3jZq9lX2FRQp/rL1OXkZOVxbWnd03o80jtGtypGfsPFLNg3c6oo9SqqhaXRhIUmJaa2Vwzm2dmcxMZTEREREREROJv6abdQGaPFFfW107qxI69hbw6d13CnmPdjr08P2M1lw3qQJvGdRP2PFL7BncOxkqbtXJbxElqV6V9LoXOT2gKERERERERSUlLNwbFpW5quQTA8G7N6d6qAU9NW8nlQzom5Dnun7gYHG4a1SMh65fEadekHu2b1GXW59u4lvRpdXbUlktmVtfMbgW+D4wB1rj7ypJ/SUkoIiIiIiIisbV00246NK1H/byqtl1Ib2bG10/uzOxV2xMy5PySjbt5fsYqvj68E8c1r1/r65fEG9S5Wdq1XKrstrgngKHAPILWS79NeCIRERERERFJGcs271GrpcN8aUhHGtbJ4aF3ltb6uu99fSH1crO5caRaLaWqwZ2asXbHPtbv2Bd1lFpTWXGpj7tf5e4PA5cDI5KQSURERERERFKAu7N04271t3SYJvVyufqUzoyft660T6raMGXRJiZ8sp5vn9mdlg3r1Np6JbkGdwr7Xfo8fVovVVZcKiyZcPcDCc4iIiIiIiIiKWTDzv3sKSjSSHHluO70rtTJyeLPk2un9dK+wiJ+Om4+XVs24PozutXKOiUafds3IS8nK61ujausuDTAzHaG/3YB/UumzSy9xs0TERERERGRatFIcRVr2bAOXzupMy99vIaF63cd8/oeeGsxK7bkc/fFfambm10LCSUqeTlZ9O/QhOkRFZcOFBUzb/UOpq/Yyq59hZU/oAqO2uOau+uIFRERERERkXKVFpdaq7hUnu+O6sE/Z63mnlc/4anrTsbMarSeD5dt4c/vLOUrQztyRq9WtZxSojC8Wwv+/M5Sdu0rpFHd3KQ8Z3Gx8/RHn/PAW4vZtGs/AHVysrj57J7H3IdXZS2XRERERERERMq1dONuGtbJoXUj9f9TnmYN8rhtdE/eW7KFV+asrdE6tuzez+3Pz6FT8/rcdVHfWk4oUTm1ewuKip3pK7Ym5fn2FRbxn0/P4icvz6dHq4Y8cOUgHvvmML48tCOdamHUQY0VKSIiIiIiIjWybPMeurdqUOMWOZngquGdGTdnLT9+eT7DujSnfdN6VX7svsIirn9yJpt37+eFG06hQR19hE8Xgzs3Iy8ni/eXbGFU7zYJfa6iYuemZ2bx1mcb+fGFJ3Dd6V1Lz9mRvVvXynOo5ZKIiIiIiIjUyNKNu+mm/paOKic7i99fMZCiYuc7T80kv6BqY2UVFhVz23OzmblyG/d9ZSD9OzZNcFJJprq52Qzp1Iz3l25J+HP9YvynTPx0I3df3JdvjeiWkGKwiksiIiIiIiJSbbv2FbJ2xz56qL+lSnVu0YD7vzqIeWt2cOPTs9hbUHTU5XftK+SGJ2fy2vz1/OQLfbiwf7skJZVkOrV7Cxas28m2PQUJe46JCzbwf+8t55unduEbp3RJ2POouCQiIiIiIiLVtmhD0Jn38W0aRZwkNZzTpw2/uOxEJi/axFf/Mo2VW/aUu9z0FVu55I/vMXnRJn52aT+uO71rkpNKspzaowUA05YlpvXSpl37+eE/59KnXWN+dEHvhDxHCd2wKSIiIiIiItW2aMMuAI5vq+JSVV15UidaNMjj9ufncM7vpnDpwPaM6NmKJvVy+XxrPhPmr+fdJZtp16QuT3/rZIZ3axF1ZEmg/h2bUj8vm3eXbOb8E2u/ddrPxy9g1/4D/P2rA6mTk13r6y9LxSURERERERGptkUbdlEvN5sO1eigWuDcvm1567+a8vuJixk3ew3Pz1hd+rdOzevz/fOO59rTulIvL7HFAIlebnYWp/VoyaTPNuLutdoX0owVWxk3ey3fHdWDnkloXajikoiIiIiIiFTbog276NWmIVlZGimuuto0rsuvvngid1/cl8Ubd5FfUESbRnU5rnk9jbyXYc45oQ1vLtjAp+t20ad941pZZ1Gxc9crn9CuSV2+c1b3WllnZVRcEhERERERkWpbuH43I49vFXWMlJaXk0Xf9k2ijiERGtm7NWYw8dMNtVZcen7GKj5Zu5MHrhxE/bzklH3UobeIiIiIiIhUy9Y9BWzevZ9e6sxb5Ji0alSHgcc1ZeKnG2plfTv2FvKb1xdyUpfmXJTEUQZVXBIREREREZFqKenMu5c68xY5ZqNPaMPc1TtYv2PfMa/r9xMXsT2/gLsu7pPUWyxVXBIREREREZFqWVxSXGrTMOIkIqnvvL5tARg/b90xrWfxhl387YOVfPWkTkm/3VLFJREREREREamWhRt20ahuDm0b1406ikjK69G6If06NOalj1dXvnAF3J27/7WABnnZfO/c42sxXdWouCQiIiIiIiLVsmj9bo5v00gjm4nUkssGdWT+mp2lrQKr6/VPNvDuks3cfk4vmjfIq+V0lVNxSURERERERKrM3Vm0cRc91Zm3SK25aEA7sgz+Mav6rZf2FhTxs1cX0LttI64a3jkB6SqXnDHpBIC7X57HY9M+B2BIpyb88z9PjzhRoOcd4ykMpw1YPvbCKOOUumvcfJ74YCUAPzq/F98+s2fEiQLz1+zgtudmUzc3i0evGUabmDQFXr0tnz9OWkqTernccnZP6uVlRx1JRCQtdbljfOn0TWfV5Xtjzo4wTe0pu10AK2LyfkBE4mfTrv1szy/kePW3JFJrWjeqy7l92vLc9FXcenavan2e+/PkJazZvpfnrh9OTnY0bYjUcimJSgpLADM/3xFhkkMVlpn2yFIc6alpK0unf/vG4giTHOovU5exYec+Vm7J55kPV1b+gCR5c8EGlm/ezexV25j1+bao44iIZIQHJx/7qC4iIqlmYWln3mq5JFKbrhvRle35hfyzGq2XVmzew0NTlnHpwPac3K1FAtMdnYpLSdSleb3S6QZ52vWV6Vnmm5AhnZpFmORQo3q3JivLyMvJ4oxeraOOU2rgcU3Jycqicd3cQ/adiIgkjtqIikgm+nTdTgB6t2sccRKR9DK0czP6d2zCX99dzoGi4kqXLyp2vv+POdTJzuJHF5yQhIQV021xSTT5B6N45eNVrN+xn+vP6hF1nFIrxl7IFx+YxN4DRbx2++io45SacOuZvP3pOhrVyWNYhBXYw10ysAMjerQiN8doVDc36jilBnVqxiPfGEJOVhZ5OSpeiogkyoqxF9LljvGc0jmLZ79zftRxas2KsRfS/47xFACf6ZY4ETmKBWt30q5J3Ug6DRZJZ2bGTSN7cP2TM/n79FWV9p/06NRlTF+xjfu+MiDy7lpUXEqyiwcdF3WEcr1488ioI5Rr1Antoo5QruYN4/kfaf08ndIiIsmQrv0RzU3T7RKR2rVg3U76qNWSSEKc06cNJ3Vpzn1vLuK8vm1p1ahOuct9uGwL976xkPP6tuGyQR2SnPJIat4gIiIiIiIiVbKvsIilm/bQp72KSyKJYGb8/LJ+7N5/gO//Yw5FxUf2jLxk425ueGomxzWvz68vH4CZRZD0UCouiYiIiIiISJUsXL+LomJXyyWRBOrVphE/+UIfJi/cxO3Pz2ZfYVHp395dvJmvPPwB2VnGX68ZRpN68eiqRffQiIiIiIiISJUsCDvz7tu+ScRJRNLb1cM7s3NvIb95fSHTl2/l9J4t+XxrPtOWbaVbywb89ZvD6NqyQdQxS6m4JCIiIiIiIlWyYO1OGtXJoWOzepUvLCLH5MaRPRh0XFMemrKMSQs30aJBHt8/73iuO70rdXPjNWatiksiIiIiIiJSJQvW7eSEdo3Jyoq+jxeRTHBqj5ac2qNl1DEqpT6XREREREREpFLFxc6n63aqM28ROUJatlxatS2fax+bzt7CIn79pf6xqfJd8LvJLNiwB4BGeVnMu+f8iBMFjr9zPPuLg+lcYHFMhiH+7euf8YdJSwG466I+/MdpXSNOFFi1NZ/73lxE3dxsfjjmeJrWz4s6Uqwt2rCLB95aTMuGdfjhmN7Uy4tX882odLlj/CG/p+uw5iIiInLsyr5v6NgQ3v1xNO8bVmzZQ35BkTrzFpEjpGXLpXEfr2HDzn3s3FvI0x+ujDpOqZLCEsCuguIIkxxqf5kohdHFOMJj768onf7jpCXRBTnMlMWbWLdjL8s372bmym1Rx4m9tz/byObd+/ls/U7mr90RdRwRERGRlLZ6d3TPXdKZt1ouicjh0rK4dG7ftjSok0NOdhYXntg+6jilWtQ/2FAsR7coV+r8fu1Kp68Y0jHCJIca1qU59XKzaVY/jxM7aJSMygzv1oK8nGzaNq5LrzaNoo4jIiIiIjU0b80OcrONnm0aRh1FRGLG3D3qDMdk6NChPmPGjCPmFxcXU1wMOTnxqp9t3ryZzYXQu108btUrsXJl0MKrc+fOESc51O49BeTlQl5evG49Ky52zMBMVcKqKCp2slOs08ehQ4dS3rWlNj3w9lQG5cKIESMS+jwiEh/JuLaISHr63nNTufeK8t8zJOvacuUj09hTcIBXbjo94c8lItEzs5nuPrQqy6Zln0sAWVlZZMWrrgRAy5YtiVdZKRC3olKJhg3iVVQqodExqifVCkvJcvMoFZVERESkaioqLCVLcbEzb80OLhvUIdIcIhJPMSy/iIiIiIiISJws27yb3fsP0L+juoUQkSOpuCQiIiIiIiJHNXtVMDDLwOOaRpxEROJIxSURERERERE5qrmrt9MgL5turdSZt4gcScUlEREREREROao5q7ZzYscm6ktTRMql4pKIiIiIiIhUqOBAMZ+u28WAjrolTkTKp+KSiIiIiIiIVOiz9TspKCpmgPpbEpEKqLgkIiIiIiIiFZq5chugzrxFpGIqLomIiIiIiEiFZqzcRoem9WjftF7UUUQkpnKiDpBphvzsDfYXFjP/njFRRzlElzvGA7Bi7IURJzlUXHPd/OzHNGuQw90Xnxh1FKmh4mLnw+Vbad24Dt016olIrYjrNVtEolFyTQBdF1KZuzNjxVaGd2sRdRQRiTG1XEqi/v8zgS17CtldUESPO8dX/oAkKfsff9npqMU115f+/D6vzFnLE+9/zn+/OC/qOFJDz81Yxf1vLeKn4+azelt+1HFEUl5cr9kiEo1rHtR1IF2s3raXDTv3M7Rzs6ijiEiMqbiURHsLikunDxQfZUGJtR35BaXT63fujTCJHItd+woBKCp29hYURZxGREQkvcxZHXUCqS3TV2wFYGiX5hEnEZE4S1hxycz6mdn7ZjbVzB6zwO/C3+8vs1yV5qWD2f99JhZOP/utYZFmKet7IzuVTl8zrG2ESQ517xf7lE7/++aTIkxyqCevO5kuLerTp10jHr5qcNRxpIauPKkTFw1oz7fP6E7PNo2ijiOS8jrmHpy+elB0OUQkHmbrNri0MX3FNhrVzaGX3i+JyFEkss+lhe5+KoCZPQacBDRw9xFm9mczGwYUVWWeu09PYM6kadCgActj+B/tTeedyE3nxa/voMtP6srlJ3WNOsYR2jWtx+Tvj4w6hhyjRnVz+frJnaOOIZI23v1Z/P5/E5FoqZ+l9DBjxVaGdG5GdpZVvrCIZKyEtVxy98Iyv+4HRgMTw98nAsOBU6o47xBmdr2ZzTCzGZs2bUpAehERERERkcy2Pb+AxRt3M0y3xIlIJRLa55KZXWxm84HWBK2kdoZ/2gE0A5pWcd4h3P0Rdx/q7kNbtWpV7nP/74TP+N4LcygqildfKj3uHE+3H41n165dUUc5xHm/e4dz75scdYxDuDvvL9nMR8u3Rh1FRGJi8N0T6HLHeAbfPSHqKCIikkG63jGeLneM5/ZnZ0QdJammLQveh6u4JCKVSWhxyd1fcfd+wBrgANA4/FNjYHv4ryrzquX3by7kkSnLeOnjNVz7xMxj2ILa1fPO8RwohmKHE38xJeo4pUbdO5mFG3azaOMezvj121HHKTVp4UYeeHsx9725kGnLtkQdR0RiYOveokN+ioiIJNroe9/Gw+kX52yINEuyvbdkM/Xzshl4XNOoo4hIzCWyQ+86ZX7dCThwdvj7aGAa8EEV51VLfuHBodj2F8bnA0ixV75MFArKtO4qiNEwdmWzxCmXiIiIiGSOTB5V9r2lmzmpa3PycjTIuIgcXSKvEmPM7B0zewdoA4wF9pnZVKDY3T9y91lVmVfdJ77zghO4aEA7Tu/Rkoe/MaQ2t+mYzL7zjNLpl288oiupyLx92wjaNKpDq4Z5TLzljMofkCTn9GnLNad04drTujKiZ8uo44hIDORmHfpTREQk0d6785zS6RPaNIgwSXKt27GXZZv2cFp3vQ8XkcolbLQ4dx8HjDts9i3lLFeledX1+yviNw7yd1/4pHT6tr/PZVJMRhzr9dM3S6f7/ezN2Izs0e+n/2bvgWC6Rf0cZv70vGgDhSYv3MgP/jGXvJws/u+bwzQsq0gSLf5lPK5PEr0ud4w/5Pe4/N8lIgeVPU9T/RxN9fw18d6SoFuK03qouCQildN3v0n0zqKD/QYt35IfYZLUUFJYAtiSf6DiBZPspY/XsK+wiJ17C3l1ztqo44iIiIjEzvGHFYAl9by/ZDPNG+TRu62+SBWRyqm4lETn9mldOt2rdeY0qa2pBrlWOt2qQW6ESQ51+ZCO1MvLpmn9XC4Z1CHqOCIiGUlvYETibWEGtvRJJ+7Oe0s3c0r3FmRlWeUPEJGMl7Db4uRID39jWNQRyhXXZr6f/OyCqCOUa0TPVnx45+ioY4iIZLRlMf2/S0QOiut7TKncZ+t3sWHnfkboljgRqSJ98SciIiIiIiKl3vp0AwCjereuZEkRkYCKSyIiIiIiIlJq4qcbGdCxCa0b1406ioikCBWXREREREREBIBNu/YzZ/V2zj6hTdRRRCSFqLgkIiIiIiIiAExauBF33RInItWj4pKIiIiIiIgAQX9L7ZrUpW/7xlFHEZEUouKSiIiIiIiIkF9wgCmLNjOqd2vMLOo4IpJCVFwSERERERER3v5sI3sLi/hC//ZRRxGRFKPikoiIiIiIiPCvOWtp1agOJ3VtHnUUEUkxKi6JiIiIiIhkuF37Cpm0cBMXntiO7CzdEici1aPikoiIiIiISIZ7c8EGCg4Uc9GAdlFHEZEUpOKSiIiIiIhIhntlzlo6NK3HoOOaRR1FRFKQiksiIiIiIiIZbN2OvUxZtIlLB7UnS7fEiUgNqLgkIiIiIiKSwf4xYzXFDlcM7RR1FBFJUSouiYiIiIiIZKjiYue5Gas4rUcLOrWoH3UcEUlRKi6JiIiIiIhkqPeXbmH1tr1cMUytlkSk5lRcEhERERERyVBPTVtJ0/q5nNunTdRRRCSFqbgkIiIiIiKSgT7fks8bC9bztZM6UTc3O+o4IpLCVFwSERERERHJQP/33nKys4xrTu0SdRQRSXEqLomIiIiIiGSYHXsLeX7GKi7q3542jetGHUdEUpyKSyIiIiIiIhnmqWkryS8o4roRXaOOIiJpQMUlERERERGRDLJ7/wH+MnUZZ/ZqRd/2TaKOIyJpQMUlERERERGRDPLE+yvYnl/Ibef0ijqKiKQJFZdEREREREQyxM59hTwyZRln927NwOOaRh1HRNKEiksiIiIiIiIZ4pF3lrFjbyG3jlarJRGpPSouiYiIiIiIZIDV2/J5ZOoyLh3YnhM7qq8lEak9Ki6JiIiIiIhkgLGvfUaWwQ/G9I46ioikGRWXRERERERE0tyMFVt5de46vn1Gd9o3rRd1HBFJMyouiYiIiIiIpLEDRcXc9contGlch2+f2S3qOCKShlRcEhERERERSWOPvbeCT9bu5K6L+lI/LyfqOCKShlRcEhERERERSVOrtuZz35uLGH1Ca87v1zbqOCKSplRcEhERERERSUPuzp0vzSPL4J5L+mFmUUcSkTSl4pKIiIiIiEgaGjd7LVMXb+YHY3qrE28RSSgVl0RERERERNLQ1MWbGXhcU64a3jnqKCKS5tSbm4iIiIiISBq698v92bX/ANlZuh1ORBJLLZdERERERETSkJnRuG5u1DFEJAOouBUPdpgAABVmSURBVCQiIiIiIiIiIjWm4lKSDfnZG/S7a0LUMY7Q487x9LhzfNQxjjD4ntc5+ZcTo45xiKKiIn46bj6/f3Nh1FFE0tr9/15AlzvG0+WO+F2bRCTelixZouuHiIhIEqm4lESD7nmDLXsK2b2/KFaFnG53jOdAMRwohq4xehPW5yevsTX/ABt27mfwPa9HHafUjc/M5ukPP+cPk5Zy3xsqMIkkyu+mLC+d1gdEEamO0Y8e/P9Z1w8REZHEU3EpifYWFJVOFxdHGOQwZaN4ZCmOVFh0MM2+wvjssF37Ckunt+UXRJhEREREREREJHoqLiXRrDvPJDsLDHjlP0+OOk6pf980otzpqL1222lkG+RmGe9+/6yo45R68MrBnNy1OaN6t+J/LuoTdRyRtNWhcXbp9IqxF0aYRERSzbm9WpRO6/ohIiKSeOYep7Yq1Td06FCfMWNG1DFEJM0MHToUXVtEpLbp2iIiiaBri4gkgpnNdPehVVlWLZdERERERERERKTGVFwSEREREREREZEaU3FJRERERERERERqTMUlERERERERERGpsZTv0NvMNgErK/hzS2BzEuNUlXJVj3JVj3JVT0W5BgOzkpylJuK6X6tC2aOh7NFpCXTi2K8tcdoPccoC8cqjLBWLU550yZIq71tqIk6vUbJomzNDKmxzZ3dvVZUFU764dDRmNqOqPZsnk3JVj3JVj3JVT1xzVVUq51f2aCh7dGorf5z2Q5yyQLzyKEvF4pRHWeIvE/eLtjkzpNs267Y4ERERERERERGpMRWXRERERERERESkxtK9uPRI1AEqoFzVo1zVo1zVE9dcVZXK+ZU9GsoendrKH6f9EKcsEK88ylKxOOVRlvjLxP2ibc4MabXNad3nkoiIiIiIiIiIJFa6t1wSEREREREREZEEUnFJRERERERERERqLO2LS2Y2LOoMcWVmQ8ystZllm9klZnZu1JnKY2Y3Rp0hrsysXfjTzOxSM/uRmX3VzHKizhZHZpZrZheZ2anh71eZ2Y1m1jTqbDWVKudHKh+r6XjciIiIiIjUprTpc8nMyiuUGTDB3c9Jdp5DQpj1BYrc/bMy80529w8jzPRXgv2zH2gFrAV2Aq3d/foIc00FSg5KC3/2Bea7+xnRpDqUmfUD+gFL3X16xFnedvdRZnY/sBd4GxgIDHX3r0SY62JgorvnR5WhPGb2EjAdaAoMAf4NbAa+5u7nRZmtKlLh/KhIXI/Vqkj14waCLxOA4UAzYDswzd1nRJsq85jZje7+x6hzSGLoPBOpHZl4LmXiNmeidH+d06m4lA9MI/jAVfbDV393bxFhrt8CbYADQAvgWnffVPJBK8Jc77j7meH0PHc/MZye5O4jI8x1O9AfeNzdJ4fzXnP386PKFGaY4O5jzOxW4GxgPHAasMbd74gw10R3H13ys8z8qF/HtcBKYAPwEvCKu2+LKk+JsvvFzOa7e7/D58dZXM+PqojrsVoVaXDc/A6oA0wEdgCNgdEEX3rcHGW2qojjFzRVUVvFYDNr6u7bw+kvEH65AfzDk/wmzsyygUs57I0x8LK7H0hmljBPnPZNbM6zOO2XMENsjps47Zs47Zc4idO5lCwZus0Zd/xnwusc+9sRquFT4DJ331F2ppm9GVGeEkPLFHH6Ay+Y2fcjzgSHvvZ3lpm2wxdMJne/z8zygG+Z2Q3AM1HmKSMv/HkZMNLdi4GHzOzdCDMBPGFmjwKrzOwp4B2C4kPUFfCF7j7SzLoCXwReMrP9wDh3/1OEufaY2Y8JLuzrzOy/gK0ELfhiL8bnR1XE9VitipQ+boAh5RQzXjKzKZGkqYayX9CYWekXNMCvgMi+oKmil6idYvCLwCgz+xVB67lxBF9uXAD8R+3FrZLHgbnAsxz6xvhx4KokZ4F47Zs4nWdx2i8Qr+MmTvvmceKzX+IkTudSsmTiNj9O5h3/af86p1Nx6QsEt1ocLupv9HPMLM/dC9x9rpldBjxF8O1llK43s2x3L3L3fwGEH1rvizgX7l4A/MnMHgGuBuZEHAmgj5n9DehO8AGz5FirG10kcPcnzewt4DyCD2A5wKPuHod9hrsvB34L/NbM2gCXRBzpy8AYgm8pfwlcQ/AaXhFlqOqI6flRqbgfq5VI9eNmhpk9RPBN2U6CN3BnA7MiTVU1cf2CplIJKAafWrIvgAlm9s4xrq8murj71YfN+zhspRWlOOybOJ5ncdgvEM/jJg77Jo77JQ7ieC4lWiZucyYe/2n/OqfNbXFxZWYnASvcfWOZednAl93979Elk+ows85lfl3r7oVm1hAY4e6vRZUrrszsPHd/PeocIhIws0HAKQTf1G8HPgByou43rjJm9h5Ba9GC8PdmBF/QDHX3NpGGqwYLOq6/Gjge+Gd19ruZbQfmAScAPdx9uwX9TE539yEJCVxxlu8BZwGTCd4YNwHOAKa6+6+TmSXME5t9E+YpOc+acLAvjY8jyBG3/RKb4yZO+yZO+yVu4nIuJVOmbXOmHv/p/jqruCQiIpLGLMYDXlSmgi9ocoA73f2e6JJVLpH73czqAz2jaPlnZi2BkzhYqJwe3qoYCxHvmyEEHxqaAduIUUetUe6X8Plje9zE5Hwq+aA5Iy77JUpxPpcSJUO3OeOO/3R/nVVcEhERSWN2cMCLQ2YT8YAXVVFBgQbg9RQojJUdaASCzr1rtN/j2Km5xWDkVIvRyKRhR615wFvEoKPWOB4zYYZIj5uYHTMlHRof8kGTNO7QuCridi4lQ4Zuc8Yd/5nwOqu4JCIiksbMbCYwqrwBL1KsQBObkWCrorb2u8Vo1FmL2cipFqORSc1sSjkdtVY4P8FZYnPMhHlic9zE7Jh5kuAWvcNHjhrg7unaoXGl4nQuJUuGbnPGHf+Z8DqnU4fekgHMrIjgQpQDLAeu9nBIWRERKVdcB7yoiriOBFsVtbXf49SpedxGTo3TyKRx6qg1TscMxOu4idMxk4kdGldFnM6lZMnEbc7E4z/tX2e1XJKUYma73b1hOP0EsMjdfxFxLBERSQAzawdsKenQu8z8nHRtNn+4cjo1bw48SQSdmpvZeuANYBRBHzV7w/kz3H1oMrOEzzvJ3UceNq8NcIm7PxJBniM6zo+oQ+9YdYQfp+MmTsdMOR0aNwbOJM07NK6KdO/0uDyZts3q0Ds9X2cVlySlHFZcuoHg1oj/NDMDfk3wjbADP3f3544y/yzgboJm0QOBFwlaRN0C1AMudfelZvZl4C6gCNiRLk0WRUQkNVTQqXkko85azEZOtRQYmdTMhiW7b6E4HTPhc8fmuInbMRPnjs6jlO6dHpcnQ7dZHXqn2eus4pKklJLiUvgm6e/AX919gpl9CbgBGAO0BKYDJwOnVjD/eOBlgqFotwLLgEfd/S4zuwXo6u63mtk8YIy7rzGzproFT0REki18Mzqc4M1oyTedkbwZjVOWOOWpoPP5WI3KGEWh62jilCeqLHHteD1KmdDp8eEydJvVoXcavs4qLklKKdPnUhdgJnCuuxeFJ+s8d/+/cLkngReAkRXM3wn8d8kbPjObAvzI3d8zs1HAze5+aXhfbHfgeeBFd9+SxM0VEZEMF6c3o2GWOhzZAWtUI6LFJo/V4uiAtZAlVoWuOOWJWZZYdbweF5nQ6fHhMnSb1aF3JfNTkTr0llSz190HmlkT4FXgRuABDr6ZO1xF8wH2l5kuLvN7MeG54e43mNnJwIXAbDMbqAKTSGorU6TOJXhT/wTwe3cvNrOhwDcq+mBqZl2AU939mSTFFRlSzpvOl8IvRTI5C8QrT5w6n99NBaMsRpAlbnnilCVuHa/HRdp3elyOTNxmdeidhq+zikuSktx9h5ndDIwzsz8DU4Bvh518NyfoEO77BMd4efN7V+V5zKx72DT5QzO7CDgOUHFJJLXtdfeBAGbWGniG4H7/u8LbaY52S00X4GvhY0SSIU5vRuOUJW55LgL6mdligvcJJaMFXhBBljgVuuKWJ05Zcswsz90L3H2umV1G0PF63wiyxIa73x72G3Y2wfv4A8BKdx8bbbLECbd5EMEtvj0JbvFd6+4/izZZQr1iZq9yZIf2/4oyVIL9BmhLcCtgT4LC9krg3ihD1SbdFicppWyH3uHv/yK4Ze0pqt+h9/fc/QvheiaHv88o+zcze5GDJ/9bwK2uk0YkpZVzHelG0B9bS4I3NiXn/5nA/eFiTlCcfpOgr7blBC2eXiIYuatBuNxN7v5+eB35H2Az0I/gNt6r3N3NbFi43gYELSbPBvKBsQQjp9QB/ujuDydi+yX1lPNBy6P6oBWnLHHKY2Z/JXivsB9oBawl+MDU2t2vT3KW9kBX4PBC1yR3L0xmlrjliVmWkwha0JbNcgBoksmtY8NzCaCAiM+lZAlb65TcSluiD/BJutwuVZ4yHXoPAZYAS+LSD1silNzyamYPELzve5tgYKmh7v6VaNPVDhWXREQkoxxeXArnbSNo0XgCB4tL/wLGhn2xNQT2AadzaGG6PlDs7vvMrCfwrLsPDYtL4wi+gV4LvEfQavIj4DPgCnefbmaNCd5gXEvwxvnnZlYnXP7L7r48wbtDYi5OH7TilCVueczsnTK3OM1z9xPD6UnuPjLJWWJT6IpbHmWJvzidS8liZrcT3Jr5uLtPDue95u7nRxosgcxsgruPMbNbCfpaehU4DVjj7ndEmy4xzGyiu48u+Vlmftoc27otTkREpPz+2d4D7jOzpwk69F8dNIY8RC7woJkNBIqAXmX+9pG7rwYws9kEt9TtANaVfDPn7jvDv58L9Dezy8PHNiFoNanikvQ47IPW5eH0pAzPErc8Zd9T31lm+mh9PyZKnPZL3PIoS/zF6VxKCne/z8zygG+Z2Q1kxq33eeHPy4CR7l4MPGRm70aYKdGeMLNHgVVm9hTwDkFRMbIRV2ubiksiIpLRwtviioCNBC2XAHD3sWY2nqDPlGlmNrqch98GbAAGAFkErZtKlB00oIjg/9yyncgeEgP4rru/fgybIukpTh+04pQF4pXnejPLdvcid/8XQPhh8b4IssRpv0C88ihL/MXpXEoady8A/mRmjwBXA3MijpRofczsbwSjctchuD0VoG50kRLL3Z80s7eA8whGiswBHnX3tHmtVVwSEZGMZWatgIeAB8P+kMr+rbu7zwPmmdkpBLfNrQIalVlFE2B1ONLcNUB2JU/5GdDezIaFt8U1InhD9TrwnfB+/EIz60XQNHxPbW2rpKw4fdCKU5ZY5XH3T8qZVwC8kuwsxGi/xDCPssRczM6lpHP3A8BjUedIgpPDnz8h6GuMsAuCn0SWKAncfS1p/PqqzyUREckoZlYEzCO4pe0AQYfc94UForM42OfSH4CRBK2OFgDfBIqBCQSdfz9O0EfAPwn6TZpE0PqoYTmDBjwIzHD3x8MOvf8A1CMoLI0OH/9zghGnDNgEXOqHjWgkIiIiIhJHKi6JiIiIiIiIiEiNZUUdQEREREREREREUpeKSyIiIiIix8DMisxstpnNN7MXzKx+DdZxa00eV8G6VphZy9pYl4jUntq4Vhzj859lZqcm8znjnENql4pLIiIiIiLHZq+7D3T3fkABcEMN1nErkNQPmiKSdEe9VlggIZ/RzSwHOAuIQ1HnLOKRQ2qRiksiIiIiIrVnKtADwMxuD1sozDezW8N5DcxsvJnNCedfYWY3A+2BSWY2KVxujJnNCpd7K5zX3MxeNrO5ZjbNzPqH81uY2Rtm9rGZPUyZ4ezN7Coz+yhsLfGwmVU2qqWIJMdUoIeZdTGzT83sT8As4Dgzu9LM5oXXiP8teYCZ7Taz34bXhrfCUW8xs+5mNsHMZprZVDPrHc5/3MzuC68rzxEUs24LrwcjzGy5meWGyzYOWz3mmlkPM5sYXn9mhes3M/tNmGmemV0RPu4sM3u1TMYHzeyb4fQKM7s7XMc8M+ttZl0Oz5HwPS1JoeKSiIiIiEgtCFsGnA/MM7MhwH8QDLk9HPh/ZjYIGAOsdfcBYeuFCe7+ALAWGOnuI8MPjH8BvuTuA4Avh09xN/Cxu/cH7gT+Fs6/C3jX3QcRDNneKcxzAnAFcJq7DyQY/fLrid0LIlKZsteKcNbxwN/Cc7gQ+F9gFDAQGGZml4bLNQBmuftg4B2Ccx/gEYIRa4cA3wP+VObpegGj3f1LwEPA78LWU1OBycCF4XJfBf7p7oXA08Afw+vPqcA64IthngEEI93+xszaVWFzN4d5/0wwku6KcnJIGlBxSURERETk2NQzs9nADOBz4K/A6cBL7r7H3XcDLwIjCD5Mjjaz/zWzEe6+o5z1DQemuPtyAHffGs4/HXgynPc20MLMmgBnAE+F88cD28LlzwaGANPDfGcD3Wp300WkGsq7VgCsdPdp4fQwYLK7b3L3AwSFnjPCvxUTtECC4Jw/3cwaEhSAXgjX/TBQtujzgrsXVZDnUYIiOOHPx8ysEdDB3V8CcPd97p5PcP151t2L3H0DQXFrWBW2+cXw50ygSxWWlxSVE3UAEREREZEUtzdsGVTKzKy8Bd19Udiq6QLgV2b2hrvfc9hiBng5Dy9vnX7Yz8OXf8Ldf3TU9CKSLOVdKwD2lJ1VjfU5QYOR7Yevt4w9FczH3d8Lb8s7E8h29/lm1riCxSvKdYBDG63UPezv+8OfRaj+kNbUcklEREREpPZNAS41s/pm1gC4DJhqZu2BfHd/CrgXGBwuvwtoFE5/AJxpZl0h6GupzDq/Hs47i+B2k52HzT8faBYu/xZwuZm1LlmPmXVO0PaKSO34kOD8bxn2kXYlQSshCD6/Xx5Of43gdtidwHIz+zKUdgo+oIJ1l73OlPgb8CzwGEC4vtUlt+KZWR0LRrWbAlxhZtnhrbtnAB8BK4E+4XJNCFpIVqa8HJLiVFwSEREREall7j4LeJzgw9eHwKPu/jFwIvBRePvKfwM/Dx/yCPCamU1y903A9cCLZjaHg7fB/A8w1MzmAmOBa8L5dwNnmNks4FyC221w9wXAj4E3wse8yaG3y4hIzLj7OuBHwCRgDkEfS+PCP+8B+prZTII+mUpaPX4duC68XnwCXFLB6v8FXHZYR9pPExSkny2z3NXAzeF1432gLfASMDfM9DbwA3df7+6rgOfDvz0NfFyFzSwvh6Q4cy+vBa2IiIiIiIiIxIWZ7Xb3hrW8zsuBS9z96tpcr2Qe3fMoIiIiIiIikmHM7A8Eo9ZdEHUWSX1quSQiIiIiIiIiIjWmPpdERERERERERKTGVFwSEREREREREZEaU3FJRERERERERERqTMUlERERERERERGpMRWXRERERERERESkxv4/0Re1Wz2+E0kAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plotScatterMatrix(df2, 20, 10)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.5" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +}